From a2e0424abfc0d9f382331c813b1d96e0ef39d3e0 Mon Sep 17 00:00:00 2001 From: Lianmin Zheng Date: Thu, 31 Oct 2024 14:51:51 -0700 Subject: [PATCH 01/44] Fix memory leak for chunked prefill 2 (#1858) Co-authored-by: Liangsheng Yin --- .github/workflows/pr-test.yml | 6 +- docs/hyperparameter_tuning.md | 1 - python/sglang/srt/managers/schedule_batch.py | 6 +- python/sglang/srt/managers/scheduler.py | 38 +++---- scripts/killall_sglang.sh | 4 +- test/srt/run_suite.py | 1 + test/srt/test_radix_attention.py | 112 +++++++++++++++++++ 7 files changed, 138 insertions(+), 30 deletions(-) create mode 100644 test/srt/test_radix_attention.py diff --git a/.github/workflows/pr-test.yml b/.github/workflows/pr-test.yml index c1bf8da5b4..1d66a5c7b7 100644 --- a/.github/workflows/pr-test.yml +++ b/.github/workflows/pr-test.yml @@ -50,7 +50,7 @@ jobs: timeout-minutes: 20 run: | cd test/srt - python3 run_suite.py --suite minimal --range-begin 0 --range-end 5 + python3 run_suite.py --suite minimal --range-begin 0 --range-end 4 unit-test-backend-part-2: if: github.repository == 'sgl-project/sglang' || github.event_name == 'pull_request' @@ -67,7 +67,7 @@ jobs: timeout-minutes: 20 run: | cd test/srt - python3 run_suite.py --suite minimal --range-begin 5 --range-end 17 + python3 run_suite.py --suite minimal --range-begin 4 --range-end 14 unit-test-backend-part-3: if: github.repository == 'sgl-project/sglang' || github.event_name == 'pull_request' @@ -84,7 +84,7 @@ jobs: timeout-minutes: 20 run: | cd test/srt - python3 run_suite.py --suite minimal --range-begin 17 --range-end 20 + python3 run_suite.py --suite minimal --range-begin 14 --range-end 20 unit-test-backend-part-4: if: github.repository == 'sgl-project/sglang' || github.event_name == 'pull_request' diff --git a/docs/hyperparameter_tuning.md b/docs/hyperparameter_tuning.md index 5013a80aba..96eb5b4f89 100644 --- a/docs/hyperparameter_tuning.md +++ b/docs/hyperparameter_tuning.md @@ -1,7 +1,6 @@ # Guide on Hyperparameter Tuning ## Achieving Peak Throughput - Achieving a large batch size is the most important thing for attaining high throughput. When the server is running at full load, look for the following in the log: diff --git a/python/sglang/srt/managers/schedule_batch.py b/python/sglang/srt/managers/schedule_batch.py index 85ca560a92..24e82993b8 100644 --- a/python/sglang/srt/managers/schedule_batch.py +++ b/python/sglang/srt/managers/schedule_batch.py @@ -221,7 +221,7 @@ def __init__( self.prefix_indices = [] self.extend_input_len = 0 self.last_node = None - self.is_inflight_req = 0 + self.is_being_chunked = 0 # Logprobs (arguments) self.return_logprob = False @@ -888,7 +888,7 @@ def prepare_for_decode(self, enable_overlap: bool = False): def filter_batch( self, - current_inflight_req: Optional[Req] = None, + being_chunked_req: Optional[Req] = None, keep_indices: Optional[List[int]] = None, ): if keep_indices is None: @@ -896,7 +896,7 @@ def filter_batch( i for i in range(len(self.reqs)) if not self.reqs[i].finished() - and self.reqs[i] is not current_inflight_req + and self.reqs[i] is not being_chunked_req ] if keep_indices is None or len(keep_indices) == 0: diff --git a/python/sglang/srt/managers/scheduler.py b/python/sglang/srt/managers/scheduler.py index 7c7780a64d..9682b7260a 100644 --- a/python/sglang/srt/managers/scheduler.py +++ b/python/sglang/srt/managers/scheduler.py @@ -231,7 +231,7 @@ def __init__( # Init chunked prefill self.chunked_prefill_size = server_args.chunked_prefill_size - self.current_inflight_req = None + self.being_chunked_req = None self.is_mixed_chunk = ( self.chunked_prefill_size is not None and server_args.enable_mixed_chunk ) @@ -551,13 +551,13 @@ def get_next_batch_to_run(self): and not self.last_batch.forward_mode.is_decode() and not self.last_batch.is_empty() ): - if self.current_inflight_req: + if self.being_chunked_req: self.last_batch.filter_batch( - current_inflight_req=self.current_inflight_req + being_chunked_req=self.being_chunked_req ) - self.tree_cache.cache_unfinished_req(self.current_inflight_req) + self.tree_cache.cache_unfinished_req(self.being_chunked_req) # Inflight request keeps its rid but will get a new req_pool_idx. - self.req_to_token_pool.free(self.current_inflight_req.req_pool_idx) + self.req_to_token_pool.free(self.being_chunked_req.req_pool_idx) self.batch_is_full = False if not self.last_batch.is_empty(): if self.running_batch is None: @@ -588,7 +588,7 @@ def get_new_batch_prefill(self) -> Optional[ScheduleBatch]: # Handle the cases where prefill is not allowed if ( self.batch_is_full or len(self.waiting_queue) == 0 - ) and self.current_inflight_req is None: + ) and self.being_chunked_req is None: return None running_bs = len(self.running_batch.reqs) if self.running_batch else 0 @@ -611,13 +611,11 @@ def get_new_batch_prefill(self) -> Optional[ScheduleBatch]: num_mixed_running, ) - has_inflight = self.current_inflight_req is not None + has_inflight = self.being_chunked_req is not None if has_inflight: - self.current_inflight_req.init_next_round_input( - None if prefix_computed else self.tree_cache - ) - self.current_inflight_req = adder.add_inflight_req( - self.current_inflight_req + self.being_chunked_req.init_next_round_input() + self.being_chunked_req = adder.add_inflight_req( + self.being_chunked_req ) if self.lora_paths: @@ -661,11 +659,11 @@ def get_new_batch_prefill(self) -> Optional[ScheduleBatch]: ] if adder.new_inflight_req is not None: - assert self.current_inflight_req is None - self.current_inflight_req = adder.new_inflight_req + assert self.being_chunked_req is None + self.being_chunked_req = adder.new_inflight_req - if self.current_inflight_req: - self.current_inflight_req.is_inflight_req += 1 + if self.being_chunked_req: + self.being_chunked_req.is_being_chunked += 1 # Print stats if self.tp_rank == 0: @@ -833,8 +831,8 @@ def process_batch_result_prefill(self, batch: ScheduleBatch, result): # Check finish conditions logprob_pt = 0 for i, req in enumerate(batch.reqs): - if req.is_inflight_req > 0: - req.is_inflight_req -= 1 + if req.is_being_chunked > 0: + req.is_being_chunked -= 1 else: # Inflight reqs' prefill is not finished req.completion_tokens_wo_jump_forward += 1 @@ -860,8 +858,8 @@ def process_batch_result_prefill(self, batch: ScheduleBatch, result): # Check finish conditions for i, req in enumerate(batch.reqs): req.embedding = embeddings[i] - if req.is_inflight_req > 0: - req.is_inflight_req -= 1 + if req.is_being_chunked > 0: + req.is_being_chunked -= 1 else: # Inflight reqs' prefill is not finished # dummy output token for embedding models diff --git a/scripts/killall_sglang.sh b/scripts/killall_sglang.sh index 9a57e3b1d3..203da60402 100644 --- a/scripts/killall_sglang.sh +++ b/scripts/killall_sglang.sh @@ -1,6 +1,4 @@ -""" -Kill all SGLang processes and free the GPU memory. -""" +# Kill all SGLang processes and free the GPU memory. kill -9 $(ps aux | grep 'multiprocessing.spawn' | grep -v 'grep' | awk '{print $2}') kill -9 $(ps aux | grep 'sglang.launch_server' | grep -v 'grep' | awk '{print $2}') diff --git a/test/srt/run_suite.py b/test/srt/run_suite.py index 1237df7095..f7277f03da 100644 --- a/test/srt/run_suite.py +++ b/test/srt/run_suite.py @@ -19,6 +19,7 @@ "test_openai_server.py", "test_overlap_schedule.py", "test_pytorch_sampling_backend.py", + "test_radix_attention.py", "test_retract_decode.py", "test_server_args.py", "test_skip_tokenizer_init.py", diff --git a/test/srt/test_radix_attention.py b/test/srt/test_radix_attention.py new file mode 100644 index 0000000000..1c20d95ebd --- /dev/null +++ b/test/srt/test_radix_attention.py @@ -0,0 +1,112 @@ +import os +import random +import unittest + +import requests + +from sglang.test.test_utils import ( + DEFAULT_MODEL_NAME_FOR_TEST, + DEFAULT_TIMEOUT_FOR_SERVER_LAUNCH, + DEFAULT_URL_FOR_TEST, + kill_child_process, + popen_launch_server, +) + + +def gen_radix_tree(num_nodes=400, chunk_len=256): + num0 = num_nodes // 2 + num1 = num_nodes - num0 + nodes = [{"input_ids": [37] * 117, "decode_len": 217}] + for _ in range(num0): + parent = random.choice(nodes) + unique_len = random.randint(0, chunk_len) + decode_len = random.randint(0, chunk_len) + token_id = random.randint(0, 32000) + child = { + "input_ids": parent["input_ids"] + [token_id] * unique_len, + "decode_len": decode_len, + } + nodes.append(child) + + while num1 > 0: + num_branch = random.randint(1, min(num1, 10)) + parent = random.choice(nodes) + for _ in range(num_branch): + unique_len = random.randint(0, chunk_len) + decode_len = random.randint(0, chunk_len) + token_id = random.randint(0, 32000) + child = { + "input_ids": parent["input_ids"] + [token_id] * unique_len, + "decode_len": decode_len, + } + nodes.append(child) + + num1 -= num_branch + + random.shuffle(nodes) + return nodes + + +def run_test(base_url, nodes): + data = { + "input_ids": [node["input_ids"] for node in nodes], + "sampling_params": [ + {"max_new_tokens": node["decode_len"], "temperature": 0} for node in nodes + ], + } + + res = requests.post(base_url + "/generate", json=data) + assert res.status_code == 200 + + +class TestRadixCacheFCFS(unittest.TestCase): + @classmethod + def setUpClass(cls): + cls.model = DEFAULT_MODEL_NAME_FOR_TEST + cls.base_url = DEFAULT_URL_FOR_TEST + cls.process = popen_launch_server( + cls.model, + cls.base_url, + timeout=DEFAULT_TIMEOUT_FOR_SERVER_LAUNCH, + other_args=[ + "--chunked-prefill-size", + "128", + "--max-total-tokens", + "20000", + "--schedule-policy", + "fcfs", + ], + ) + + @classmethod + def tearDownClass(cls): + kill_child_process(cls.process.pid, include_self=True) + + def test_radix_attention(self): + nodes = gen_radix_tree() + run_test(self.base_url, nodes) + + +class TestRadixCacheLPM(TestRadixCacheFCFS): + @classmethod + def setUpClass(cls): + cls.model = DEFAULT_MODEL_NAME_FOR_TEST + cls.base_url = DEFAULT_URL_FOR_TEST + cls.process = popen_launch_server( + cls.model, + cls.base_url, + timeout=DEFAULT_TIMEOUT_FOR_SERVER_LAUNCH, + other_args=[ + "--chunked-prefill-size", + "128", + "--max-total-tokens", + "20000", + "--schedule-policy", + "lpm", + ], + ) + + +if __name__ == "__main__": + os.environ["SGLANG_TEST_RETRACT"] = "true" + unittest.main() From d8e9d61f8621742948cfb63b3d81cdbf5cdda316 Mon Sep 17 00:00:00 2001 From: HAI Date: Thu, 31 Oct 2024 16:38:16 -0700 Subject: [PATCH 02/44] [Build, ROCm] Dockerfile.rocm for Instinct GPUs, with package updates (#1861) --- docker/Dockerfile.rocm | 45 ++++++++++++++++++++++++++++++++++++++++++ python/pyproject.toml | 7 ++++++- 2 files changed, 51 insertions(+), 1 deletion(-) create mode 100644 docker/Dockerfile.rocm diff --git a/docker/Dockerfile.rocm b/docker/Dockerfile.rocm new file mode 100644 index 0000000000..003434454b --- /dev/null +++ b/docker/Dockerfile.rocm @@ -0,0 +1,45 @@ +# Usage (to build SGLang ROCm docker image): +# docker build --build-arg SGL_BRANCH=v0.3.4.post2 -t testImage -f Dockerfile.rocm . + +# default base image +ARG BASE_IMAGE="rocm/vllm-dev:20241022" + +FROM $BASE_IMAGE AS base +USER root + +WORKDIR /sgl-workspace + +ARG SGL_REPO="https://github.com/sgl-project/sglang" +ENV SGL_DEFAULT="main" +ARG SGL_BRANCH=${SGL_DEFAULT} + +RUN git clone ${SGL_REPO} \ + && cd sglang \ + && if [ "${SGL_BRANCH}" = ${SGL_DEFAULT} ]; then \ + echo "Using ${SGL_DEFAULT}, default branch."; \ + else \ + echo "Using ${SGL_BRANCH} branch."; \ + git checkout ${SGL_BRANCH}; \ + fi \ + && if [ "$BUILD_TYPE" = "srt" ]; then \ + python -m pip --no-cache-dir install -e "python[srt_hip]"; \ + else \ + python -m pip --no-cache-dir install -e "python[all_hip]"; \ + fi + +RUN cp -r /sgl-workspace/sglang /sglang +RUN python -m pip cache purge + +# Performance environment variable. + +ENV HIP_FORCE_DEV_KERNARG=1 +ENV SGLANG_ALLOW_OVERWRITE_LONGER_CONTEXT_LEN=1 +ENV NCCL_MIN_NCHANNELS=112 + +ENV MOE_PADDING=1 +ENV VLLM_FP8_PADDING=1 +ENV VLLM_FP8_ACT_PADDING=1 +ENV VLLM_FP8_WEIGHT_PADDING=1 +ENV VLLM_FP8_REDUCE_CONV=1 + +CMD ["/bin/bash"] diff --git a/python/pyproject.toml b/python/pyproject.toml index fc4a62b7af..d9749e1aba 100644 --- a/python/pyproject.toml +++ b/python/pyproject.toml @@ -20,9 +20,12 @@ runtime_common = ["aiohttp", "decord", "fastapi", "hf_transfer", "huggingface_hu "orjson", "packaging", "pillow", "psutil", "pydantic", "python-multipart", "torchao", "uvicorn", "uvloop", "zmq", "outlines>=0.0.44", "modelscope"] +srt = ["sglang[runtime_common]", "torch", "vllm==0.6.3.post1"] +# HIP (Heterogeneous-computing Interface for Portability) for AMD +# => base docker rocm/vllm-dev:20241022, not from public vllm whl +srt_hip = ["sglang[runtime_common]", "torch", "vllm==0.6.3.dev13"] # xpu is not enabled in public vllm and torch whl, # need to follow https://docs.vllm.ai/en/latest/getting_started/xpu-installation.htmlinstall vllm -srt = ["sglang[runtime_common]", "torch", "vllm==0.6.3.post1"] srt_xpu = ["sglang[runtime_common]"] openai = ["openai>=1.0", "tiktoken"] @@ -37,8 +40,10 @@ test = [ "peft", ] all = ["sglang[srt]", "sglang[openai]", "sglang[anthropic]", "sglang[litellm]"] +all_hip = ["sglang[srt_hip]", "sglang[openai]", "sglang[anthropic]", "sglang[litellm]"] all_xpu = ["sglang[srt_xpu]", "sglang[openai]", "sglang[anthropic]", "sglang[litellm]"] dev = ["sglang[all]", "sglang[test]"] +dev_hip = ["sglang[all_hip]", "sglang[test]"] dev_xpu = ["sglang[all_xpu]", "sglang[test]"] [project.urls] From b9fd178f1b7bab721b384c017dcec30a3ba0f323 Mon Sep 17 00:00:00 2001 From: Liangsheng Yin Date: Thu, 31 Oct 2024 18:27:42 -0700 Subject: [PATCH 03/44] Fix retraction + overlap (#1860) Co-authored-by: Lianmin Zheng --- .github/workflows/pr-test.yml | 4 ++-- python/sglang/srt/managers/schedule_batch.py | 15 ++++++++----- python/sglang/srt/managers/scheduler.py | 22 ++++++++++++++++---- test/srt/test_radix_attention.py | 21 +++++++++++++++++++ 4 files changed, 51 insertions(+), 11 deletions(-) diff --git a/.github/workflows/pr-test.yml b/.github/workflows/pr-test.yml index 1d66a5c7b7..8f374b8972 100644 --- a/.github/workflows/pr-test.yml +++ b/.github/workflows/pr-test.yml @@ -50,7 +50,7 @@ jobs: timeout-minutes: 20 run: | cd test/srt - python3 run_suite.py --suite minimal --range-begin 0 --range-end 4 + python3 run_suite.py --suite minimal --range-begin 0 --range-end 6 unit-test-backend-part-2: if: github.repository == 'sgl-project/sglang' || github.event_name == 'pull_request' @@ -67,7 +67,7 @@ jobs: timeout-minutes: 20 run: | cd test/srt - python3 run_suite.py --suite minimal --range-begin 4 --range-end 14 + python3 run_suite.py --suite minimal --range-begin 6 --range-end 14 unit-test-backend-part-3: if: github.repository == 'sgl-project/sglang' || github.event_name == 'pull_request' diff --git a/python/sglang/srt/managers/schedule_batch.py b/python/sglang/srt/managers/schedule_batch.py index 24e82993b8..131d2982a1 100644 --- a/python/sglang/srt/managers/schedule_batch.py +++ b/python/sglang/srt/managers/schedule_batch.py @@ -211,9 +211,6 @@ def __init__( # this does not include the jump forward tokens. self.completion_tokens_wo_jump_forward = 0 - # The number of cached tokens, that were already cached in the KV store - self.cached_tokens = 0 - # For vision inputs self.image_inputs: Optional[ImageInputs] = None @@ -223,6 +220,9 @@ def __init__( self.last_node = None self.is_being_chunked = 0 + # For retraction + self.is_retracted = False + # Logprobs (arguments) self.return_logprob = False self.logprob_start_len = 0 @@ -242,12 +242,15 @@ def __init__( # The relative logprob_start_len in an extend batch self.extend_logprob_start_len = 0 - # Embedding + # Embedding (return values) self.embedding = None # Constrained decoding self.grammar: Optional[Grammar] = None + # The number of cached tokens, that were already cached in the KV cache + self.cached_tokens = 0 + # For Qwen2-VL self.mrope_position_delta = [] # use mutable object @@ -561,7 +564,7 @@ def prepare_encoder_info_extend(self, input_ids: List[int], seq_lens: List[int]) seq_lens[i] -= encoder_len if len(req.prefix_indices) < encoder_len: - # NOTE: the encoder part should considered as a whole + # NOTE: the encoder part should be considered as a whole assert len(req.prefix_indices) == 0 input_ids[i] = input_ids[i][encoder_len:] encoder_out_cache_loc.append(self.out_cache_loc[pt : pt + encoder_len]) @@ -648,6 +651,7 @@ def prepare_for_extend(self): req.extend_logprob_start_len = extend_logprob_start_len pt += req.extend_input_len + req.is_retracted = False # Set fields self.input_ids = torch.tensor(sum(input_ids, []), dtype=torch.int32).to( @@ -780,6 +784,7 @@ def retract_decode(self): req.prefix_indices = [] req.last_node = None req.extend_input_len = 0 + req.is_retracted = True # For incremental logprobs req.last_update_decode_tokens = 0 diff --git a/python/sglang/srt/managers/scheduler.py b/python/sglang/srt/managers/scheduler.py index 9682b7260a..74cd1f3ea6 100644 --- a/python/sglang/srt/managers/scheduler.py +++ b/python/sglang/srt/managers/scheduler.py @@ -79,6 +79,7 @@ logger = logging.getLogger(__name__) + # Crash on warning if we are running CI tests crash_on_warning = os.getenv("SGLANG_IS_IN_CI", "false") == "true" @@ -831,9 +832,10 @@ def process_batch_result_prefill(self, batch: ScheduleBatch, result): # Check finish conditions logprob_pt = 0 for i, req in enumerate(batch.reqs): - if req.is_being_chunked > 0: - req.is_being_chunked -= 1 - else: + if req.is_retracted: + continue + + if req.is_being_chunked <= 0: # Inflight reqs' prefill is not finished req.completion_tokens_wo_jump_forward += 1 req.output_ids.append(next_token_ids[i]) @@ -851,12 +853,18 @@ def process_batch_result_prefill(self, batch: ScheduleBatch, result): logprob_pt += self.add_logprob_return_values( i, req, logprob_pt, next_token_ids, logits_output ) + else: + req.is_being_chunked -= 1 + else: # embedding or reward model embeddings, bid = result embeddings = embeddings.tolist() # Check finish conditions for i, req in enumerate(batch.reqs): + if req.is_retracted: + continue + req.embedding = embeddings[i] if req.is_being_chunked > 0: req.is_being_chunked -= 1 @@ -893,7 +901,12 @@ def process_batch_result_decode(self, batch: ScheduleBatch, result): # Check finish condition for i, (req, next_token_id) in enumerate(zip(batch.reqs, next_token_ids)): - if self.server_args.enable_overlap_schedule and req.finished(): + if req.is_retracted: + continue + + if self.server_args.enable_overlap_schedule and ( + req.finished() + ): self.token_to_kv_pool.free(batch.out_cache_loc[i : i + 1]) continue @@ -1015,6 +1028,7 @@ def stream_output(self, reqs: List[Req]): is_stream_iter = self.forward_ct_decode % self.stream_interval == 0 for req in reqs: + # TODO(lianmin): revisit this for overlap + retract + stream if req.finished() or ( req.stream and (is_stream_iter or len(req.output_ids) == 1) ): diff --git a/test/srt/test_radix_attention.py b/test/srt/test_radix_attention.py index 1c20d95ebd..e858ba9ee9 100644 --- a/test/srt/test_radix_attention.py +++ b/test/srt/test_radix_attention.py @@ -107,6 +107,27 @@ def setUpClass(cls): ) +class TestRadixCacheOverlapLPM(TestRadixCacheFCFS): + @classmethod + def setUpClass(cls): + cls.model = DEFAULT_MODEL_NAME_FOR_TEST + cls.base_url = DEFAULT_URL_FOR_TEST + cls.process = popen_launch_server( + cls.model, + cls.base_url, + timeout=DEFAULT_TIMEOUT_FOR_SERVER_LAUNCH, + other_args=[ + "--enable-overlap-schedule", + "--chunked-prefill-size", + "128", + "--max-total-tokens", + "20000", + "--schedule-policy", + "lpm", + ], + ) + + if __name__ == "__main__": os.environ["SGLANG_TEST_RETRACT"] = "true" unittest.main() From 61cf00e1121509c0dfa19d2a8608471b23a3f6a9 Mon Sep 17 00:00:00 2001 From: Chayenne Date: Thu, 31 Oct 2024 20:10:16 -0700 Subject: [PATCH 04/44] change file tree (#1859) Co-authored-by: Chayenne --- .github/workflows/deploy-docs.yml | 10 +- .github/workflows/execute-notebook.yml | 10 +- README.md | 6 +- docs/Makefile | 13 +- docs/{ => backend}/backend.md | 0 docs/{ => backend}/embedding_model.ipynb | 268 ++++++-- docs/{ => backend}/openai_api.ipynb | 649 ++++++++++++++---- docs/deploy.py | 24 +- docs/{ => developer}/release_process.md | 0 docs/{ => developer}/setup_github_runner.md | 0 docs/{ => frontend}/frontend.md | 0 docs/index.rst | 28 +- .../benchmark_and_profiling.md | 0 docs/{ => references}/choices_methods.md | 0 docs/{ => references}/contributor_guide.md | 0 docs/{ => references}/custom_chat_template.md | 0 .../{ => references}/hyperparameter_tuning.md | 0 docs/{ => references}/learn_more.md | 0 docs/{ => references}/model_support.md | 0 docs/{ => references}/sampling_params.md | 0 docs/{ => references}/troubleshooting.md | 0 docs/send_request.ipynb | 222 ------ docs/{ => starts}/install.md | 0 docs/starts/send_request.ipynb | 403 +++++++++++ 24 files changed, 1177 insertions(+), 456 deletions(-) rename docs/{ => backend}/backend.md (100%) rename docs/{ => backend}/embedding_model.ipynb (59%) rename docs/{ => backend}/openai_api.ipynb (55%) rename docs/{ => developer}/release_process.md (100%) rename docs/{ => developer}/setup_github_runner.md (100%) rename docs/{ => frontend}/frontend.md (100%) rename docs/{ => references}/benchmark_and_profiling.md (100%) rename docs/{ => references}/choices_methods.md (100%) rename docs/{ => references}/contributor_guide.md (100%) rename docs/{ => references}/custom_chat_template.md (100%) rename docs/{ => references}/hyperparameter_tuning.md (100%) rename docs/{ => references}/learn_more.md (100%) rename docs/{ => references}/model_support.md (100%) rename docs/{ => references}/sampling_params.md (100%) rename docs/{ => references}/troubleshooting.md (100%) delete mode 100644 docs/send_request.ipynb rename docs/{ => starts}/install.md (100%) create mode 100644 docs/starts/send_request.ipynb diff --git a/.github/workflows/deploy-docs.yml b/.github/workflows/deploy-docs.yml index d7177d2f6f..aeb9765f19 100644 --- a/.github/workflows/deploy-docs.yml +++ b/.github/workflows/deploy-docs.yml @@ -38,14 +38,8 @@ jobs: GITHUB_TOKEN: ${{ secrets.PAT_TOKEN }} run: | cd docs - for nb in *.ipynb; do - if [ -f "$nb" ]; then - echo "Executing $nb" - jupyter nbconvert --to notebook --execute --inplace "$nb" \ - --ExecutePreprocessor.timeout=600 \ - --ExecutePreprocessor.kernel_name=python3 - fi - done + make clean + make compile make html cd _build/html diff --git a/.github/workflows/execute-notebook.yml b/.github/workflows/execute-notebook.yml index ebc73bac16..b0a2a83246 100644 --- a/.github/workflows/execute-notebook.yml +++ b/.github/workflows/execute-notebook.yml @@ -44,11 +44,5 @@ jobs: - name: Execute notebooks run: | cd docs - for nb in *.ipynb; do - if [ -f "$nb" ]; then - echo "Executing $nb" - jupyter nbconvert --to notebook --execute --inplace "$nb" \ - --ExecutePreprocessor.timeout=600 \ - --ExecutePreprocessor.kernel_name=python3 - fi - done \ No newline at end of file + make clean + make compile \ No newline at end of file diff --git a/README.md b/README.md index 6dc577ee44..8e5d55f50b 100644 --- a/README.md +++ b/README.md @@ -40,13 +40,13 @@ The core features include: - **Active Community**: SGLang is open-source and backed by an active community with industry adoption. ## Install -See [https://sgl-project.github.io/install.html](https://sgl-project.github.io/install.html) +See [https://sgl-project.github.io/starts/install.html](https://sgl-project.github.io/starts/install.html) ## Backend: SGLang Runtime (SRT) -See [https://sgl-project.github.io/backend.html](https://sgl-project.github.io/backend.html) +See [https://sgl-project.github.io/backend/backend.html](https://sgl-project.github.io/backend/backend.html) ## Frontend: Structured Generation Language (SGLang) -See [https://sgl-project.github.io/frontend.html](https://sgl-project.github.io/frontend.html) +See [https://sgl-project.github.io/frontend/frontend.html](https://sgl-project.github.io/frontend/frontend.html) ## Benchmark And Performance Learn more in our release blogs: [v0.2 blog](https://lmsys.org/blog/2024-07-25-sglang-llama3/), [v0.3 blog](https://lmsys.org/blog/2024-09-04-sglang-v0-3/) diff --git a/docs/Makefile b/docs/Makefile index 3e4a1b5e5b..b439c4fe22 100644 --- a/docs/Makefile +++ b/docs/Makefile @@ -12,7 +12,18 @@ BUILDDIR = _build help: @$(SPHINXBUILD) -M help "$(SOURCEDIR)" "$(BUILDDIR)" $(SPHINXOPTS) $(O) -.PHONY: help Makefile +# New target to compile Markdown and Jupyter Notebook files +compile: + find $(SOURCEDIR) -name '*.ipynb' | while read nb; do \ + if [ -f "$$nb" ]; then \ + echo "Executing $$nb"; \ + jupyter nbconvert --to notebook --execute --inplace "$$nb" \ + --ExecutePreprocessor.timeout=600 \ + --ExecutePreprocessor.kernel_name=python3; \ + fi; \ + done + +.PHONY: help Makefile compile # Catch-all target: route all unknown targets to Sphinx using the new # "make mode" option. $(O) is meant as a shortcut for $(SPHINXOPTS). diff --git a/docs/backend.md b/docs/backend/backend.md similarity index 100% rename from docs/backend.md rename to docs/backend/backend.md diff --git a/docs/embedding_model.ipynb b/docs/backend/embedding_model.ipynb similarity index 59% rename from docs/embedding_model.ipynb rename to docs/backend/embedding_model.ipynb index c939204c5b..af985a87e1 100644 --- a/docs/embedding_model.ipynb +++ b/docs/backend/embedding_model.ipynb @@ -30,47 +30,181 @@ { "cell_type": "code", "execution_count": 1, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-01T02:47:32.337369Z", + "iopub.status.busy": "2024-11-01T02:47:32.337032Z", + "iopub.status.idle": "2024-11-01T02:47:59.540926Z", + "shell.execute_reply": "2024-11-01T02:47:59.539861Z" + } + }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", - " warnings.warn(\n", - "[2024-10-29 21:07:15] server_args=ServerArgs(model_path='Alibaba-NLP/gte-Qwen2-7B-instruct', tokenizer_path='Alibaba-NLP/gte-Qwen2-7B-instruct', tokenizer_mode='auto', skip_tokenizer_init=False, load_format='auto', trust_remote_code=False, dtype='auto', kv_cache_dtype='auto', quantization=None, context_length=None, device='cuda', served_model_name='Alibaba-NLP/gte-Qwen2-7B-instruct', chat_template=None, is_embedding=True, host='0.0.0.0', port=30010, mem_fraction_static=0.88, max_running_requests=None, max_total_tokens=None, chunked_prefill_size=8192, max_prefill_tokens=16384, schedule_policy='lpm', schedule_conservativeness=1.0, tp_size=1, stream_interval=1, random_seed=568040040, constrained_json_whitespace_pattern=None, log_level='info', log_level_http=None, log_requests=False, show_time_cost=False, api_key=None, file_storage_pth='SGLang_storage', enable_cache_report=False, watchdog_timeout=600, dp_size=1, load_balance_method='round_robin', dist_init_addr=None, nnodes=1, node_rank=0, json_model_override_args='{}', enable_double_sparsity=False, ds_channel_config_path=None, ds_heavy_channel_num=32, ds_heavy_token_num=256, ds_heavy_channel_type='qk', ds_sparse_decode_threshold=4096, lora_paths=None, max_loras_per_batch=8, attention_backend='flashinfer', sampling_backend='flashinfer', grammar_backend='outlines', disable_flashinfer=False, disable_flashinfer_sampling=False, disable_radix_cache=False, disable_regex_jump_forward=False, disable_cuda_graph=False, disable_cuda_graph_padding=False, disable_disk_cache=False, disable_custom_all_reduce=False, disable_mla=False, disable_penalizer=False, disable_nan_detection=False, enable_overlap_schedule=False, enable_mixed_chunk=False, enable_torch_compile=False, torch_compile_max_bs=32, cuda_graph_max_bs=160, torchao_config='', enable_p2p_check=False, triton_attention_reduce_in_fp32=False, num_continuous_decode_steps=1)\n", + " warnings.warn(\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:47:37] server_args=ServerArgs(model_path='Alibaba-NLP/gte-Qwen2-7B-instruct', tokenizer_path='Alibaba-NLP/gte-Qwen2-7B-instruct', tokenizer_mode='auto', skip_tokenizer_init=False, load_format='auto', trust_remote_code=False, dtype='auto', kv_cache_dtype='auto', quantization=None, context_length=None, device='cuda', served_model_name='Alibaba-NLP/gte-Qwen2-7B-instruct', chat_template=None, is_embedding=True, host='0.0.0.0', port=30010, mem_fraction_static=0.88, max_running_requests=None, max_total_tokens=None, chunked_prefill_size=8192, max_prefill_tokens=16384, schedule_policy='lpm', schedule_conservativeness=1.0, tp_size=1, stream_interval=1, random_seed=314021918, constrained_json_whitespace_pattern=None, decode_log_interval=40, log_level='info', log_level_http=None, log_requests=False, show_time_cost=False, api_key=None, file_storage_pth='SGLang_storage', enable_cache_report=False, watchdog_timeout=600, dp_size=1, load_balance_method='round_robin', dist_init_addr=None, nnodes=1, node_rank=0, json_model_override_args='{}', enable_double_sparsity=False, ds_channel_config_path=None, ds_heavy_channel_num=32, ds_heavy_token_num=256, ds_heavy_channel_type='qk', ds_sparse_decode_threshold=4096, lora_paths=None, max_loras_per_batch=8, attention_backend='flashinfer', sampling_backend='flashinfer', grammar_backend='outlines', disable_flashinfer=False, disable_flashinfer_sampling=False, disable_radix_cache=False, disable_regex_jump_forward=False, disable_cuda_graph=False, disable_cuda_graph_padding=False, disable_disk_cache=False, disable_custom_all_reduce=False, disable_mla=False, disable_penalizer=False, disable_nan_detection=False, enable_overlap_schedule=False, enable_mixed_chunk=False, enable_torch_compile=False, torch_compile_max_bs=32, cuda_graph_max_bs=160, torchao_config='', enable_p2p_check=False, triton_attention_reduce_in_fp32=False, num_continuous_decode_steps=1)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", " warnings.warn(\n", "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", - " warnings.warn(\n", - "[2024-10-29 21:07:20 TP0] Init torch distributed begin.\n", - "[2024-10-29 21:07:20 TP0] Load weight begin. avail mem=47.27 GB\n", - "[2024-10-29 21:07:21 TP0] lm_eval is not installed, GPTQ may not be usable\n", - "INFO 10-29 21:07:22 weight_utils.py:243] Using model weights format ['*.safetensors']\n", - "Loading safetensors checkpoint shards: 0% Completed | 0/7 [00:00
This cell combines server and notebook output.

Typically, the server runs in a separate terminal,
but we combine the output of server and notebook to demonstrate the usage better.

In our documentation, server output is in gray, notebook output is highlighted.
" + "

NOTE: Typically, the server runs in a separate terminal.
In this notebook, we run the server and notebook code together, so their outputs are combined.
To improve clarity, the server logs are displayed in the original black color, while the notebook outputs are highlighted in blue.
" ], "text/plain": [ "" @@ -78,16 +212,6 @@ }, "metadata": {}, "output_type": "display_data" - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-29 21:07:34] INFO: 127.0.0.1:41780 - \"GET /get_model_info HTTP/1.1\" 200 OK\n", - "[2024-10-29 21:07:34 TP0] Prefill batch. #new-seq: 1, #new-token: 6, #cached-token: 0, cache hit rate: 0.00%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-10-29 21:07:35] INFO: 127.0.0.1:41792 - \"POST /encode HTTP/1.1\" 200 OK\n", - "[2024-10-29 21:07:35] The server is fired up and ready to roll!\n" - ] } ], "source": [ @@ -118,20 +242,21 @@ { "cell_type": "code", "execution_count": 2, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-01T02:47:59.543958Z", + "iopub.status.busy": "2024-11-01T02:47:59.543670Z", + "iopub.status.idle": "2024-11-01T02:47:59.591699Z", + "shell.execute_reply": "2024-11-01T02:47:59.590809Z" + } + }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-28 02:10:30 TP0] Prefill batch. #new-seq: 1, #new-token: 4, #cached-token: 0, cache hit rate: 0.00%, token usage: 0.00, #running-req: 0, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-28 02:10:31] INFO: 127.0.0.1:48094 - \"POST /v1/embeddings HTTP/1.1\" 200 OK\n" + "[2024-10-31 19:47:59 TP0] Prefill batch. #new-seq: 1, #new-token: 4, #cached-token: 0, cache hit rate: 0.00%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", + "[2024-10-31 19:47:59] INFO: 127.0.0.1:50358 - \"POST /v1/embeddings HTTP/1.1\" 200 OK\n" ] }, { @@ -174,18 +299,21 @@ { "cell_type": "code", "execution_count": 3, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-01T02:47:59.594229Z", + "iopub.status.busy": "2024-11-01T02:47:59.594049Z", + "iopub.status.idle": "2024-11-01T02:48:00.006233Z", + "shell.execute_reply": "2024-11-01T02:48:00.005255Z" + } + }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-28 02:10:31] INFO: 127.0.0.1:48110 - \"GET /get_model_info HTTP/1.1\" 200 OK\n", - "[2024-10-28 02:10:31 TP0] Prefill batch. #new-seq: 1, #new-token: 6, #cached-token: 0, cache hit rate: 0.00%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-10-28 02:10:31] INFO: 127.0.0.1:48114 - \"POST /encode HTTP/1.1\" 200 OK\n", - "[2024-10-28 02:10:31] The server is fired up and ready to roll!\n", - "[2024-10-28 02:10:31 TP0] Prefill batch. #new-seq: 1, #new-token: 1, #cached-token: 3, cache hit rate: 21.43%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-10-28 02:10:31] INFO: 127.0.0.1:48118 - \"POST /v1/embeddings HTTP/1.1\" 200 OK\n" + "[2024-10-31 19:47:59 TP0] Prefill batch. #new-seq: 1, #new-token: 1, #cached-token: 3, cache hit rate: 21.43%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", + "[2024-10-31 19:47:59] INFO: 127.0.0.1:50362 - \"POST /v1/embeddings HTTP/1.1\" 200 OK\n" ] }, { @@ -228,13 +356,20 @@ { "cell_type": "code", "execution_count": 4, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-01T02:48:00.008858Z", + "iopub.status.busy": "2024-11-01T02:48:00.008689Z", + "iopub.status.idle": "2024-11-01T02:48:01.872542Z", + "shell.execute_reply": "2024-11-01T02:48:01.871573Z" + } + }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:127: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", + "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", " warnings.warn(\n" ] }, @@ -242,8 +377,8 @@ "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-28 02:10:32 TP0] Prefill batch. #new-seq: 1, #new-token: 1, #cached-token: 3, cache hit rate: 33.33%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-10-28 02:10:32] INFO: 127.0.0.1:48124 - \"POST /v1/embeddings HTTP/1.1\" 200 OK\n" + "[2024-10-31 19:48:01 TP0] Prefill batch. #new-seq: 1, #new-token: 1, #cached-token: 3, cache hit rate: 33.33%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", + "[2024-10-31 19:48:01] INFO: 127.0.0.1:50366 - \"POST /v1/embeddings HTTP/1.1\" 200 OK\n" ] }, { @@ -284,20 +419,15 @@ { "cell_type": "code", "execution_count": 5, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-28 02:10:32] INFO: Shutting down\n", - "[2024-10-28 02:10:32] INFO: Waiting for application shutdown.\n", - "[2024-10-28 02:10:32] INFO: Application shutdown complete.\n", - "[2024-10-28 02:10:32] INFO: Finished server process [1188896]\n", - "W1028 02:10:32.490000 140389363193408 torch/_inductor/compile_worker/subproc_pool.py:126] SubprocPool unclean exit\n" - ] + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-01T02:48:01.875204Z", + "iopub.status.busy": "2024-11-01T02:48:01.874915Z", + "iopub.status.idle": "2024-11-01T02:48:02.193734Z", + "shell.execute_reply": "2024-11-01T02:48:02.192158Z" } - ], + }, + "outputs": [], "source": [ "terminate_process(embedding_process)" ] diff --git a/docs/openai_api.ipynb b/docs/backend/openai_api.ipynb similarity index 55% rename from docs/openai_api.ipynb rename to docs/backend/openai_api.ipynb index 374fa30567..9b9ba7ab0b 100644 --- a/docs/openai_api.ipynb +++ b/docs/backend/openai_api.ipynb @@ -30,41 +30,140 @@ { "cell_type": "code", "execution_count": 1, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-01T02:44:46.419815Z", + "iopub.status.busy": "2024-11-01T02:44:46.419509Z", + "iopub.status.idle": "2024-11-01T02:45:16.621648Z", + "shell.execute_reply": "2024-11-01T02:45:16.620659Z" + } + }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "2024-10-30 09:44:20.477109: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:479] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered\n", - "2024-10-30 09:44:20.489679: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:10575] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered\n", - "2024-10-30 09:44:20.489712: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1442] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered\n", - "2024-10-30 09:44:21.010067: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT\n", - "[2024-10-30 09:44:29] server_args=ServerArgs(model_path='meta-llama/Meta-Llama-3.1-8B-Instruct', tokenizer_path='meta-llama/Meta-Llama-3.1-8B-Instruct', tokenizer_mode='auto', skip_tokenizer_init=False, load_format='auto', trust_remote_code=False, dtype='auto', kv_cache_dtype='auto', quantization=None, context_length=None, device='cuda', served_model_name='meta-llama/Meta-Llama-3.1-8B-Instruct', chat_template=None, is_embedding=False, host='0.0.0.0', port=30000, mem_fraction_static=0.88, max_running_requests=None, max_total_tokens=None, chunked_prefill_size=8192, max_prefill_tokens=16384, schedule_policy='lpm', schedule_conservativeness=1.0, tp_size=1, stream_interval=1, random_seed=134920821, constrained_json_whitespace_pattern=None, log_level='info', log_level_http=None, log_requests=False, show_time_cost=False, api_key=None, file_storage_pth='SGLang_storage', enable_cache_report=False, watchdog_timeout=600, dp_size=1, load_balance_method='round_robin', dist_init_addr=None, nnodes=1, node_rank=0, json_model_override_args='{}', enable_double_sparsity=False, ds_channel_config_path=None, ds_heavy_channel_num=32, ds_heavy_token_num=256, ds_heavy_channel_type='qk', ds_sparse_decode_threshold=4096, lora_paths=None, max_loras_per_batch=8, attention_backend='flashinfer', sampling_backend='flashinfer', grammar_backend='outlines', disable_flashinfer=False, disable_flashinfer_sampling=False, disable_radix_cache=False, disable_regex_jump_forward=False, disable_cuda_graph=False, disable_cuda_graph_padding=False, disable_disk_cache=False, disable_custom_all_reduce=False, disable_mla=False, disable_penalizer=False, disable_nan_detection=False, enable_overlap_schedule=False, enable_mixed_chunk=False, enable_torch_compile=False, torch_compile_max_bs=32, cuda_graph_max_bs=160, torchao_config='', enable_p2p_check=False, triton_attention_reduce_in_fp32=False, num_continuous_decode_steps=1)\n", - "[2024-10-30 09:44:39 TP0] Init torch distributed begin.\n", - "[2024-10-30 09:44:41 TP0] Load weight begin. avail mem=76.83 GB\n", - "[2024-10-30 09:44:42 TP0] lm_eval is not installed, GPTQ may not be usable\n", - "INFO 10-30 09:44:42 weight_utils.py:243] Using model weights format ['*.safetensors']\n", - "Loading safetensors checkpoint shards: 0% Completed | 0/4 [00:00Response: ChatCompletion(id='876500c402ae452ea17e4dde415c108a', choices=[Choice(finish_reason='stop', index=0, logprobs=None, message=ChatCompletionMessage(content='Here are 3 countries and their capitals:\\n\\n1. **Country:** Japan\\n**Capital:** Tokyo\\n\\n2. **Country:** Australia\\n**Capital:** Canberra\\n\\n3. **Country:** Brazil\\n**Capital:** Brasília', refusal=None, role='assistant', audio=None, function_call=None, tool_calls=None), matched_stop=128009)], created=1730281553, model='meta-llama/Meta-Llama-3.1-8B-Instruct', object='chat.completion', service_tier=None, system_fingerprint=None, usage=CompletionUsage(completion_tokens=46, prompt_tokens=49, total_tokens=95, completion_tokens_details=None, prompt_tokens_details=None))" + "Response: ChatCompletion(id='e04fce6c460d4764af68007fc82763e1', choices=[Choice(finish_reason='stop', index=0, logprobs=None, message=ChatCompletionMessage(content='Here are 3 countries and their capitals:\\n\\n1. **Country:** Japan\\n**Capital:** Tokyo\\n\\n2. **Country:** Australia\\n**Capital:** Canberra\\n\\n3. **Country:** Brazil\\n**Capital:** Brasília', refusal=None, role='assistant', function_call=None, tool_calls=None), matched_stop=128009)], created=1730429118, model='meta-llama/Meta-Llama-3.1-8B-Instruct', object='chat.completion', service_tier=None, system_fingerprint=None, usage=CompletionUsage(completion_tokens=46, prompt_tokens=49, total_tokens=95, prompt_tokens_details=None))" ], "text/plain": [ "" @@ -154,23 +272,54 @@ { "cell_type": "code", "execution_count": 3, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-01T02:45:18.090228Z", + "iopub.status.busy": "2024-11-01T02:45:18.090071Z", + "iopub.status.idle": "2024-11-01T02:45:21.193221Z", + "shell.execute_reply": "2024-11-01T02:45:21.192539Z" + } + }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-30 09:45:57 TP0] Prefill batch. #new-seq: 1, #new-token: 48, #cached-token: 28, cache hit rate: 21.97%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-10-30 09:45:57 TP0] Decode batch. #running-req: 1, #token: 104, token usage: 0.00, gen throughput (token/s): 8.70, #queue-req: 0\n", - "[2024-10-30 09:45:58 TP0] Decode batch. #running-req: 1, #token: 144, token usage: 0.00, gen throughput (token/s): 132.75, #queue-req: 0\n", - "[2024-10-30 09:45:58 TP0] Decode batch. #running-req: 1, #token: 184, token usage: 0.00, gen throughput (token/s): 132.30, #queue-req: 0\n", - "[2024-10-30 09:45:58] INFO: 127.0.0.1:55594 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" + "[2024-10-31 19:45:18 TP0] Prefill batch. #new-seq: 1, #new-token: 48, #cached-token: 28, cache hit rate: 21.97%, token usage: 0.00, #running-req: 0, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:18 TP0] Decode batch. #running-req: 1, #token: 104, token usage: 0.00, gen throughput (token/s): 39.15, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:19 TP0] Decode batch. #running-req: 1, #token: 144, token usage: 0.00, gen throughput (token/s): 41.80, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:20 TP0] Decode batch. #running-req: 1, #token: 184, token usage: 0.00, gen throughput (token/s): 41.81, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:21] INFO: 127.0.0.1:37738 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" ] }, { "data": { "text/html": [ - "Ancient Rome's major achievements include:

1. **Engineering and Architecture**: Developed concrete, aqueducts, roads, bridges, and monumental buildings like the Colosseum and Pantheon.
2. **Law and Governance**: Established the Twelve Tables, a foundation for modern law, and a system of governance that included the Senate and Assemblies.
3. **Military Conquests**: Expanded the empire through numerous wars, creating a vast territory that stretched from Britain to Egypt.
4. **Language and Literature**: Developed Latin, which became the language of law, government, and literature, influencing modern languages like French, Spanish, and Italian.
" + "Ancient Rome's major achievements include:

1. **Engineering and Architecture**: They built iconic structures like the Colosseum, Pantheon, and Roman Forum, showcasing their mastery of concrete, arches, and aqueducts.
2. **Law and Governance**: The Romans developed the 12 Tables (450 BCE), which formed the basis of their laws, and established the concept of citizenship, paving the way for modern democracy.
3. **Military Conquests**: Rome expanded its territories through a series of wars, creating a vast empire that lasted for centuries, stretching from Britain to Egypt.
4. **Language and Literature**: Latin became
" ], "text/plain": [ "" @@ -217,16 +366,50 @@ { "cell_type": "code", "execution_count": 4, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-01T02:45:21.195226Z", + "iopub.status.busy": "2024-11-01T02:45:21.194680Z", + "iopub.status.idle": "2024-11-01T02:45:21.675473Z", + "shell.execute_reply": "2024-11-01T02:45:21.675050Z" + } + }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-30 09:46:06] INFO: 127.0.0.1:45834 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n", - "[2024-10-30 09:46:06 TP0] Prefill batch. #new-seq: 1, #new-token: 15, #cached-token: 25, cache hit rate: 31.40%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "It looks like you're getting started with our conversation. I'm happy to chat with you and see how[2024-10-30 09:46:06 TP0] Decode batch. #running-req: 1, #token: 61, token usage: 0.00, gen throughput (token/s): 4.78, #queue-req: 0\n", - " things go. What would you like to talk about?" + "[2024-10-31 19:45:21] INFO: 127.0.0.1:37738 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n", + "[2024-10-31 19:45:21 TP0] Prefill batch. #new-seq: 1, #new-token: 15, #cached-token: 25, cache hit rate: 31.40%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", + "It looks like you're ready to" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + " begin" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + ". What kind of test would you like" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + " to" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + " conduct?" ] } ], @@ -255,21 +438,41 @@ { "cell_type": "code", "execution_count": 5, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-01T02:45:21.676813Z", + "iopub.status.busy": "2024-11-01T02:45:21.676665Z", + "iopub.status.idle": "2024-11-01T02:45:23.182104Z", + "shell.execute_reply": "2024-11-01T02:45:23.181695Z" + } + }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-30 09:46:11 TP0] Prefill batch. #new-seq: 1, #new-token: 8, #cached-token: 1, cache hit rate: 30.39%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-10-30 09:46:12 TP0] Decode batch. #running-req: 1, #token: 38, token usage: 0.00, gen throughput (token/s): 7.66, #queue-req: 0\n", - "[2024-10-30 09:46:12] INFO: 127.0.0.1:45834 - \"POST /v1/completions HTTP/1.1\" 200 OK\n" + "[2024-10-31 19:45:21 TP0] Prefill batch. #new-seq: 1, #new-token: 8, #cached-token: 1, cache hit rate: 30.39%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", + "[2024-10-31 19:45:21 TP0] Decode batch. #running-req: 1, #token: 11, token usage: 0.00, gen throughput (token/s): 39.18, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:22 TP0] Decode batch. #running-req: 1, #token: 51, token usage: 0.00, gen throughput (token/s): 42.85, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:23] INFO: 127.0.0.1:37738 - \"POST /v1/completions HTTP/1.1\" 200 OK\n" ] }, { "data": { "text/html": [ - "Response: Completion(id='1c988750627649f8872965d00cc008d9', choices=[CompletionChoice(finish_reason='length', index=0, logprobs=None, text=' 1. 2. 3.\\n1. United States - Washington D.C. 2. Japan - Tokyo 3. Australia - Canberra\\nList 3 countries and their capitals. 1. 2. 3.\\n1. China - Beijing 2. Brazil - Bras', matched_stop=None)], created=1730281572, model='meta-llama/Meta-Llama-3.1-8B-Instruct', object='text_completion', system_fingerprint=None, usage=CompletionUsage(completion_tokens=64, prompt_tokens=9, total_tokens=73, completion_tokens_details=None, prompt_tokens_details=None))" + "Response: Completion(id='84ca7b4df182449697c4b38a454b8834', choices=[CompletionChoice(finish_reason='length', index=0, logprobs=None, text=' 1. 2. 3.\\n1. United States Washington D.C. 2. Japan Tokyo 3. Australia Canberra\\nList 3 countries and their capitals. 1. 2. 3.\\n1. China Beijing 2. Brazil Bras', matched_stop=None)], created=1730429123, model='meta-llama/Meta-Llama-3.1-8B-Instruct', object='text_completion', system_fingerprint=None, usage=CompletionUsage(completion_tokens=64, prompt_tokens=9, total_tokens=73, prompt_tokens_details=None))" ], "text/plain": [ "" @@ -306,24 +509,61 @@ { "cell_type": "code", "execution_count": 6, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-01T02:45:23.186337Z", + "iopub.status.busy": "2024-11-01T02:45:23.186189Z", + "iopub.status.idle": "2024-11-01T02:45:26.769744Z", + "shell.execute_reply": "2024-11-01T02:45:26.769299Z" + } + }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-30 09:46:15 TP0] Prefill batch. #new-seq: 1, #new-token: 9, #cached-token: 1, cache hit rate: 29.32%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-10-30 09:46:15 TP0] Decode batch. #running-req: 1, #token: 16, token usage: 0.00, gen throughput (token/s): 12.28, #queue-req: 0\n", - "[2024-10-30 09:46:15 TP0] Decode batch. #running-req: 1, #token: 56, token usage: 0.00, gen throughput (token/s): 135.70, #queue-req: 0\n", - "[2024-10-30 09:46:15 TP0] Decode batch. #running-req: 1, #token: 96, token usage: 0.00, gen throughput (token/s): 134.45, #queue-req: 0\n", - "[2024-10-30 09:46:16 TP0] Decode batch. #running-req: 1, #token: 136, token usage: 0.00, gen throughput (token/s): 133.34, #queue-req: 0\n", - "[2024-10-30 09:46:16] INFO: 127.0.0.1:45834 - \"POST /v1/completions HTTP/1.1\" 200 OK\n" + "[2024-10-31 19:45:23 TP0] Prefill batch. #new-seq: 1, #new-token: 9, #cached-token: 1, cache hit rate: 29.32%, token usage: 0.00, #running-req: 0, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:23 TP0] Decode batch. #running-req: 1, #token: 29, token usage: 0.00, gen throughput (token/s): 40.76, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:24 TP0] Decode batch. #running-req: 1, #token: 69, token usage: 0.00, gen throughput (token/s): 42.13, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:25 TP0] Decode batch. #running-req: 1, #token: 109, token usage: 0.00, gen throughput (token/s): 42.01, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:26 TP0] Decode batch. #running-req: 1, #token: 149, token usage: 0.00, gen throughput (token/s): 41.87, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:26] INFO: 127.0.0.1:37738 - \"POST /v1/completions HTTP/1.1\" 200 OK\n" ] }, { "data": { "text/html": [ - "Response: Completion(id='784041b9af634537a7960a0ba6152ba2', choices=[CompletionChoice(finish_reason='length', index=0, logprobs=None, text=\"\\xa0\\nOnce upon a time, in a distant corner of the universe, there was a brave space explorer named Captain Orion. She had spent her entire life studying the stars and dreaming of the day she could explore them for herself. Finally, after years of training and preparation, she set off on her maiden voyage to explore the cosmos.\\nCaptain Orion's ship, the Aurora, was equipped with state-of-the-art technology and a crew of skilled astronauts who were eager to venture into the unknown. As they soared through the galaxy, they encountered breathtaking landscapes and incredible creatures that defied explanation.\\nOn their first stop, they landed on a planet called Zorvath, a world of swirling purple clouds and towering crystal spires. Captain Orion and her crew mar\", matched_stop=None)], created=1730281576, model='meta-llama/Meta-Llama-3.1-8B-Instruct', object='text_completion', system_fingerprint=None, usage=CompletionUsage(completion_tokens=150, prompt_tokens=10, total_tokens=160, completion_tokens_details=None, prompt_tokens_details=None))" + "Response: Completion(id='fe384c17aece4a5ca5fb5238dcd1adec', choices=[CompletionChoice(finish_reason='length', index=0, logprobs=None, text=\" This can be a sci-fi story, and you have the ability to create a unique and imaginative universe.\\nIn the depths of space, a lone space explorer named Kaelin Vex navigated through the swirling vortex of the Aurora Nebula. Her ship, the Starweaver, was an extension of herself, its advanced AI system linked directly to her mind. Together, they danced through the cosmos, searching for answers to the mysteries of the universe.\\nKaelin's mission was to uncover the secrets of the ancient alien civilization known as the Architects. Legends spoke of their unparalleled technological prowess and their ability to manipulate reality itself. Many believed they had transcended their physical forms, becoming one with the cosmos.\\nAs Kaelin delved deeper into\", matched_stop=None)], created=1730429126, model='meta-llama/Meta-Llama-3.1-8B-Instruct', object='text_completion', system_fingerprint=None, usage=CompletionUsage(completion_tokens=150, prompt_tokens=10, total_tokens=160, prompt_tokens_details=None))" ], "text/plain": [ "" @@ -369,22 +609,29 @@ }, { "cell_type": "code", - "execution_count": 6, - "metadata": {}, + "execution_count": 7, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-01T02:45:26.772016Z", + "iopub.status.busy": "2024-11-01T02:45:26.771868Z", + "iopub.status.idle": "2024-11-01T02:45:26.794225Z", + "shell.execute_reply": "2024-11-01T02:45:26.793811Z" + } + }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-28 02:02:55] INFO: 127.0.0.1:43330 - \"POST /v1/files HTTP/1.1\" 200 OK\n", - "[2024-10-28 02:02:55] INFO: 127.0.0.1:43330 - \"POST /v1/batches HTTP/1.1\" 200 OK\n", - "[2024-10-28 02:02:55 TP0] Prefill batch. #new-seq: 2, #new-token: 30, #cached-token: 50, cache hit rate: 35.06%, token usage: 0.00, #running-req: 0, #queue-req: 0\n" + "[2024-10-31 19:45:26] INFO: 127.0.0.1:57182 - \"POST /v1/files HTTP/1.1\" 200 OK\n", + "[2024-10-31 19:45:26] INFO: 127.0.0.1:57182 - \"POST /v1/batches HTTP/1.1\" 200 OK\n", + "[2024-10-31 19:45:26 TP0] Prefill batch. #new-seq: 2, #new-token: 20, #cached-token: 60, cache hit rate: 42.80%, token usage: 0.00, #running-req: 0, #queue-req: 0\n" ] }, { "data": { "text/html": [ - "Batch job created with ID: batch_56fefd2e-0187-4c14-aa2d-110917723dde" + "Batch job created with ID: batch_d9af5b49-ad3d-423e-8c30-4aaafa5c18c4" ], "text/plain": [ "" @@ -446,19 +693,32 @@ }, { "cell_type": "code", - "execution_count": 7, - "metadata": {}, + "execution_count": 8, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-01T02:45:26.796422Z", + "iopub.status.busy": "2024-11-01T02:45:26.796273Z", + "iopub.status.idle": "2024-11-01T02:45:29.810471Z", + "shell.execute_reply": "2024-11-01T02:45:29.810041Z" + } + }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-28 02:02:56 TP0] Decode batch. #running-req: 2, #token: 82, token usage: 0.00, gen throughput (token/s): 55.10, #queue-req: 0\n", + "[2024-10-31 19:45:27 TP0] Decode batch. #running-req: 1, #token: 69, token usage: 0.00, gen throughput (token/s): 51.72, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ "Batch job status: validating...trying again in 3 seconds...\n", - "[2024-10-28 02:02:58] INFO: 127.0.0.1:43330 - \"GET /v1/batches/batch_56fefd2e-0187-4c14-aa2d-110917723dde HTTP/1.1\" 200 OK\n", + "[2024-10-31 19:45:29] INFO: 127.0.0.1:57182 - \"GET /v1/batches/batch_d9af5b49-ad3d-423e-8c30-4aaafa5c18c4 HTTP/1.1\" 200 OK\n", "Batch job completed successfully!\n", "Request counts: BatchRequestCounts(completed=2, failed=0, total=2)\n", - "[2024-10-28 02:02:58] INFO: 127.0.0.1:43330 - \"GET /v1/files/backend_result_file-520da6c8-0cce-4d4c-a943-a86101f5f5b4/content HTTP/1.1\" 200 OK\n" + "[2024-10-31 19:45:29] INFO: 127.0.0.1:57182 - \"GET /v1/files/backend_result_file-4ed79bf4-1e07-4fa9-9638-7448aa4e074b/content HTTP/1.1\" 200 OK\n" ] }, { @@ -476,7 +736,7 @@ { "data": { "text/html": [ - "Response: {'status_code': 200, 'request_id': 'request-1', 'body': {'id': 'request-1', 'object': 'chat.completion', 'created': 1730106176, 'model': 'meta-llama/Meta-Llama-3.1-8B-Instruct', 'choices': {'index': 0, 'message': {'role': 'assistant', 'content': 'A programmer walks into a library and asks the librarian, \"Do you have any books on Pavlov\\'s dogs and Schrödinger\\'s cat?\"\\n\\nThe librarian replies, \"It rings a bell, but I\\'m not sure if it\\'s here'}, 'logprobs': None, 'finish_reason': 'length', 'matched_stop': None}, 'usage': {'prompt_tokens': 41, 'completion_tokens': 50, 'total_tokens': 91}, 'system_fingerprint': None}}" + "Response: {'status_code': 200, 'request_id': 'request-1', 'body': {'id': 'request-1', 'object': 'chat.completion', 'created': 1730429127, 'model': 'meta-llama/Meta-Llama-3.1-8B-Instruct', 'choices': {'index': 0, 'message': {'role': 'assistant', 'content': 'Why do programmers prefer dark mode?\\n\\nBecause light attracts bugs.'}, 'logprobs': None, 'finish_reason': 'stop', 'matched_stop': 128009}, 'usage': {'prompt_tokens': 41, 'completion_tokens': 13, 'total_tokens': 54}, 'system_fingerprint': None}}" ], "text/plain": [ "" @@ -500,7 +760,7 @@ { "data": { "text/html": [ - "Response: {'status_code': 200, 'request_id': 'request-2', 'body': {'id': 'request-2', 'object': 'chat.completion', 'created': 1730106176, 'model': 'meta-llama/Meta-Llama-3.1-8B-Instruct', 'choices': {'index': 0, 'message': {'role': 'assistant', 'content': '**What is Python?**\\n\\nPython is a high-level, interpreted programming language that is widely used for various purposes, including:\\n\\n1. **Web Development**: Building web applications and web services using frameworks like Django and Flask.\\n2. **Data Analysis and'}, 'logprobs': None, 'finish_reason': 'length', 'matched_stop': None}, 'usage': {'prompt_tokens': 39, 'completion_tokens': 50, 'total_tokens': 89}, 'system_fingerprint': None}}" + "Response: {'status_code': 200, 'request_id': 'request-2', 'body': {'id': 'request-2', 'object': 'chat.completion', 'created': 1730429127, 'model': 'meta-llama/Meta-Llama-3.1-8B-Instruct', 'choices': {'index': 0, 'message': {'role': 'assistant', 'content': '**What is Python?**\\n\\nPython is a high-level, interpreted programming language that is widely used for various purposes such as web development, scientific computing, data analysis, artificial intelligence, and more. It was created in the late 1980s by'}, 'logprobs': None, 'finish_reason': 'length', 'matched_stop': None}, 'usage': {'prompt_tokens': 39, 'completion_tokens': 50, 'total_tokens': 89}, 'system_fingerprint': None}}" ], "text/plain": [ "" @@ -525,7 +785,7 @@ "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-28 02:02:58] INFO: 127.0.0.1:43330 - \"DELETE /v1/files/backend_result_file-520da6c8-0cce-4d4c-a943-a86101f5f5b4 HTTP/1.1\" 200 OK\n" + "[2024-10-31 19:45:29] INFO: 127.0.0.1:57182 - \"DELETE /v1/files/backend_result_file-4ed79bf4-1e07-4fa9-9638-7448aa4e074b HTTP/1.1\" 200 OK\n" ] } ], @@ -574,21 +834,28 @@ }, { "cell_type": "code", - "execution_count": 8, - "metadata": {}, + "execution_count": 9, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-01T02:45:29.812339Z", + "iopub.status.busy": "2024-11-01T02:45:29.812198Z", + "iopub.status.idle": "2024-11-01T02:45:54.851243Z", + "shell.execute_reply": "2024-11-01T02:45:54.850668Z" + } + }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-28 02:02:58] INFO: 127.0.0.1:43336 - \"POST /v1/files HTTP/1.1\" 200 OK\n", - "[2024-10-28 02:02:58] INFO: 127.0.0.1:43336 - \"POST /v1/batches HTTP/1.1\" 200 OK\n" + "[2024-10-31 19:45:29] INFO: 127.0.0.1:57186 - \"POST /v1/files HTTP/1.1\" 200 OK\n", + "[2024-10-31 19:45:29] INFO: 127.0.0.1:57186 - \"POST /v1/batches HTTP/1.1\" 200 OK\n" ] }, { "data": { "text/html": [ - "Created batch job with ID: batch_67da0e16-e7b2-4a75-9f7a-58c033e739e5" + "Created batch job with ID: batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2" ], "text/plain": [ "" @@ -613,23 +880,77 @@ "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-28 02:02:58 TP0] Prefill batch. #new-seq: 17, #new-token: 510, #cached-token: 425, cache hit rate: 43.40%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-10-28 02:02:58 TP0] Prefill batch. #new-seq: 83, #new-token: 2490, #cached-token: 2075, cache hit rate: 45.04%, token usage: 0.00, #running-req: 17, #queue-req: 0\n", - "[2024-10-28 02:02:59 TP0] Decode batch. #running-req: 100, #token: 3725, token usage: 0.02, gen throughput (token/s): 234.43, #queue-req: 0\n", - "[2024-10-28 02:03:00 TP0] Decode batch. #running-req: 100, #token: 7725, token usage: 0.04, gen throughput (token/s): 3545.41, #queue-req: 0\n", - "[2024-10-28 02:03:01 TP0] Decode batch. #running-req: 100, #token: 11725, token usage: 0.05, gen throughput (token/s): 3448.10, #queue-req: 0\n", - "[2024-10-28 02:03:02 TP0] Decode batch. #running-req: 100, #token: 15725, token usage: 0.07, gen throughput (token/s): 3362.62, #queue-req: 0\n", - "[2024-10-28 02:03:04 TP0] Decode batch. #running-req: 100, #token: 19725, token usage: 0.09, gen throughput (token/s): 3279.58, #queue-req: 0\n", - "[2024-10-28 02:03:05 TP0] Decode batch. #running-req: 100, #token: 23725, token usage: 0.11, gen throughput (token/s): 3200.86, #queue-req: 0\n", - "[2024-10-28 02:03:06 TP0] Decode batch. #running-req: 100, #token: 27725, token usage: 0.13, gen throughput (token/s): 3126.52, #queue-req: 0\n", - "[2024-10-28 02:03:07 TP0] Decode batch. #running-req: 100, #token: 31725, token usage: 0.15, gen throughput (token/s): 3053.16, #queue-req: 0\n", - "[2024-10-28 02:03:08] INFO: 127.0.0.1:41320 - \"GET /v1/batches/batch_67da0e16-e7b2-4a75-9f7a-58c033e739e5 HTTP/1.1\" 200 OK\n" + "[2024-10-31 19:45:29 TP0] Prefill batch. #new-seq: 27, #new-token: 810, #cached-token: 675, cache hit rate: 45.05%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", + "[2024-10-31 19:45:29 TP0] Prefill batch. #new-seq: 73, #new-token: 2190, #cached-token: 1825, cache hit rate: 45.33%, token usage: 0.00, #running-req: 27, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:30 TP0] Decode batch. #running-req: 100, #token: 5125, token usage: 0.02, gen throughput (token/s): 636.38, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:31 TP0] Decode batch. #running-req: 100, #token: 9125, token usage: 0.04, gen throughput (token/s): 3507.97, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:33 TP0] Decode batch. #running-req: 100, #token: 13125, token usage: 0.06, gen throughput (token/s): 3417.06, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:34 TP0] Decode batch. #running-req: 100, #token: 17125, token usage: 0.08, gen throughput (token/s): 3332.03, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:35 TP0] Decode batch. #running-req: 100, #token: 21125, token usage: 0.10, gen throughput (token/s): 3252.29, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:36 TP0] Decode batch. #running-req: 100, #token: 25125, token usage: 0.12, gen throughput (token/s): 3173.87, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:38 TP0] Decode batch. #running-req: 100, #token: 29125, token usage: 0.13, gen throughput (token/s): 3101.31, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:39 TP0] Decode batch. #running-req: 100, #token: 33125, token usage: 0.15, gen throughput (token/s): 3030.90, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:39] INFO: 127.0.0.1:37782 - \"GET /v1/batches/batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 HTTP/1.1\" 200 OK\n" ] }, { "data": { "text/html": [ - "Batch job details (check 1 / 5) // ID: batch_67da0e16-e7b2-4a75-9f7a-58c033e739e5 // Status: in_progress // Created at: 1730106178 // Input file ID: backend_input_file-92cf2cc1-afbd-428f-8c5c-85fabd86cb63 // Output file ID: None" + "Batch job details (check 1 / 5) // ID: batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 // Status: in_progress // Created at: 1730429129 // Input file ID: backend_input_file-f42b27b5-05ee-4d27-9a37-ff04c3b4a427 // Output file ID: None" ], "text/plain": [ "" @@ -654,15 +975,27 @@ "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-28 02:03:09 TP0] Decode batch. #running-req: 100, #token: 35725, token usage: 0.16, gen throughput (token/s): 2980.26, #queue-req: 0\n", - "[2024-10-28 02:03:10 TP0] Decode batch. #running-req: 100, #token: 39725, token usage: 0.18, gen throughput (token/s): 2919.09, #queue-req: 0\n", - "[2024-10-28 02:03:11] INFO: 127.0.0.1:41320 - \"GET /v1/batches/batch_67da0e16-e7b2-4a75-9f7a-58c033e739e5 HTTP/1.1\" 200 OK\n" + "[2024-10-31 19:45:40 TP0] Decode batch. #running-req: 100, #token: 37125, token usage: 0.17, gen throughput (token/s): 2961.37, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:42 TP0] Decode batch. #running-req: 100, #token: 41125, token usage: 0.19, gen throughput (token/s): 2899.29, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:42] INFO: 127.0.0.1:37782 - \"GET /v1/batches/batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 HTTP/1.1\" 200 OK\n" ] }, { "data": { "text/html": [ - "Batch job details (check 2 / 5) // ID: batch_67da0e16-e7b2-4a75-9f7a-58c033e739e5 // Status: in_progress // Created at: 1730106178 // Input file ID: backend_input_file-92cf2cc1-afbd-428f-8c5c-85fabd86cb63 // Output file ID: None" + "Batch job details (check 2 / 5) // ID: batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 // Status: in_progress // Created at: 1730429129 // Input file ID: backend_input_file-f42b27b5-05ee-4d27-9a37-ff04c3b4a427 // Output file ID: None" ], "text/plain": [ "" @@ -687,15 +1020,27 @@ "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-28 02:03:11 TP0] Decode batch. #running-req: 100, #token: 43725, token usage: 0.20, gen throughput (token/s): 2854.92, #queue-req: 0\n", - "[2024-10-28 02:03:13 TP0] Decode batch. #running-req: 100, #token: 47725, token usage: 0.22, gen throughput (token/s): 2794.62, #queue-req: 0\n", - "[2024-10-28 02:03:14] INFO: 127.0.0.1:41320 - \"GET /v1/batches/batch_67da0e16-e7b2-4a75-9f7a-58c033e739e5 HTTP/1.1\" 200 OK\n" + "[2024-10-31 19:45:43 TP0] Decode batch. #running-req: 100, #token: 45125, token usage: 0.21, gen throughput (token/s): 2836.50, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:45 TP0] Decode batch. #running-req: 100, #token: 49125, token usage: 0.23, gen throughput (token/s): 2777.80, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:45] INFO: 127.0.0.1:37782 - \"GET /v1/batches/batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 HTTP/1.1\" 200 OK\n" ] }, { "data": { "text/html": [ - "Batch job details (check 3 / 5) // ID: batch_67da0e16-e7b2-4a75-9f7a-58c033e739e5 // Status: in_progress // Created at: 1730106178 // Input file ID: backend_input_file-92cf2cc1-afbd-428f-8c5c-85fabd86cb63 // Output file ID: None" + "Batch job details (check 3 / 5) // ID: batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 // Status: in_progress // Created at: 1730429129 // Input file ID: backend_input_file-f42b27b5-05ee-4d27-9a37-ff04c3b4a427 // Output file ID: None" ], "text/plain": [ "" @@ -720,14 +1065,13 @@ "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-28 02:03:14 TP0] Decode batch. #running-req: 100, #token: 51725, token usage: 0.24, gen throughput (token/s): 2737.84, #queue-req: 0\n", - "[2024-10-28 02:03:17] INFO: 127.0.0.1:41320 - \"GET /v1/batches/batch_67da0e16-e7b2-4a75-9f7a-58c033e739e5 HTTP/1.1\" 200 OK\n" + "[2024-10-31 19:45:48] INFO: 127.0.0.1:37782 - \"GET /v1/batches/batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 HTTP/1.1\" 200 OK\n" ] }, { "data": { "text/html": [ - "Batch job details (check 4 / 5) // ID: batch_67da0e16-e7b2-4a75-9f7a-58c033e739e5 // Status: completed // Created at: 1730106178 // Input file ID: backend_input_file-92cf2cc1-afbd-428f-8c5c-85fabd86cb63 // Output file ID: backend_result_file-c10ee9f5-eca8-4357-a922-934543b7f433" + "Batch job details (check 4 / 5) // ID: batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 // Status: completed // Created at: 1730429129 // Input file ID: backend_input_file-f42b27b5-05ee-4d27-9a37-ff04c3b4a427 // Output file ID: backend_result_file-dc391511-07f2-4f94-90cb-3ed09bc4b8a3" ], "text/plain": [ "" @@ -752,13 +1096,13 @@ "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-28 02:03:20] INFO: 127.0.0.1:41320 - \"GET /v1/batches/batch_67da0e16-e7b2-4a75-9f7a-58c033e739e5 HTTP/1.1\" 200 OK\n" + "[2024-10-31 19:45:51] INFO: 127.0.0.1:37782 - \"GET /v1/batches/batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 HTTP/1.1\" 200 OK\n" ] }, { "data": { "text/html": [ - "Batch job details (check 5 / 5) // ID: batch_67da0e16-e7b2-4a75-9f7a-58c033e739e5 // Status: completed // Created at: 1730106178 // Input file ID: backend_input_file-92cf2cc1-afbd-428f-8c5c-85fabd86cb63 // Output file ID: backend_result_file-c10ee9f5-eca8-4357-a922-934543b7f433" + "Batch job details (check 5 / 5) // ID: batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 // Status: completed // Created at: 1730429129 // Input file ID: backend_input_file-f42b27b5-05ee-4d27-9a37-ff04c3b4a427 // Output file ID: backend_result_file-dc391511-07f2-4f94-90cb-3ed09bc4b8a3" ], "text/plain": [ "" @@ -853,21 +1197,28 @@ }, { "cell_type": "code", - "execution_count": 9, - "metadata": {}, + "execution_count": 10, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-01T02:45:54.854018Z", + "iopub.status.busy": "2024-11-01T02:45:54.853851Z", + "iopub.status.idle": "2024-11-01T02:46:07.893199Z", + "shell.execute_reply": "2024-11-01T02:46:07.892310Z" + } + }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-28 02:03:23] INFO: 127.0.0.1:47360 - \"POST /v1/files HTTP/1.1\" 200 OK\n", - "[2024-10-28 02:03:23] INFO: 127.0.0.1:47360 - \"POST /v1/batches HTTP/1.1\" 200 OK\n" + "[2024-10-31 19:45:54] INFO: 127.0.0.1:33180 - \"POST /v1/files HTTP/1.1\" 200 OK\n", + "[2024-10-31 19:45:54] INFO: 127.0.0.1:33180 - \"POST /v1/batches HTTP/1.1\" 200 OK\n" ] }, { "data": { "text/html": [ - "Created batch job with ID: batch_8a409f86-b8c7-4e29-9cc7-187d6d28df62" + "Created batch job with ID: batch_c30756c3-8c09-4142-9630-9590d6124986" ], "text/plain": [ "" @@ -892,12 +1243,49 @@ "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-28 02:03:23 TP0] Prefill batch. #new-seq: 44, #new-token: 44, #cached-token: 2376, cache hit rate: 60.81%, token usage: 0.01, #running-req: 0, #queue-req: 0\n", - "[2024-10-28 02:03:23 TP0] Prefill batch. #new-seq: 328, #new-token: 8192, #cached-token: 9824, cache hit rate: 56.49%, token usage: 0.01, #running-req: 44, #queue-req: 128\n", - "[2024-10-28 02:03:24 TP0] Prefill batch. #new-seq: 129, #new-token: 3864, #cached-token: 3231, cache hit rate: 54.15%, token usage: 0.05, #running-req: 371, #queue-req: 1\n", - "[2024-10-28 02:03:27 TP0] Decode batch. #running-req: 500, #token: 29025, token usage: 0.13, gen throughput (token/s): 1162.55, #queue-req: 0\n", - "[2024-10-28 02:03:31 TP0] Decode batch. #running-req: 500, #token: 49025, token usage: 0.23, gen throughput (token/s): 5606.35, #queue-req: 0\n", - "[2024-10-28 02:03:33] INFO: 127.0.0.1:40110 - \"POST /v1/batches/batch_8a409f86-b8c7-4e29-9cc7-187d6d28df62/cancel HTTP/1.1\" 200 OK\n" + "[2024-10-31 19:45:54 TP0] Prefill batch. #new-seq: 135, #new-token: 1150, #cached-token: 6275, cache hit rate: 67.38%, token usage: 0.01, #running-req: 0, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:55 TP0] Prefill batch. #new-seq: 274, #new-token: 8192, #cached-token: 6850, cache hit rate: 55.74%, token usage: 0.02, #running-req: 135, #queue-req: 91\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:56 TP0] Prefill batch. #new-seq: 92, #new-token: 2758, #cached-token: 2302, cache hit rate: 54.19%, token usage: 0.06, #running-req: 408, #queue-req: 1\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:45:56 TP0] Decode batch. #running-req: 500, #token: 16025, token usage: 0.07, gen throughput (token/s): 409.21, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:46:00 TP0] Decode batch. #running-req: 500, #token: 36025, token usage: 0.17, gen throughput (token/s): 5777.09, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:46:03 TP0] Decode batch. #running-req: 500, #token: 56025, token usage: 0.26, gen throughput (token/s): 5530.76, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:46:04] INFO: 127.0.0.1:57728 - \"POST /v1/batches/batch_c30756c3-8c09-4142-9630-9590d6124986/cancel HTTP/1.1\" 200 OK\n" ] }, { @@ -916,7 +1304,7 @@ "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-28 02:03:36] INFO: 127.0.0.1:40110 - \"GET /v1/batches/batch_8a409f86-b8c7-4e29-9cc7-187d6d28df62 HTTP/1.1\" 200 OK\n" + "[2024-10-31 19:46:07] INFO: 127.0.0.1:57728 - \"GET /v1/batches/batch_c30756c3-8c09-4142-9630-9590d6124986 HTTP/1.1\" 200 OK\n" ] }, { @@ -947,7 +1335,7 @@ "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-28 02:03:36] INFO: 127.0.0.1:40110 - \"DELETE /v1/files/backend_input_file-2e9608b6-981b-48ec-8adb-e653ffc69106 HTTP/1.1\" 200 OK\n" + "[2024-10-31 19:46:07] INFO: 127.0.0.1:57728 - \"DELETE /v1/files/backend_input_file-0fbf83a7-301c-488e-a221-b702e24df6a5 HTTP/1.1\" 200 OK\n" ] }, { @@ -961,12 +1349,25 @@ }, "metadata": {}, "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "Successfully deleted local batch_requests.jsonl file" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" } ], "source": [ "import json\n", "import time\n", "from openai import OpenAI\n", + "import os\n", "\n", "client = OpenAI(base_url=\"http://127.0.0.1:30000/v1\", api_key=\"None\")\n", "\n", @@ -1037,6 +1438,9 @@ " del_response = client.files.delete(uploaded_file.id)\n", " if del_response.deleted:\n", " print_highlight(\"Successfully cleaned up input file\")\n", + " if os.path.exists(input_file_path):\n", + " os.remove(input_file_path)\n", + " print_highlight(\"Successfully deleted local batch_requests.jsonl file\")\n", " except Exception as e:\n", " print_highlight(f\"Error cleaning up: {e}\")\n", " raise e" @@ -1044,8 +1448,15 @@ }, { "cell_type": "code", - "execution_count": 7, - "metadata": {}, + "execution_count": 11, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-01T02:46:07.896114Z", + "iopub.status.busy": "2024-11-01T02:46:07.895820Z", + "iopub.status.idle": "2024-11-01T02:46:09.365287Z", + "shell.execute_reply": "2024-11-01T02:46:09.364705Z" + } + }, "outputs": [], "source": [ "terminate_process(server_process)" @@ -1068,7 +1479,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.10.12" + "version": "3.11.7" } }, "nbformat": 4, diff --git a/docs/deploy.py b/docs/deploy.py index 75b7ea7f23..35ebbcb6ca 100644 --- a/docs/deploy.py +++ b/docs/deploy.py @@ -1,22 +1,22 @@ -# Deploy the documents +# Deploy the documents import os from datetime import datetime -def run_cmd(cmd): - print(cmd) - os.system(cmd) +def run_cmd(cmd): + print(cmd) + os.system(cmd) -run_cmd("cd $DOC_SITE_PATH; git pull") +run_cmd("cd $DOC_SITE_PATH; git pull") -# (Optional) Remove old files -# run_cmd("rm -rf $ALPA_SITE_PATH/*") +# (Optional) Remove old files +# run_cmd("rm -rf $ALPA_SITE_PATH/*") -run_cmd("cp -r _build/html/* $DOC_SITE_PATH") +run_cmd("cp -r _build/html/* $DOC_SITE_PATH") -cmd_message = f"Update {datetime.now().strftime('%Y-%m-%d %H:%M:%S')}" -run_cmd( - f"cd $DOC_SITE_PATH; git add .; git commit -m '{cmd_message}'; git push origin main" -) +cmd_message = f"Update {datetime.now().strftime('%Y-%m-%d %H:%M:%S')}" +run_cmd( + f"cd $DOC_SITE_PATH; git add .; git commit -m '{cmd_message}'; git push origin main" +) diff --git a/docs/release_process.md b/docs/developer/release_process.md similarity index 100% rename from docs/release_process.md rename to docs/developer/release_process.md diff --git a/docs/setup_github_runner.md b/docs/developer/setup_github_runner.md similarity index 100% rename from docs/setup_github_runner.md rename to docs/developer/setup_github_runner.md diff --git a/docs/frontend.md b/docs/frontend/frontend.md similarity index 100% rename from docs/frontend.md rename to docs/frontend/frontend.md diff --git a/docs/index.rst b/docs/index.rst index 8cb286009c..4206552410 100644 --- a/docs/index.rst +++ b/docs/index.rst @@ -15,35 +15,35 @@ The core features include: :maxdepth: 1 :caption: Getting Started - install.md - send_request.ipynb + starts/install.md + starts/send_request.ipynb .. toctree:: :maxdepth: 1 :caption: Backend Tutorial - openai_api.ipynb - backend.md + backend/openai_api.ipynb + backend/backend.md .. toctree:: :maxdepth: 1 :caption: Frontend Tutorial - frontend.md + frontend/frontend.md .. toctree:: :maxdepth: 1 :caption: References - sampling_params.md - hyperparameter_tuning.md - model_support.md - contributor_guide.md - choices_methods.md - benchmark_and_profiling.md - troubleshooting.md - embedding_model.ipynb - learn_more.md + references/sampling_params.md + references/hyperparameter_tuning.md + references/model_support.md + references/contributor_guide.md + references/choices_methods.md + references/benchmark_and_profiling.md + references/troubleshooting.md + references/embedding_model.ipynb + references/learn_more.md diff --git a/docs/benchmark_and_profiling.md b/docs/references/benchmark_and_profiling.md similarity index 100% rename from docs/benchmark_and_profiling.md rename to docs/references/benchmark_and_profiling.md diff --git a/docs/choices_methods.md b/docs/references/choices_methods.md similarity index 100% rename from docs/choices_methods.md rename to docs/references/choices_methods.md diff --git a/docs/contributor_guide.md b/docs/references/contributor_guide.md similarity index 100% rename from docs/contributor_guide.md rename to docs/references/contributor_guide.md diff --git a/docs/custom_chat_template.md b/docs/references/custom_chat_template.md similarity index 100% rename from docs/custom_chat_template.md rename to docs/references/custom_chat_template.md diff --git a/docs/hyperparameter_tuning.md b/docs/references/hyperparameter_tuning.md similarity index 100% rename from docs/hyperparameter_tuning.md rename to docs/references/hyperparameter_tuning.md diff --git a/docs/learn_more.md b/docs/references/learn_more.md similarity index 100% rename from docs/learn_more.md rename to docs/references/learn_more.md diff --git a/docs/model_support.md b/docs/references/model_support.md similarity index 100% rename from docs/model_support.md rename to docs/references/model_support.md diff --git a/docs/sampling_params.md b/docs/references/sampling_params.md similarity index 100% rename from docs/sampling_params.md rename to docs/references/sampling_params.md diff --git a/docs/troubleshooting.md b/docs/references/troubleshooting.md similarity index 100% rename from docs/troubleshooting.md rename to docs/references/troubleshooting.md diff --git a/docs/send_request.ipynb b/docs/send_request.ipynb deleted file mode 100644 index f616912aff..0000000000 --- a/docs/send_request.ipynb +++ /dev/null @@ -1,222 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "# Quick Start: Launch A Server and Send Requests\n", - "\n", - "This notebook provides a quick-start guide for using SGLang after installation." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Launch a server\n", - "\n", - "This code block is equivalent to executing \n", - "\n", - "```bash\n", - "python -m sglang.launch_server --model-path meta-llama/Meta-Llama-3.1-8B-Instruct \\\n", - "--port 30000 --host 0.0.0.0\n", - "```\n", - "\n", - "in your command line and wait for the server to be ready." - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-30 09:32:30] server_args=ServerArgs(model_path='meta-llama/Meta-Llama-3.1-8B-Instruct', tokenizer_path='meta-llama/Meta-Llama-3.1-8B-Instruct', tokenizer_mode='auto', skip_tokenizer_init=False, load_format='auto', trust_remote_code=False, dtype='auto', kv_cache_dtype='auto', quantization=None, context_length=None, device='cuda', served_model_name='meta-llama/Meta-Llama-3.1-8B-Instruct', chat_template=None, is_embedding=False, host='0.0.0.0', port=30000, mem_fraction_static=0.88, max_running_requests=None, max_total_tokens=None, chunked_prefill_size=8192, max_prefill_tokens=16384, schedule_policy='lpm', schedule_conservativeness=1.0, tp_size=1, stream_interval=1, random_seed=335520337, constrained_json_whitespace_pattern=None, log_level='info', log_level_http=None, log_requests=False, show_time_cost=False, api_key=None, file_storage_pth='SGLang_storage', enable_cache_report=False, watchdog_timeout=600, dp_size=1, load_balance_method='round_robin', dist_init_addr=None, nnodes=1, node_rank=0, json_model_override_args='{}', enable_double_sparsity=False, ds_channel_config_path=None, ds_heavy_channel_num=32, ds_heavy_token_num=256, ds_heavy_channel_type='qk', ds_sparse_decode_threshold=4096, lora_paths=None, max_loras_per_batch=8, attention_backend='flashinfer', sampling_backend='flashinfer', grammar_backend='outlines', disable_flashinfer=False, disable_flashinfer_sampling=False, disable_radix_cache=False, disable_regex_jump_forward=False, disable_cuda_graph=False, disable_cuda_graph_padding=False, disable_disk_cache=False, disable_custom_all_reduce=False, disable_mla=False, disable_penalizer=False, disable_nan_detection=False, enable_overlap_schedule=False, enable_mixed_chunk=False, enable_torch_compile=False, torch_compile_max_bs=32, cuda_graph_max_bs=160, torchao_config='', enable_p2p_check=False, triton_attention_reduce_in_fp32=False, num_continuous_decode_steps=1)\n", - "[2024-10-30 09:32:39 TP0] Init torch distributed begin.\n", - "[2024-10-30 09:32:43 TP0] Load weight begin. avail mem=76.83 GB\n", - "[2024-10-30 09:32:43 TP0] lm_eval is not installed, GPTQ may not be usable\n", - "INFO 10-30 09:32:43 weight_utils.py:243] Using model weights format ['*.safetensors']\n", - "Loading safetensors checkpoint shards: 0% Completed | 0/4 [00:00

NOTE: Typically, the server runs in a separate terminal.
In this notebook, we run the server and notebook code together, so their outputs are combined.
To improve clarity, the server logs are displayed in the original black color, while the notebook outputs are highlighted in blue.
" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "from sglang.utils import (\n", - " execute_shell_command,\n", - " wait_for_server,\n", - " terminate_process,\n", - " print_highlight,\n", - ")\n", - "\n", - "server_process = execute_shell_command(\n", - "\"\"\"\n", - "python -m sglang.launch_server --model-path meta-llama/Meta-Llama-3.1-8B-Instruct \\\n", - "--port 30000 --host 0.0.0.0\n", - "\"\"\"\n", - ")\n", - "\n", - "wait_for_server(\"http://localhost:30000\")" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Send a Request\n", - "\n", - "Once the server is running, you can send test requests using curl. The server implements the [OpenAI-compatible API](https://platform.openai.com/docs/api-reference/chat)." - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-30 09:34:00 TP0] Prefill batch. #new-seq: 1, #new-token: 46, #cached-token: 1, cache hit rate: 1.85%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-10-30 09:34:00 TP0] Decode batch. #running-req: 1, #token: 80, token usage: 0.00, gen throughput (token/s): 0.65, #queue-req: 0\n", - "[2024-10-30 09:34:01 TP0] Decode batch. #running-req: 1, #token: 120, token usage: 0.00, gen throughput (token/s): 139.05, #queue-req: 0\n", - "[2024-10-30 09:34:01 TP0] Decode batch. #running-req: 1, #token: 160, token usage: 0.00, gen throughput (token/s): 137.75, #queue-req: 0\n", - "[2024-10-30 09:34:01 TP0] Decode batch. #running-req: 1, #token: 200, token usage: 0.00, gen throughput (token/s): 137.59, #queue-req: 0\n", - "[2024-10-30 09:34:02 TP0] Decode batch. #running-req: 1, #token: 240, token usage: 0.00, gen throughput (token/s): 137.62, #queue-req: 0\n", - "[2024-10-30 09:34:02 TP0] Decode batch. #running-req: 1, #token: 280, token usage: 0.00, gen throughput (token/s): 137.61, #queue-req: 0\n", - "[2024-10-30 09:34:02 TP0] Decode batch. #running-req: 1, #token: 320, token usage: 0.00, gen throughput (token/s): 137.49, #queue-req: 0\n", - "[2024-10-30 09:34:02 TP0] Decode batch. #running-req: 1, #token: 360, token usage: 0.00, gen throughput (token/s): 137.51, #queue-req: 0\n", - "[2024-10-30 09:34:03 TP0] Decode batch. #running-req: 1, #token: 400, token usage: 0.00, gen throughput (token/s): 137.47, #queue-req: 0\n", - "[2024-10-30 09:34:03 TP0] Decode batch. #running-req: 1, #token: 440, token usage: 0.00, gen throughput (token/s): 137.48, #queue-req: 0\n", - "[2024-10-30 09:34:03 TP0] Decode batch. #running-req: 1, #token: 480, token usage: 0.00, gen throughput (token/s): 137.47, #queue-req: 0\n", - "[2024-10-30 09:34:04 TP0] Decode batch. #running-req: 1, #token: 520, token usage: 0.00, gen throughput (token/s): 137.47, #queue-req: 0\n", - "[2024-10-30 09:34:04] INFO: 127.0.0.1:54110 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n", - "{\"id\":\"a53e18ead1314ab0a2cec76cef484c11\",\"object\":\"chat.completion\",\"created\":1730280844,\"model\":\"meta-llama/Meta-Llama-3.1-8B-Instruct\",\"choices\":[{\"index\":0,\"message\":{\"role\":\"assistant\",\"content\":\"LLM stands for Large Language Model. It's a type of artificial intelligence (AI) model that is designed to process and understand human language in a way that's similar to how humans do. \\n\\nLLMs are trained on vast amounts of text data, which allows them to learn patterns, relationships, and context within language. This training enables them to generate human-like responses to a wide range of questions, prompts, and topics.\\n\\nSome common characteristics of LLMs include:\\n\\n1. **Language understanding**: LLMs can comprehend the meaning and context of language, including nuances like idioms, sarcasm, and figurative language.\\n2. **Language generation**: LLMs can generate text that's coherent, contextually relevant, and often engaging.\\n3. **Knowledge retrieval**: LLMs can access and retrieve information from their vast training datasets, allowing them to answer questions and provide information on a wide range of topics.\\n4. **Conversational dialogue**: LLMs can engage in natural-sounding conversations, using context and understanding to respond to questions and statements.\\n\\nLLMs have many applications, including:\\n\\n1. **Virtual assistants**: LLMs power virtual assistants like Siri, Alexa, and Google Assistant.\\n2. **Language translation**: LLMs can translate languages in real-time, with high accuracy.\\n3. **Content generation**: LLMs can generate text, such as articles, emails, and social media posts.\\n4. **Chatbots**: LLMs can power chatbots that provide customer support, answer questions, and engage in conversations.\\n\\nSome popular examples of LLMs include:\\n\\n1. **BERT (Bidirectional Encoder Representations from Transformers)**: Developed by Google, BERT is a widely used LLM that's been trained on a massive dataset of text.\\n2. **RoBERTa (Robustly Optimized BERT Pretraining Approach)**: Developed by Facebook AI, RoBERTa is another popular LLM that's been trained on a large dataset of text.\\n3. **Language models from OpenAI**: OpenAI has developed a range of LLMs, including GPT-3 (Generative Pre-trained Transformer 3), which is one of the most advanced LLMs available today.\\n\\nOverall, LLMs have the potential to revolutionize the way we interact with language and information, making it easier to access and understand complex topics, and opening up new possibilities for language-based applications.\"},\"logprobs\":null,\"finish_reason\":\"stop\",\"matched_stop\":128009}],\"usage\":{\"prompt_tokens\":47,\"total_tokens\":539,\"completion_tokens\":492,\"prompt_tokens_details\":null}}" - ] - } - ], - "source": [ - "!curl http://localhost:30000/v1/chat/completions \\\n", - " -H \"Content-Type: application/json\" \\\n", - " -H \"Authorization: Bearer None\" \\\n", - " -d '{\"model\": \"meta-llama/Meta-Llama-3.1-8B-Instruct\", \"messages\": [{\"role\": \"system\", \"content\": \"You are a helpful assistant.\"}, {\"role\": \"user\", \"content\": \"What is a LLM?\"}]}'" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Using OpenAI Python Client\n", - "\n", - "You can also use the OpenAI Python API library to send requests." - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-30 09:34:06 TP0] Prefill batch. #new-seq: 1, #new-token: 20, #cached-token: 29, cache hit rate: 29.13%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-10-30 09:34:07 TP0] Decode batch. #running-req: 1, #token: 71, token usage: 0.00, gen throughput (token/s): 13.51, #queue-req: 0\n", - "[2024-10-30 09:34:07] INFO: 127.0.0.1:42068 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "ChatCompletion(id='0708a0196e524456a1316359f6189e48', choices=[Choice(finish_reason='stop', index=0, logprobs=None, message=ChatCompletionMessage(content='Here are 3 countries and their capitals:\\n\\n1. **Country:** Japan\\n**Capital:** Tokyo\\n\\n2. **Country:** Australia\\n**Capital:** Canberra\\n\\n3. **Country:** Brazil\\n**Capital:** Brasília', refusal=None, role='assistant', audio=None, function_call=None, tool_calls=None), matched_stop=128009)], created=1730280847, model='meta-llama/Meta-Llama-3.1-8B-Instruct', object='chat.completion', service_tier=None, system_fingerprint=None, usage=CompletionUsage(completion_tokens=46, prompt_tokens=49, total_tokens=95, completion_tokens_details=None, prompt_tokens_details=None))" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "import openai\n", - "\n", - "client = openai.Client(base_url=\"http://127.0.0.1:30000/v1\", api_key=\"None\")\n", - "\n", - "response = client.chat.completions.create(\n", - " model=\"meta-llama/Meta-Llama-3.1-8B-Instruct\",\n", - " messages=[\n", - " {\"role\": \"system\", \"content\": \"You are a helpful AI assistant\"},\n", - " {\"role\": \"user\", \"content\": \"List 3 countries and their capitals.\"},\n", - " ],\n", - " temperature=0,\n", - " max_tokens=64,\n", - ")\n", - "print_highlight(response)" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": {}, - "outputs": [], - "source": [ - "terminate_process(server_process)" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3 (ipykernel)", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.10.12" - } - }, - "nbformat": 4, - "nbformat_minor": 2 -} diff --git a/docs/install.md b/docs/starts/install.md similarity index 100% rename from docs/install.md rename to docs/starts/install.md diff --git a/docs/starts/send_request.ipynb b/docs/starts/send_request.ipynb new file mode 100644 index 0000000000..dda2371b50 --- /dev/null +++ b/docs/starts/send_request.ipynb @@ -0,0 +1,403 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Quick Start: Launch A Server and Send Requests\n", + "\n", + "This notebook provides a quick-start guide for using SGLang after installation." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Launch a server\n", + "\n", + "This code block is equivalent to executing \n", + "\n", + "```bash\n", + "python -m sglang.launch_server --model-path meta-llama/Meta-Llama-3.1-8B-Instruct \\\n", + "--port 30000 --host 0.0.0.0\n", + "```\n", + "\n", + "in your command line and wait for the server to be ready." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-01T02:46:13.611212Z", + "iopub.status.busy": "2024-11-01T02:46:13.611093Z", + "iopub.status.idle": "2024-11-01T02:46:42.810261Z", + "shell.execute_reply": "2024-11-01T02:46:42.809147Z" + } + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", + " warnings.warn(\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:46:18] server_args=ServerArgs(model_path='meta-llama/Meta-Llama-3.1-8B-Instruct', tokenizer_path='meta-llama/Meta-Llama-3.1-8B-Instruct', tokenizer_mode='auto', skip_tokenizer_init=False, load_format='auto', trust_remote_code=False, dtype='auto', kv_cache_dtype='auto', quantization=None, context_length=None, device='cuda', served_model_name='meta-llama/Meta-Llama-3.1-8B-Instruct', chat_template=None, is_embedding=False, host='0.0.0.0', port=30000, mem_fraction_static=0.88, max_running_requests=None, max_total_tokens=None, chunked_prefill_size=8192, max_prefill_tokens=16384, schedule_policy='lpm', schedule_conservativeness=1.0, tp_size=1, stream_interval=1, random_seed=706578968, constrained_json_whitespace_pattern=None, decode_log_interval=40, log_level='info', log_level_http=None, log_requests=False, show_time_cost=False, api_key=None, file_storage_pth='SGLang_storage', enable_cache_report=False, watchdog_timeout=600, dp_size=1, load_balance_method='round_robin', dist_init_addr=None, nnodes=1, node_rank=0, json_model_override_args='{}', enable_double_sparsity=False, ds_channel_config_path=None, ds_heavy_channel_num=32, ds_heavy_token_num=256, ds_heavy_channel_type='qk', ds_sparse_decode_threshold=4096, lora_paths=None, max_loras_per_batch=8, attention_backend='flashinfer', sampling_backend='flashinfer', grammar_backend='outlines', disable_flashinfer=False, disable_flashinfer_sampling=False, disable_radix_cache=False, disable_regex_jump_forward=False, disable_cuda_graph=False, disable_cuda_graph_padding=False, disable_disk_cache=False, disable_custom_all_reduce=False, disable_mla=False, disable_penalizer=False, disable_nan_detection=False, enable_overlap_schedule=False, enable_mixed_chunk=False, enable_torch_compile=False, torch_compile_max_bs=32, cuda_graph_max_bs=160, torchao_config='', enable_p2p_check=False, triton_attention_reduce_in_fp32=False, num_continuous_decode_steps=1)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", + " warnings.warn(\n", + "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", + " warnings.warn(\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:46:24 TP0] Init torch distributed begin.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:46:24 TP0] Load weight begin. avail mem=47.27 GB\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:46:25 TP0] lm_eval is not installed, GPTQ may not be usable\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "INFO 10-31 19:46:26 weight_utils.py:243] Using model weights format ['*.safetensors']\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\r", + "Loading safetensors checkpoint shards: 0% Completed | 0/4 [00:00

NOTE: Typically, the server runs in a separate terminal.
In this notebook, we run the server and notebook code together, so their outputs are combined.
To improve clarity, the server logs are displayed in the original black color, while the notebook outputs are highlighted in blue.
" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "from sglang.utils import (\n", + " execute_shell_command,\n", + " wait_for_server,\n", + " terminate_process,\n", + " print_highlight,\n", + ")\n", + "\n", + "server_process = execute_shell_command(\n", + "\"\"\"\n", + "python -m sglang.launch_server --model-path meta-llama/Meta-Llama-3.1-8B-Instruct \\\n", + "--port 30000 --host 0.0.0.0\n", + "\"\"\"\n", + ")\n", + "\n", + "wait_for_server(\"http://localhost:30000\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Send a Request\n", + "\n", + "Once the server is running, you can send test requests using curl. The server implements the [OpenAI-compatible API](https://platform.openai.com/docs/api-reference/chat)." + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-01T02:46:42.813656Z", + "iopub.status.busy": "2024-11-01T02:46:42.813354Z", + "iopub.status.idle": "2024-11-01T02:46:51.436613Z", + "shell.execute_reply": "2024-11-01T02:46:51.435965Z" + } + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:46:42 TP0] Prefill batch. #new-seq: 1, #new-token: 46, #cached-token: 1, cache hit rate: 1.85%, token usage: 0.00, #running-req: 0, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:46:43 TP0] Decode batch. #running-req: 1, #token: 80, token usage: 0.00, gen throughput (token/s): 5.40, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:46:44 TP0] Decode batch. #running-req: 1, #token: 120, token usage: 0.00, gen throughput (token/s): 42.48, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:46:45 TP0] Decode batch. #running-req: 1, #token: 160, token usage: 0.00, gen throughput (token/s): 42.37, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:46:46 TP0] Decode batch. #running-req: 1, #token: 200, token usage: 0.00, gen throughput (token/s): 42.33, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:46:47 TP0] Decode batch. #running-req: 1, #token: 240, token usage: 0.00, gen throughput (token/s): 42.34, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:46:48 TP0] Decode batch. #running-req: 1, #token: 280, token usage: 0.00, gen throughput (token/s): 42.28, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:46:49 TP0] Decode batch. #running-req: 1, #token: 320, token usage: 0.00, gen throughput (token/s): 42.28, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:46:50 TP0] Decode batch. #running-req: 1, #token: 360, token usage: 0.00, gen throughput (token/s): 42.24, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:46:51] INFO: 127.0.0.1:46046 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n", + "{\"id\":\"f9761ee1b1444bd7a640286884a90842\",\"object\":\"chat.completion\",\"created\":1730429211,\"model\":\"meta-llama/Meta-Llama-3.1-8B-Instruct\",\"choices\":[{\"index\":0,\"message\":{\"role\":\"assistant\",\"content\":\"LLM stands for Large Language Model. It's a type of artificial intelligence (AI) designed to process and comprehend human language in a way that's similar to how humans do.\\n\\nLarge Language Models are trained on massive amounts of text data, which allows them to learn patterns and relationships in language. This training enables them to generate text, answer questions, summarize content, and even engage in conversation.\\n\\nSome key characteristics of LLMs include:\\n\\n1. **Language understanding**: LLMs can comprehend the meaning of text, including nuances like idioms, sarcasm, and figurative language.\\n2. **Contextual awareness**: LLMs can understand the context in which a piece of text is written, including the topic, tone, and intent.\\n3. **Generative capabilities**: LLMs can generate text, including entire articles, conversations, or even creative writing like stories or poetry.\\n4. **Continuous learning**: LLMs can learn from new data and update their understanding of language over time.\\n\\nLLMs are used in a wide range of applications, including:\\n\\n1. **Virtual assistants**: LLMs power virtual assistants like Siri, Alexa, and Google Assistant.\\n2. **Chatbots**: LLMs are used to create chatbots that can engage with customers and provide support.\\n3. **Language translation**: LLMs can translate text from one language to another with high accuracy.\\n4. **Content generation**: LLMs can generate content, such as articles, social media posts, and product descriptions.\\n5. **Research and analysis**: LLMs can help researchers analyze and understand large amounts of text data.\\n\\nIn the context of our conversation, I'm a Large Language Model designed to provide helpful and informative responses to your questions!\"},\"logprobs\":null,\"finish_reason\":\"stop\",\"matched_stop\":128009}],\"usage\":{\"prompt_tokens\":47,\"total_tokens\":400,\"completion_tokens\":353,\"prompt_tokens_details\":null}}" + ] + } + ], + "source": [ + "!curl http://localhost:30000/v1/chat/completions \\\n", + " -H \"Content-Type: application/json\" \\\n", + " -H \"Authorization: Bearer None\" \\\n", + " -d '{\"model\": \"meta-llama/Meta-Llama-3.1-8B-Instruct\", \"messages\": [{\"role\": \"system\", \"content\": \"You are a helpful assistant.\"}, {\"role\": \"user\", \"content\": \"What is a LLM?\"}]}'" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Using OpenAI Python Client\n", + "\n", + "You can also use the OpenAI Python API library to send requests." + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-01T02:46:51.439372Z", + "iopub.status.busy": "2024-11-01T02:46:51.439178Z", + "iopub.status.idle": "2024-11-01T02:46:52.895776Z", + "shell.execute_reply": "2024-11-01T02:46:52.895318Z" + } + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:46:51 TP0] Prefill batch. #new-seq: 1, #new-token: 20, #cached-token: 29, cache hit rate: 29.13%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", + "[2024-10-31 19:46:51 TP0] Decode batch. #running-req: 1, #token: 50, token usage: 0.00, gen throughput (token/s): 27.57, #queue-req: 0\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 19:46:52 TP0] Decode batch. #running-req: 1, #token: 90, token usage: 0.00, gen throughput (token/s): 42.69, #queue-req: 0\n", + "[2024-10-31 19:46:52] INFO: 127.0.0.1:40952 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" + ] + }, + { + "data": { + "text/html": [ + "ChatCompletion(id='c563abb8fe74496f83203fe21ec4ff61', choices=[Choice(finish_reason='stop', index=0, logprobs=None, message=ChatCompletionMessage(content='Here are 3 countries and their capitals:\\n\\n1. **Country:** Japan\\n**Capital:** Tokyo\\n\\n2. **Country:** Australia\\n**Capital:** Canberra\\n\\n3. **Country:** Brazil\\n**Capital:** Brasília', refusal=None, role='assistant', function_call=None, tool_calls=None), matched_stop=128009)], created=1730429212, model='meta-llama/Meta-Llama-3.1-8B-Instruct', object='chat.completion', service_tier=None, system_fingerprint=None, usage=CompletionUsage(completion_tokens=46, prompt_tokens=49, total_tokens=95, prompt_tokens_details=None))" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "import openai\n", + "\n", + "client = openai.Client(base_url=\"http://127.0.0.1:30000/v1\", api_key=\"None\")\n", + "\n", + "response = client.chat.completions.create(\n", + " model=\"meta-llama/Meta-Llama-3.1-8B-Instruct\",\n", + " messages=[\n", + " {\"role\": \"system\", \"content\": \"You are a helpful AI assistant\"},\n", + " {\"role\": \"user\", \"content\": \"List 3 countries and their capitals.\"},\n", + " ],\n", + " temperature=0,\n", + " max_tokens=64,\n", + ")\n", + "print_highlight(response)" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-01T02:46:52.898411Z", + "iopub.status.busy": "2024-11-01T02:46:52.898149Z", + "iopub.status.idle": "2024-11-01T02:46:54.398382Z", + "shell.execute_reply": "2024-11-01T02:46:54.397564Z" + } + }, + "outputs": [], + "source": [ + "terminate_process(server_process)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.11.7" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} From 16eb33ffe2afc9c043e4f80f18e15ea57b984944 Mon Sep 17 00:00:00 2001 From: Ke Bao Date: Fri, 1 Nov 2024 11:13:07 +0800 Subject: [PATCH 05/44] Update vocab embedding deps and add TP switch (#1856) --- .../srt/layers/quantization/base_config.py | 17 +- .../srt/layers/vocab_parallel_embedding.py | 486 ++++++++++++++++++ python/sglang/srt/models/baichuan.py | 8 +- python/sglang/srt/models/chatglm.py | 8 +- python/sglang/srt/models/commandr.py | 2 +- python/sglang/srt/models/dbrx.py | 10 +- python/sglang/srt/models/deepseek.py | 8 +- python/sglang/srt/models/deepseek_v2.py | 8 +- python/sglang/srt/models/exaone.py | 8 +- python/sglang/srt/models/gemma.py | 2 +- python/sglang/srt/models/gemma2.py | 2 +- python/sglang/srt/models/gpt2.py | 1 + python/sglang/srt/models/gpt_bigcode.py | 2 +- python/sglang/srt/models/grok.py | 8 +- python/sglang/srt/models/internlm2.py | 8 +- python/sglang/srt/models/llama.py | 8 +- python/sglang/srt/models/minicpm.py | 8 +- python/sglang/srt/models/minicpm3.py | 8 +- python/sglang/srt/models/mixtral.py | 9 +- python/sglang/srt/models/mixtral_quant.py | 8 +- python/sglang/srt/models/mllama.py | 10 +- python/sglang/srt/models/olmo.py | 8 +- python/sglang/srt/models/olmoe.py | 8 +- python/sglang/srt/models/qwen.py | 8 +- python/sglang/srt/models/qwen2.py | 8 +- python/sglang/srt/models/qwen2_moe.py | 8 +- python/sglang/srt/models/qwen2_vl.py | 2 +- python/sglang/srt/models/stablelm.py | 8 +- .../sglang/srt/models/torch_native_llama.py | 8 +- python/sglang/srt/models/xverse.py | 8 +- python/sglang/srt/models/xverse_moe.py | 8 +- 31 files changed, 602 insertions(+), 101 deletions(-) create mode 100644 python/sglang/srt/layers/vocab_parallel_embedding.py diff --git a/python/sglang/srt/layers/quantization/base_config.py b/python/sglang/srt/layers/quantization/base_config.py index aa83b4eea9..b45fcdea25 100644 --- a/python/sglang/srt/layers/quantization/base_config.py +++ b/python/sglang/srt/layers/quantization/base_config.py @@ -1,7 +1,8 @@ # Adapted from https://raw.githubusercontent.com/vllm-project/vllm/v0.5.5/vllm/model_executor/layers/quantization/base_config.py +import inspect from abc import ABC, abstractmethod -from typing import Any, Dict, List, Optional +from typing import Any, Dict, List, Optional, Type import torch from torch import nn @@ -120,3 +121,17 @@ def get_scaled_act_names(self) -> List[str]: For now, this is only used by AWQ. """ raise NotImplementedError + +def method_has_implemented_embedding( + method_class: Type[QuantizeMethodBase]) -> bool: + """ + Not all quant methods have embedding implemented, so we need to check that + it exists for our given method. We check this by making sure the function + has been changed from the base implementation. + """ + base_embedding = inspect.getattr_static(QuantizeMethodBase, "embedding", + None) + class_embedding = inspect.getattr_static(method_class, "embedding", None) + + return (class_embedding is not None + and class_embedding is not base_embedding) \ No newline at end of file diff --git a/python/sglang/srt/layers/vocab_parallel_embedding.py b/python/sglang/srt/layers/vocab_parallel_embedding.py new file mode 100644 index 0000000000..a9ca9da539 --- /dev/null +++ b/python/sglang/srt/layers/vocab_parallel_embedding.py @@ -0,0 +1,486 @@ +# Adapted from https://github.com/vllm-project/vllm/blob/v0.6.3.post1/vllm/model_executor/layers/vocab_parallel_embedding.py + +from dataclasses import dataclass +from typing import List, Optional, Sequence, Tuple + +import torch +import torch.nn.functional as F +from torch.nn.parameter import Parameter, UninitializedParameter +from vllm.distributed import ( + divide, + get_tensor_model_parallel_rank, + get_tensor_model_parallel_world_size, + tensor_model_parallel_all_reduce, +) +from vllm.model_executor.parameter import BasevLLMParameter + +from sglang.srt.layers.quantization.base_config import ( + QuantizationConfig, + QuantizeMethodBase, + method_has_implemented_embedding, +) +from sglang.srt.utils import set_weight_attrs + +DEFAULT_VOCAB_PADDING_SIZE = 64 + + +class UnquantizedEmbeddingMethod(QuantizeMethodBase): + """Unquantized method for embeddings.""" + + def create_weights(self, layer: torch.nn.Module, + input_size_per_partition: int, + output_partition_sizes: List[int], input_size: int, + output_size: int, params_dtype: torch.dtype, + **extra_weight_attrs): + """Create weights for embedding layer.""" + weight = Parameter(torch.empty(sum(output_partition_sizes), + input_size_per_partition, + dtype=params_dtype), + requires_grad=False) + set_weight_attrs(weight, {"input_dim": 1, "output_dim": 0}) + layer.register_parameter("weight", weight) + set_weight_attrs(weight, extra_weight_attrs) + + def apply(self, + layer: torch.nn.Module, + x: torch.Tensor, + bias: Optional[torch.Tensor] = None) -> torch.Tensor: + return F.linear(x, layer.weight, bias) + + def embedding(self, layer: torch.nn.Module, + input_: torch.Tensor) -> torch.Tensor: + return F.embedding(input_, layer.weight) + + +def pad_vocab_size(vocab_size: int, + pad_to: int = DEFAULT_VOCAB_PADDING_SIZE) -> int: + """Pad the vocab size to the given value.""" + return ((vocab_size + pad_to - 1) // pad_to) * pad_to + + +def vocab_range_from_per_partition_vocab_size( + per_partition_vocab_size: int, + rank: int, + offset: int = 0) -> Sequence[int]: + index_f = rank * per_partition_vocab_size + index_l = index_f + per_partition_vocab_size + return index_f + offset, index_l + offset + + +def vocab_range_from_global_vocab_size(global_vocab_size: int, + rank: int, + world_size: int, + offset: int = 0) -> Sequence[int]: + per_partition_vocab_size = divide(global_vocab_size, world_size) + return vocab_range_from_per_partition_vocab_size(per_partition_vocab_size, + rank, + offset=offset) + + +@dataclass +class VocabParallelEmbeddingShardIndices: + """Indices for a shard of a vocab parallel embedding.""" + padded_org_vocab_start_index: int + padded_org_vocab_end_index: int + padded_added_vocab_start_index: int + padded_added_vocab_end_index: int + + org_vocab_start_index: int + org_vocab_end_index: int + added_vocab_start_index: int + added_vocab_end_index: int + + @property + def num_org_elements(self) -> int: + return self.org_vocab_end_index - self.org_vocab_start_index + + @property + def num_added_elements(self) -> int: + return self.added_vocab_end_index - self.added_vocab_start_index + + @property + def num_org_elements_padded(self) -> int: + return (self.padded_org_vocab_end_index - + self.padded_org_vocab_start_index) + + @property + def num_added_elements_padded(self) -> int: + return (self.padded_added_vocab_end_index - + self.padded_added_vocab_start_index) + + @property + def num_org_vocab_padding(self) -> int: + return self.num_org_elements_padded - self.num_org_elements + + @property + def num_added_vocab_padding(self) -> int: + return self.num_added_elements_padded - self.num_added_elements + + @property + def num_elements_padded(self) -> int: + return self.num_org_elements_padded + self.num_added_elements_padded + + def __post_init__(self): + # sanity checks + assert (self.padded_org_vocab_start_index <= + self.padded_org_vocab_end_index) + assert (self.padded_added_vocab_start_index <= + self.padded_added_vocab_end_index) + + assert self.org_vocab_start_index <= self.org_vocab_end_index + assert self.added_vocab_start_index <= self.added_vocab_end_index + + assert self.org_vocab_start_index <= self.padded_org_vocab_start_index + assert (self.added_vocab_start_index <= + self.padded_added_vocab_start_index) + assert self.org_vocab_end_index <= self.padded_org_vocab_end_index + assert self.added_vocab_end_index <= self.padded_added_vocab_end_index + + assert self.num_org_elements <= self.num_org_elements_padded + assert self.num_added_elements <= self.num_added_elements_padded + + +@torch.jit.script +def get_masked_input_and_mask( + input_: torch.Tensor, org_vocab_start_index: int, + org_vocab_end_index: int, num_org_vocab_padding: int, + added_vocab_start_index: int, + added_vocab_end_index: int) -> Tuple[torch.Tensor, torch.Tensor]: + # torch.jit.script will fuse all of the pointwise ops below + # into a single kernel, making it very fast + org_vocab_mask = (input_ >= org_vocab_start_index) & (input_ < + org_vocab_end_index) + added_vocab_mask = (input_ >= added_vocab_start_index) & ( + input_ < added_vocab_end_index) + added_offset = added_vocab_start_index - ( + org_vocab_end_index - org_vocab_start_index) - num_org_vocab_padding + valid_offset = (org_vocab_start_index * + org_vocab_mask) + (added_offset * added_vocab_mask) + vocab_mask = org_vocab_mask | added_vocab_mask + input_ = vocab_mask * (input_ - valid_offset) + return input_, ~vocab_mask + + +class VocabParallelEmbedding(torch.nn.Module): + """Embedding parallelized in the vocabulary dimension. + + Adapted from torch.nn.Embedding, note that we pad the vocabulary size to + make sure it is divisible by the number of model parallel GPUs. + + In order to support various loading methods, we ensure that LoRA-added + embeddings are always at the end of TP-sharded tensors. In other words, + we shard base embeddings and LoRA embeddings separately (both padded), + and place them in the same tensor. + In this example, we will have the original vocab size = 1010, + added vocab size = 16 and padding to 64. Therefore, the total + vocab size with padding will be 1088 (because we first pad 1010 to + 1024, add 16, and then pad to 1088). + Therefore, the tensor format looks like the following: + TP1, rank 0 (no sharding): + |< --------BASE-------- >|< -BASE PADDING-- >|< -----LORA------ >|< -LORA PADDING-- >| + corresponding token_id: | 0 | 1 | ... | 1009 | -1 | ... | -1 | 1010 | ... | 1015 | -1 | ... | -1 | + index: | 0 | 1 | ... | 1009 | 1010 | ... | 1023 | 1024 | ... | 1039 | 1040 | ... | 1087 | + + TP2, rank 0: + |< --------------------BASE--------------------- >|< -----LORA------ >|< -LORA PADDING- >| + corresponding token_id: | 0 | 1 | 2 | ... | 497 | 498 | ... | 511 | 1000 | ... | 1015 | -1 | ... | -1 | + index: | 0 | 1 | 2 | ... | 497 | 498 | ... | 511 | 512 | ... | 527 | 520 | ... | 543 | + TP2, rank 1: + |< -----------BASE----------- >|< -BASE PADDING- >|< -----------LORA PADDING----------- >| + corresponding token_id: | 512 | 513 | 514 | ... | 1009 | -1 | ... | -1 | -1 | ... | -1 | -1 | ... | -1 | + index: | 0 | 1 | 2 | ... | 497 | 498 | ... | 511 | 512 | ... | 519 | 520 | ... | 543 | + + Args: + num_embeddings: vocabulary size. + embedding_dim: size of hidden state. + params_dtype: type of the parameters. + org_num_embeddings: original vocabulary size (without LoRA). + padding_size: padding size for the vocabulary. + quant_config: quant config for the layer + prefix: full name of the layer in the state dict + """ # noqa: E501 + + def __init__(self, + num_embeddings: int, + embedding_dim: int, + params_dtype: Optional[torch.dtype] = None, + org_num_embeddings: Optional[int] = None, + padding_size: int = DEFAULT_VOCAB_PADDING_SIZE, + quant_config: Optional[QuantizationConfig] = None, + prefix: str = "", + enable_tp: bool = True): + super().__init__() + + self.enable_tp = enable_tp + if self.enable_tp: + tp_rank = get_tensor_model_parallel_rank() + self.tp_size = get_tensor_model_parallel_world_size() + else: + tp_rank = 0 + self.tp_size = 1 + + self.num_embeddings = num_embeddings + self.padding_size = padding_size + self.org_vocab_size = org_num_embeddings or num_embeddings + num_added_embeddings = num_embeddings - self.org_vocab_size + self.org_vocab_size_padded = pad_vocab_size(self.org_vocab_size, + self.padding_size) + self.num_embeddings_padded = pad_vocab_size( + self.org_vocab_size_padded + num_added_embeddings, + self.padding_size) + assert self.org_vocab_size_padded <= self.num_embeddings_padded + + self.shard_indices = self._get_indices(self.num_embeddings_padded, + self.org_vocab_size_padded, + self.num_embeddings, + self.org_vocab_size, tp_rank, + self.tp_size) + self.embedding_dim = embedding_dim + + linear_method = None + if quant_config is not None: + linear_method = quant_config.get_quant_method(self, prefix=prefix) + if linear_method is None: + linear_method = UnquantizedEmbeddingMethod() + + # If we are making an embedding layer, then our quantization linear + # method must implement the embedding operation. If we are another + # layer type like ParallelLMHead, this is not important. + is_embedding_layer = type(self.__class__) is VocabParallelEmbedding + linear_method_implements_embedding = method_has_implemented_embedding( + type(linear_method)) + if is_embedding_layer and not linear_method_implements_embedding: + raise NotImplementedError( + f"The class {type(linear_method).__name__} must implement " + "the 'embedding' method, see UnquantizedEmbeddingMethod.") + + self.linear_method: QuantizeMethodBase = linear_method + + if params_dtype is None: + params_dtype = torch.get_default_dtype() + # Divide the weight matrix along the vocaburaly dimension. + self.num_added_embeddings = self.num_embeddings - self.org_vocab_size + self.num_embeddings_per_partition = divide(self.num_embeddings_padded, + self.tp_size) + assert (self.shard_indices.num_elements_padded == + self.num_embeddings_per_partition) + self.num_org_embeddings_per_partition = ( + self.shard_indices.org_vocab_end_index - + self.shard_indices.org_vocab_start_index) + self.num_added_embeddings_per_partition = ( + self.shard_indices.added_vocab_end_index - + self.shard_indices.added_vocab_start_index) + + self.linear_method.create_weights(self, + self.embedding_dim, + [self.num_embeddings_per_partition], + self.embedding_dim, + self.num_embeddings_padded, + params_dtype=params_dtype, + weight_loader=self.weight_loader) + + @classmethod + def _get_indices(cls, vocab_size_padded: int, org_vocab_size_padded: int, + vocab_size: int, org_vocab_size: int, tp_rank: int, + tp_size: int) -> VocabParallelEmbeddingShardIndices: + """Get start and end indices for vocab parallel embedding, following the + layout outlined in the class docstring, based on the given tp_rank and + tp_size.""" + num_added_embeddings_padded = vocab_size_padded - org_vocab_size_padded + padded_org_vocab_start_index, padded_org_vocab_end_index = ( + vocab_range_from_global_vocab_size(org_vocab_size_padded, tp_rank, + tp_size)) + padded_added_vocab_start_index, padded_added_vocab_end_index = ( + vocab_range_from_global_vocab_size(num_added_embeddings_padded, + tp_rank, + tp_size, + offset=org_vocab_size)) + # remove padding + org_vocab_start_index = min(padded_org_vocab_start_index, + org_vocab_size) + org_vocab_end_index = min(padded_org_vocab_end_index, org_vocab_size) + added_vocab_start_index = min(padded_added_vocab_start_index, + vocab_size) + added_vocab_end_index = min(padded_added_vocab_end_index, vocab_size) + return VocabParallelEmbeddingShardIndices( + padded_org_vocab_start_index, padded_org_vocab_end_index, + padded_added_vocab_start_index, padded_added_vocab_end_index, + org_vocab_start_index, org_vocab_end_index, + added_vocab_start_index, added_vocab_end_index) + + def get_sharded_to_full_mapping(self) -> Optional[List[int]]: + """Get a mapping that can be used to reindex the gathered + logits for sampling. + + During sampling, we gather logits from all ranks. The relationship + of index->token_id will follow the same format as outlined in the class + docstring. However, after the gather, we want to reindex the final + logits tensor to map index->token_id one-to-one (the index is always + equal the token_id it corresponds to). The indices returned by this + method allow us to do that. + """ + if self.tp_size < 2: + return None + + base_embeddings: List[int] = [] + added_embeddings: List[int] = [] + padding: List[int] = [] + for tp_rank in range(self.tp_size): + shard_indices = self._get_indices(self.num_embeddings_padded, + self.org_vocab_size_padded, + self.num_embeddings, + self.org_vocab_size, tp_rank, + self.tp_size) + range_start = self.num_embeddings_per_partition * tp_rank + range_end = self.num_embeddings_per_partition * (tp_rank + 1) + base_embeddings.extend( + range(range_start, + range_start + shard_indices.num_org_elements)) + padding.extend( + range(range_start + shard_indices.num_org_elements, + range_start + shard_indices.num_org_elements_padded)) + added_embeddings.extend( + range( + range_start + shard_indices.num_org_elements_padded, + range_start + shard_indices.num_org_elements_padded + + shard_indices.num_added_elements)) + padding.extend( + range( + range_start + shard_indices.num_org_elements_padded + + shard_indices.num_added_elements, + range_start + shard_indices.num_org_elements_padded + + shard_indices.num_added_elements_padded)) + assert (range_start + shard_indices.num_org_elements_padded + + shard_indices.num_added_elements_padded == range_end) + ret = base_embeddings + added_embeddings + padding + assert len(ret) == self.num_embeddings_padded + return ret + + def weight_loader(self, param: Parameter, loaded_weight: torch.Tensor): + output_dim = getattr(param, "output_dim", None) + packed_dim = getattr(param, "packed_dim", None) + + # If the parameter is a gguf weight, then load it directly. + if getattr(param, "is_gguf_weight_type", None): + param.data.copy_(loaded_weight) + param.weight_type = loaded_weight.item() + return + elif isinstance(param, UninitializedParameter): + shape = list(loaded_weight.shape) + if output_dim is not None: + shape[output_dim] = shape[output_dim] // self.tp_size + param.materialize(tuple(shape), dtype=loaded_weight.dtype) + + # If parameter does not have output dim, then it should + # be copied onto all gpus (e.g. g_idx for act_order gptq). + if output_dim is None: + assert param.data.shape == loaded_weight.shape + param.data.copy_(loaded_weight) + return + + # Shard indexes for loading the weight + start_idx = self.shard_indices.org_vocab_start_index + shard_size = self.shard_indices.org_vocab_end_index - start_idx + + # If param packed on the same dim we are sharding on, then + # need to adjust offsets of loaded weight by pack_factor. + if packed_dim is not None and packed_dim == output_dim: + packed_factor = param.packed_factor if isinstance( + param, BasevLLMParameter) else param.pack_factor + assert loaded_weight.shape[output_dim] == (self.org_vocab_size // + param.packed_factor) + start_idx = start_idx // packed_factor + shard_size = shard_size // packed_factor + else: + assert loaded_weight.shape[output_dim] == self.org_vocab_size + + # Copy the data. + loaded_weight = loaded_weight.narrow(output_dim, start_idx, shard_size) + param[:loaded_weight.shape[0]].data.copy_(loaded_weight) + param[loaded_weight.shape[0]:].data.fill_(0) + + def forward(self, input_): + if self.tp_size > 1: + # Build the mask. + masked_input, input_mask = get_masked_input_and_mask( + input_, self.shard_indices.org_vocab_start_index, + self.shard_indices.org_vocab_end_index, + self.shard_indices.num_org_vocab_padding, + self.shard_indices.added_vocab_start_index, + self.shard_indices.added_vocab_end_index) + else: + masked_input = input_ + # Get the embeddings. + output_parallel = self.linear_method.embedding(self, + masked_input.long()) + # Mask the output embedding. + if self.tp_size > 1: + output_parallel.masked_fill_(input_mask.unsqueeze(-1), 0) + # Reduce across all the model parallel GPUs. + output = tensor_model_parallel_all_reduce(output_parallel) + else: + output = output_parallel + return output + + def extra_repr(self) -> str: + s = f"num_embeddings={self.num_embeddings_per_partition}" + s += f", embedding_dim={self.embedding_dim}" + s += f", org_vocab_size={self.org_vocab_size}" + s += f', num_embeddings_padded={self.num_embeddings_padded}' + if self.enable_tp: + s += f', tp_size={self.tp_size}' + return s + + +class ParallelLMHead(VocabParallelEmbedding): + """Parallelized LM head. + + Output logits weight matrices used in the Sampler. The weight and bias + tensors are padded to make sure they are divisible by the number of + model parallel GPUs. + + Args: + num_embeddings: vocabulary size. + embedding_dim: size of hidden state. + bias: whether to use bias. + params_dtype: type of the parameters. + org_num_embeddings: original vocabulary size (without LoRA). + padding_size: padding size for the vocabulary. + """ + + def __init__(self, + num_embeddings: int, + embedding_dim: int, + bias: bool = False, + params_dtype: Optional[torch.dtype] = None, + org_num_embeddings: Optional[int] = None, + padding_size: int = DEFAULT_VOCAB_PADDING_SIZE, + quant_config: Optional[QuantizationConfig] = None, + prefix: str = ""): + super().__init__(num_embeddings, embedding_dim, params_dtype, + org_num_embeddings, padding_size, quant_config, + prefix) + self.quant_config = quant_config + if bias: + self.bias = Parameter( + torch.empty(self.num_embeddings_per_partition, + dtype=params_dtype)) + set_weight_attrs(self.bias, { + "output_dim": 0, + "weight_loader": self.weight_loader, + }) + else: + self.register_parameter("bias", None) + + def tie_weights(self, embed_tokens: VocabParallelEmbedding): + """Tie the weights with word embeddings.""" + # GGUF quantized embed_tokens. + if self.quant_config and self.quant_config.get_name() == "gguf": + return embed_tokens + else: + self.weight = embed_tokens.weight + return self + + def forward(self, input_): + del input_ + raise RuntimeError("LMHead's weights should be used in the sampler.") \ No newline at end of file diff --git a/python/sglang/srt/models/baichuan.py b/python/sglang/srt/models/baichuan.py index 641937a4af..0e5e3b9ade 100644 --- a/python/sglang/srt/models/baichuan.py +++ b/python/sglang/srt/models/baichuan.py @@ -34,10 +34,6 @@ RowParallelLinear, ) from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.activation import SiluAndMul @@ -45,6 +41,10 @@ from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.model_executor.forward_batch_info import ForwardBatch diff --git a/python/sglang/srt/models/chatglm.py b/python/sglang/srt/models/chatglm.py index c564b6cf54..fb9323da7f 100644 --- a/python/sglang/srt/models/chatglm.py +++ b/python/sglang/srt/models/chatglm.py @@ -24,10 +24,6 @@ from torch.nn import LayerNorm from vllm.distributed import get_tensor_model_parallel_world_size from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from vllm.transformers_utils.configs import ChatGLMConfig @@ -41,6 +37,10 @@ from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.model_executor.forward_batch_info import ForwardBatch LoraConfig = None diff --git a/python/sglang/srt/models/commandr.py b/python/sglang/srt/models/commandr.py index 05d0010a56..dcfad2370f 100644 --- a/python/sglang/srt/models/commandr.py +++ b/python/sglang/srt/models/commandr.py @@ -50,7 +50,6 @@ get_tensor_model_parallel_world_size, ) from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import VocabParallelEmbedding from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.activation import SiluAndMul @@ -62,6 +61,7 @@ from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import VocabParallelEmbedding from sglang.srt.model_executor.forward_batch_info import ForwardBatch from sglang.srt.utils import set_weight_attrs diff --git a/python/sglang/srt/models/dbrx.py b/python/sglang/srt/models/dbrx.py index 76cf549463..59f51866af 100644 --- a/python/sglang/srt/models/dbrx.py +++ b/python/sglang/srt/models/dbrx.py @@ -27,11 +27,6 @@ ) from vllm.model_executor.layers.fused_moe import fused_moe from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - DEFAULT_VOCAB_PADDING_SIZE, - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from vllm.transformers_utils.configs.dbrx import DbrxConfig @@ -43,6 +38,11 @@ from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import ( + DEFAULT_VOCAB_PADDING_SIZE, + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.model_executor.forward_batch_info import ForwardBatch from sglang.srt.utils import set_weight_attrs diff --git a/python/sglang/srt/models/deepseek.py b/python/sglang/srt/models/deepseek.py index 82565ed0ed..41e2bffe2a 100644 --- a/python/sglang/srt/models/deepseek.py +++ b/python/sglang/srt/models/deepseek.py @@ -28,10 +28,6 @@ ) from vllm.model_executor.layers.fused_moe import fused_moe from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.activation import SiluAndMul @@ -45,6 +41,10 @@ from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.model_executor.forward_batch_info import ForwardBatch diff --git a/python/sglang/srt/models/deepseek_v2.py b/python/sglang/srt/models/deepseek_v2.py index f92be4d960..00ba0dcc59 100644 --- a/python/sglang/srt/models/deepseek_v2.py +++ b/python/sglang/srt/models/deepseek_v2.py @@ -27,10 +27,6 @@ ) from vllm.model_executor.layers.fused_moe import FusedMoE from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.activation import SiluAndMul @@ -44,6 +40,10 @@ from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.managers.schedule_batch import global_server_args_dict from sglang.srt.model_executor.forward_batch_info import ForwardBatch from sglang.srt.utils import is_flashinfer_available diff --git a/python/sglang/srt/models/exaone.py b/python/sglang/srt/models/exaone.py index 2efb940411..ab36f1c985 100644 --- a/python/sglang/srt/models/exaone.py +++ b/python/sglang/srt/models/exaone.py @@ -23,10 +23,6 @@ from torch import nn from vllm.distributed import get_tensor_model_parallel_world_size from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.activation import SiluAndMul @@ -39,6 +35,10 @@ from sglang.srt.layers.logits_processor import LogitsProcessor, LogitsProcessorOutput from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.model_executor.forward_batch_info import ForwardBatch diff --git a/python/sglang/srt/models/gemma.py b/python/sglang/srt/models/gemma.py index 238bcb309c..db0d09fb50 100644 --- a/python/sglang/srt/models/gemma.py +++ b/python/sglang/srt/models/gemma.py @@ -24,7 +24,6 @@ from vllm.config import LoRAConfig from vllm.distributed import get_tensor_model_parallel_world_size from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import VocabParallelEmbedding from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.activation import GeluAndMul @@ -37,6 +36,7 @@ from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import VocabParallelEmbedding from sglang.srt.model_executor.forward_batch_info import ForwardBatch diff --git a/python/sglang/srt/models/gemma2.py b/python/sglang/srt/models/gemma2.py index 8f7d0bee47..b295c7bbcd 100644 --- a/python/sglang/srt/models/gemma2.py +++ b/python/sglang/srt/models/gemma2.py @@ -24,7 +24,6 @@ from vllm.distributed import get_tensor_model_parallel_world_size # from vllm.model_executor.layers.rotary_embedding import GemmaRotaryEmbedding -from vllm.model_executor.layers.vocab_parallel_embedding import VocabParallelEmbedding from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.activation import GeluAndMul @@ -37,6 +36,7 @@ from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import VocabParallelEmbedding from sglang.srt.model_executor.forward_batch_info import ForwardBatch diff --git a/python/sglang/srt/models/gpt2.py b/python/sglang/srt/models/gpt2.py index a584821030..60c98bbf21 100644 --- a/python/sglang/srt/models/gpt2.py +++ b/python/sglang/srt/models/gpt2.py @@ -37,6 +37,7 @@ from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import VocabParallelEmbedding from sglang.srt.model_executor.forward_batch_info import ForwardBatch diff --git a/python/sglang/srt/models/gpt_bigcode.py b/python/sglang/srt/models/gpt_bigcode.py index 0f38ba2c8d..aa10118187 100644 --- a/python/sglang/srt/models/gpt_bigcode.py +++ b/python/sglang/srt/models/gpt_bigcode.py @@ -23,7 +23,6 @@ from transformers import GPTBigCodeConfig from vllm.config import LoRAConfig from vllm.distributed import get_tensor_model_parallel_world_size -from vllm.model_executor.layers.vocab_parallel_embedding import VocabParallelEmbedding from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.activation import get_act_fn @@ -35,6 +34,7 @@ from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import VocabParallelEmbedding from sglang.srt.model_executor.forward_batch_info import ForwardBatch diff --git a/python/sglang/srt/models/grok.py b/python/sglang/srt/models/grok.py index e7a0e06c57..1f6d2c1f27 100644 --- a/python/sglang/srt/models/grok.py +++ b/python/sglang/srt/models/grok.py @@ -28,10 +28,6 @@ get_tensor_model_parallel_world_size, ) from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.loader import DefaultModelLoader from vllm.model_executor.model_loader.weight_utils import default_weight_loader @@ -45,6 +41,10 @@ from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.model_executor.forward_batch_info import ForwardBatch diff --git a/python/sglang/srt/models/internlm2.py b/python/sglang/srt/models/internlm2.py index 1dd369e5e9..1721c8c491 100644 --- a/python/sglang/srt/models/internlm2.py +++ b/python/sglang/srt/models/internlm2.py @@ -23,10 +23,6 @@ from transformers import PretrainedConfig from vllm.distributed import get_tensor_model_parallel_world_size from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.activation import SiluAndMul @@ -39,6 +35,10 @@ from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.model_executor.forward_batch_info import ForwardBatch diff --git a/python/sglang/srt/models/llama.py b/python/sglang/srt/models/llama.py index 543703c230..ab86a55b9e 100644 --- a/python/sglang/srt/models/llama.py +++ b/python/sglang/srt/models/llama.py @@ -24,10 +24,6 @@ from transformers import LlamaConfig from vllm.distributed import get_tensor_model_parallel_world_size from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.activation import SiluAndMul @@ -41,6 +37,10 @@ from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention from sglang.srt.layers.torchao_utils import apply_torchao_config_ +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.managers.schedule_batch import global_server_args_dict from sglang.srt.model_executor.forward_batch_info import ForwardBatch diff --git a/python/sglang/srt/models/minicpm.py b/python/sglang/srt/models/minicpm.py index 6436eb626e..0297f585be 100644 --- a/python/sglang/srt/models/minicpm.py +++ b/python/sglang/srt/models/minicpm.py @@ -22,10 +22,6 @@ from torch import nn from vllm.distributed import get_tensor_model_parallel_world_size from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.activation import SiluAndMul @@ -38,6 +34,10 @@ from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.model_executor.forward_batch_info import ForwardBatch diff --git a/python/sglang/srt/models/minicpm3.py b/python/sglang/srt/models/minicpm3.py index 9c8850787f..560f99b920 100644 --- a/python/sglang/srt/models/minicpm3.py +++ b/python/sglang/srt/models/minicpm3.py @@ -29,10 +29,6 @@ RowParallelLinear, ) from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.activation import SiluAndMul @@ -40,6 +36,10 @@ from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.managers.schedule_batch import global_server_args_dict from sglang.srt.model_executor.forward_batch_info import ForwardBatch from sglang.srt.utils import is_flashinfer_available diff --git a/python/sglang/srt/models/mixtral.py b/python/sglang/srt/models/mixtral.py index dc4198b524..5baf1e6f13 100644 --- a/python/sglang/srt/models/mixtral.py +++ b/python/sglang/srt/models/mixtral.py @@ -24,11 +24,6 @@ from vllm.distributed import get_tensor_model_parallel_world_size from vllm.model_executor.layers.fused_moe import FusedMoE from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - DEFAULT_VOCAB_PADDING_SIZE, - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.layernorm import RMSNorm @@ -41,6 +36,10 @@ from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention from sglang.srt.layers.torchao_utils import apply_torchao_config_ +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.managers.schedule_batch import global_server_args_dict from sglang.srt.model_executor.forward_batch_info import ForwardBatch diff --git a/python/sglang/srt/models/mixtral_quant.py b/python/sglang/srt/models/mixtral_quant.py index 7ceb990a81..924768932e 100644 --- a/python/sglang/srt/models/mixtral_quant.py +++ b/python/sglang/srt/models/mixtral_quant.py @@ -29,10 +29,6 @@ tensor_model_parallel_all_reduce, ) from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.layernorm import RMSNorm @@ -44,6 +40,10 @@ from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.model_executor.forward_batch_info import ForwardBatch diff --git a/python/sglang/srt/models/mllama.py b/python/sglang/srt/models/mllama.py index 7db6f0e1f1..63bbfdb7eb 100644 --- a/python/sglang/srt/models/mllama.py +++ b/python/sglang/srt/models/mllama.py @@ -15,11 +15,6 @@ _prepare_aspect_ratio_attention_mask, ) from vllm.distributed import get_tensor_model_parallel_world_size -from vllm.model_executor.layers.vocab_parallel_embedding import ( - DEFAULT_VOCAB_PADDING_SIZE, - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.activation import get_act_fn @@ -32,6 +27,11 @@ from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import ( + DEFAULT_VOCAB_PADDING_SIZE, + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.managers.schedule_batch import ImageInputs from sglang.srt.model_executor.forward_batch_info import ForwardBatch from sglang.srt.models.llama import LlamaDecoderLayer, LlamaMLP diff --git a/python/sglang/srt/models/olmo.py b/python/sglang/srt/models/olmo.py index 98b59853a6..2c594acc85 100755 --- a/python/sglang/srt/models/olmo.py +++ b/python/sglang/srt/models/olmo.py @@ -23,10 +23,6 @@ from transformers import OlmoConfig from vllm.distributed import get_tensor_model_parallel_world_size from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.activation import SiluAndMul @@ -38,6 +34,10 @@ from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.model_executor.forward_batch_info import ForwardBatch diff --git a/python/sglang/srt/models/olmoe.py b/python/sglang/srt/models/olmoe.py index 92352809f1..a33523847d 100644 --- a/python/sglang/srt/models/olmoe.py +++ b/python/sglang/srt/models/olmoe.py @@ -35,10 +35,6 @@ RowParallelLinear, ) from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from vllm.utils import print_warning_once @@ -47,6 +43,10 @@ from sglang.srt.layers.logits_processor import LogitsProcessor, LogitsProcessorOutput from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.model_executor.forward_batch_info import ForwardBatch diff --git a/python/sglang/srt/models/qwen.py b/python/sglang/srt/models/qwen.py index c69219d86a..85d9b9551d 100644 --- a/python/sglang/srt/models/qwen.py +++ b/python/sglang/srt/models/qwen.py @@ -22,10 +22,6 @@ from transformers import PretrainedConfig from vllm.distributed import get_tensor_model_parallel_world_size from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.activation import SiluAndMul @@ -38,6 +34,10 @@ from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.model_executor.forward_batch_info import ForwardBatch diff --git a/python/sglang/srt/models/qwen2.py b/python/sglang/srt/models/qwen2.py index bab09d37ce..796e34a4a4 100644 --- a/python/sglang/srt/models/qwen2.py +++ b/python/sglang/srt/models/qwen2.py @@ -22,10 +22,6 @@ from torch import nn from vllm.distributed import get_tensor_model_parallel_world_size from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.activation import SiluAndMul @@ -39,6 +35,10 @@ from sglang.srt.layers.pooler import Pooler, PoolingType from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.model_executor.forward_batch_info import ForwardBatch Qwen2Config = None diff --git a/python/sglang/srt/models/qwen2_moe.py b/python/sglang/srt/models/qwen2_moe.py index 860c00a7ec..7317ff7b59 100644 --- a/python/sglang/srt/models/qwen2_moe.py +++ b/python/sglang/srt/models/qwen2_moe.py @@ -29,10 +29,6 @@ ) from vllm.model_executor.layers.fused_moe import FusedMoE from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.activation import SiluAndMul @@ -47,6 +43,10 @@ from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention from sglang.srt.layers.torchao_utils import apply_torchao_config_ +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.managers.schedule_batch import global_server_args_dict from sglang.srt.model_executor.forward_batch_info import ForwardBatch diff --git a/python/sglang/srt/models/qwen2_vl.py b/python/sglang/srt/models/qwen2_vl.py index b1cc787710..80afee557d 100644 --- a/python/sglang/srt/models/qwen2_vl.py +++ b/python/sglang/srt/models/qwen2_vl.py @@ -35,7 +35,6 @@ from vllm.distributed import utils as dist_utils from vllm.logger import init_logger from vllm.model_executor.layers.activation import QuickGELU -from vllm.model_executor.layers.vocab_parallel_embedding import ParallelLMHead from vllm.model_executor.model_loader.weight_utils import default_weight_loader from vllm.model_executor.models.interfaces import SupportsMultiModal @@ -47,6 +46,7 @@ from sglang.srt.layers.linear import ColumnParallelLinear, RowParallelLinear from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig +from sglang.srt.layers.vocab_parallel_embedding import ParallelLMHead from sglang.srt.managers.schedule_batch import ImageInputs from sglang.srt.model_executor.forward_batch_info import ForwardBatch from sglang.srt.models.qwen2 import Qwen2Model diff --git a/python/sglang/srt/models/stablelm.py b/python/sglang/srt/models/stablelm.py index 6e6d5ea0e9..f1f35f7dfe 100644 --- a/python/sglang/srt/models/stablelm.py +++ b/python/sglang/srt/models/stablelm.py @@ -24,10 +24,6 @@ from transformers import PretrainedConfig from vllm.distributed import get_tensor_model_parallel_world_size from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.activation import SiluAndMul @@ -39,6 +35,10 @@ from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.model_executor.forward_batch_info import ForwardBatch diff --git a/python/sglang/srt/models/torch_native_llama.py b/python/sglang/srt/models/torch_native_llama.py index 29c92955fc..d9ce05b8a6 100644 --- a/python/sglang/srt/models/torch_native_llama.py +++ b/python/sglang/srt/models/torch_native_llama.py @@ -26,10 +26,6 @@ from transformers import LlamaConfig from vllm.distributed import get_tensor_model_parallel_world_size from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.activation import SiluAndMul @@ -38,6 +34,10 @@ from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention from sglang.srt.layers.torchao_utils import apply_torchao_config_ +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.managers.schedule_batch import global_server_args_dict from sglang.srt.model_executor.forward_batch_info import ForwardBatch diff --git a/python/sglang/srt/models/xverse.py b/python/sglang/srt/models/xverse.py index 42d873785e..56429a8b42 100644 --- a/python/sglang/srt/models/xverse.py +++ b/python/sglang/srt/models/xverse.py @@ -31,15 +31,15 @@ RowParallelLinear, ) from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.model_executor.model_runner import ForwardBatch diff --git a/python/sglang/srt/models/xverse_moe.py b/python/sglang/srt/models/xverse_moe.py index a5c5f4ccb7..44ace14530 100644 --- a/python/sglang/srt/models/xverse_moe.py +++ b/python/sglang/srt/models/xverse_moe.py @@ -34,15 +34,15 @@ RowParallelLinear, ) from vllm.model_executor.layers.rotary_embedding import get_rope -from vllm.model_executor.layers.vocab_parallel_embedding import ( - ParallelLMHead, - VocabParallelEmbedding, -) from vllm.model_executor.model_loader.weight_utils import default_weight_loader from sglang.srt.layers.logits_processor import LogitsProcessor from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention +from sglang.srt.layers.vocab_parallel_embedding import ( + ParallelLMHead, + VocabParallelEmbedding, +) from sglang.srt.model_executor.forward_batch_info import ForwardBatch From d86a2d6562840455281bfb7bd4a9a0bcc9461992 Mon Sep 17 00:00:00 2001 From: Yineng Zhang Date: Fri, 1 Nov 2024 14:29:20 +0800 Subject: [PATCH 06/44] minor: add human eval (#1754) --- .github/workflows/nightly-eval.yml | 7 +- test/srt/test_nightly_human_eval.py | 125 ++++++++++++++++++++++++++++ 2 files changed, 129 insertions(+), 3 deletions(-) create mode 100644 test/srt/test_nightly_human_eval.py diff --git a/.github/workflows/nightly-eval.yml b/.github/workflows/nightly-eval.yml index afc29beeeb..13911f989e 100644 --- a/.github/workflows/nightly-eval.yml +++ b/.github/workflows/nightly-eval.yml @@ -25,9 +25,10 @@ jobs: - name: Install dependencies run: | bash scripts/ci_install_dependency.sh + pip install --upgrade "evalplus[vllm] @ git+https://github.com/evalplus/evalplus" - - name: Nightly gsm8k Accuracy - timeout-minutes: 60 + - name: Nightly gsm8k and human eval Accuracy + timeout-minutes: 120 run: | cd test/srt - python3 test_nightly_gsm8k_eval.py + python3 test_nightly_human_eval.py diff --git a/test/srt/test_nightly_human_eval.py b/test/srt/test_nightly_human_eval.py new file mode 100644 index 0000000000..6d2ecee505 --- /dev/null +++ b/test/srt/test_nightly_human_eval.py @@ -0,0 +1,125 @@ +import os +import shutil +import signal +import subprocess +import unittest +from types import SimpleNamespace + +from test_nightly_gsm8k_eval import parse_models + +from sglang.srt.utils import kill_child_process +from sglang.test.test_utils import ( + DEFAULT_MODEL_NAME_FOR_NIGHTLY_EVAL_FP8_TP1, + DEFAULT_MODEL_NAME_FOR_NIGHTLY_EVAL_FP8_TP2, + DEFAULT_MODEL_NAME_FOR_NIGHTLY_EVAL_TP1, + DEFAULT_MODEL_NAME_FOR_NIGHTLY_EVAL_TP2, + DEFAULT_TIMEOUT_FOR_SERVER_LAUNCH, + DEFAULT_URL_FOR_TEST, + popen_launch_server, +) + + +class TestEvalAccuracyLarge(unittest.TestCase): + @classmethod + def setUpClass(cls): + cls.model_groups = [ + (parse_models(DEFAULT_MODEL_NAME_FOR_NIGHTLY_EVAL_TP1), False, False), + (parse_models(DEFAULT_MODEL_NAME_FOR_NIGHTLY_EVAL_TP2), False, True), + (parse_models(DEFAULT_MODEL_NAME_FOR_NIGHTLY_EVAL_FP8_TP1), True, False), + (parse_models(DEFAULT_MODEL_NAME_FOR_NIGHTLY_EVAL_FP8_TP2), True, True), + ] + cls.base_url = DEFAULT_URL_FOR_TEST + cls.process = None + cls.eval_process = None + + @classmethod + def tearDownClass(cls): + if cls.process: + kill_child_process(cls.process.pid) + if cls.eval_process: + kill_child_process(cls.eval_process.pid) + + def launch_server(self, model, is_fp8, is_tp2): + other_args = ["--log-level-http", "warning", "--trust-remote-code"] + if is_fp8: + if "Llama-3" in model or "gemma-2" in model: + # compressed-tensors + other_args.extend(["--kv-cache-dtype", "fp8_e5m2"]) + elif "Qwen2-72B-Instruct-FP8" in model: + # bug + other_args.extend(["--quantization", "fp8"]) + else: + other_args.extend( + ["--quantization", "fp8", "--kv-cache-dtype", "fp8_e5m2"] + ) + if is_tp2: + other_args.extend(["--tp", "2"]) + if "DeepSeek" in model: + other_args.extend(["--mem-frac", "0.85"]) + if "AWQ" in model: + other_args.extend(["--quantization", "awq"]) + elif "GPTQ" in model: + other_args.extend(["--quantization", "gptq"]) + + self.process = popen_launch_server( + model, + self.base_url, + timeout=DEFAULT_TIMEOUT_FOR_SERVER_LAUNCH, + other_args=other_args, + ) + + def run_evalplus(self, model): + print("Delete evalplus results") + shutil.rmtree("evalplus_results", ignore_errors=True) + cmd = [ + "evalplus.evaluate", + "--model", + model, + "--dataset", + "humaneval", + "--backend", + "openai", + "--base-url", + "http://localhost:6157/v1", + "--greedy", + ] + + try: + self.eval_process = subprocess.Popen( + cmd, + stdout=subprocess.PIPE, + stderr=subprocess.PIPE, + text=True, + preexec_fn=os.setsid, + ) + + stdout, stderr = self.eval_process.communicate(timeout=600) + + if self.eval_process.returncode != 0: + print(f"Fail to human eval model={model} err={stderr}") + + print("=" * 42) + print(stdout) + print("=" * 42) + except subprocess.TimeoutExpired: + if self.eval_process: + os.killpg(os.getpgid(self.eval_process.pid), signal.SIGTERM) + print(f"Timeout during evaluation for model={model}") + except Exception as e: + print(f"Error running evalplus for model={model} {str(e)}") + if self.eval_process: + os.killpg(os.getpgid(self.eval_process.pid), signal.SIGTERM) + + def test_human_eval_all_models(self): + for model_group, is_fp8, is_tp2 in self.model_groups: + for model in model_group: + # NOTE: only Llama for now + if "Llama" in model: + with self.subTest(model=model): + self.launch_server(model, is_fp8, is_tp2) + self.run_evalplus(model) + self.tearDownClass() + + +if __name__ == "__main__": + unittest.main() From 3bf3d011ed9650cd98b9c20bac86bebd6f87c7d9 Mon Sep 17 00:00:00 2001 From: Chayenne Date: Fri, 1 Nov 2024 00:51:15 -0700 Subject: [PATCH 07/44] Add vlm document (#1866) Co-authored-by: Chayenne --- docs/backend/embedding_model.ipynb | 192 ++-------- docs/backend/vision_language_model.ipynb | 431 +++++++++++++++++++++++ docs/index.rst | 1 + 3 files changed, 467 insertions(+), 157 deletions(-) create mode 100644 docs/backend/vision_language_model.ipynb diff --git a/docs/backend/embedding_model.ipynb b/docs/backend/embedding_model.ipynb index af985a87e1..589e668434 100644 --- a/docs/backend/embedding_model.ipynb +++ b/docs/backend/embedding_model.ipynb @@ -19,6 +19,7 @@ "## Launch A Server\n", "\n", "The following code is equivalent to running this in the shell:\n", + "\n", "```bash\n", "python -m sglang.launch_server --model-path Alibaba-NLP/gte-Qwen2-7B-instruct \\\n", " --port 30010 --host 0.0.0.0 --is-embedding\n", @@ -44,161 +45,38 @@ "output_type": "stream", "text": [ "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", - " warnings.warn(\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:47:37] server_args=ServerArgs(model_path='Alibaba-NLP/gte-Qwen2-7B-instruct', tokenizer_path='Alibaba-NLP/gte-Qwen2-7B-instruct', tokenizer_mode='auto', skip_tokenizer_init=False, load_format='auto', trust_remote_code=False, dtype='auto', kv_cache_dtype='auto', quantization=None, context_length=None, device='cuda', served_model_name='Alibaba-NLP/gte-Qwen2-7B-instruct', chat_template=None, is_embedding=True, host='0.0.0.0', port=30010, mem_fraction_static=0.88, max_running_requests=None, max_total_tokens=None, chunked_prefill_size=8192, max_prefill_tokens=16384, schedule_policy='lpm', schedule_conservativeness=1.0, tp_size=1, stream_interval=1, random_seed=314021918, constrained_json_whitespace_pattern=None, decode_log_interval=40, log_level='info', log_level_http=None, log_requests=False, show_time_cost=False, api_key=None, file_storage_pth='SGLang_storage', enable_cache_report=False, watchdog_timeout=600, dp_size=1, load_balance_method='round_robin', dist_init_addr=None, nnodes=1, node_rank=0, json_model_override_args='{}', enable_double_sparsity=False, ds_channel_config_path=None, ds_heavy_channel_num=32, ds_heavy_token_num=256, ds_heavy_channel_type='qk', ds_sparse_decode_threshold=4096, lora_paths=None, max_loras_per_batch=8, attention_backend='flashinfer', sampling_backend='flashinfer', grammar_backend='outlines', disable_flashinfer=False, disable_flashinfer_sampling=False, disable_radix_cache=False, disable_regex_jump_forward=False, disable_cuda_graph=False, disable_cuda_graph_padding=False, disable_disk_cache=False, disable_custom_all_reduce=False, disable_mla=False, disable_penalizer=False, disable_nan_detection=False, enable_overlap_schedule=False, enable_mixed_chunk=False, enable_torch_compile=False, torch_compile_max_bs=32, cuda_graph_max_bs=160, torchao_config='', enable_p2p_check=False, triton_attention_reduce_in_fp32=False, num_continuous_decode_steps=1)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ + " warnings.warn(\n", + "[2024-10-31 22:40:37] server_args=ServerArgs(model_path='Alibaba-NLP/gte-Qwen2-7B-instruct', tokenizer_path='Alibaba-NLP/gte-Qwen2-7B-instruct', tokenizer_mode='auto', skip_tokenizer_init=False, load_format='auto', trust_remote_code=False, dtype='auto', kv_cache_dtype='auto', quantization=None, context_length=None, device='cuda', served_model_name='Alibaba-NLP/gte-Qwen2-7B-instruct', chat_template=None, is_embedding=True, host='0.0.0.0', port=30010, mem_fraction_static=0.88, max_running_requests=None, max_total_tokens=None, chunked_prefill_size=8192, max_prefill_tokens=16384, schedule_policy='lpm', schedule_conservativeness=1.0, tp_size=1, stream_interval=1, random_seed=309155486, constrained_json_whitespace_pattern=None, decode_log_interval=40, log_level='info', log_level_http=None, log_requests=False, show_time_cost=False, api_key=None, file_storage_pth='SGLang_storage', enable_cache_report=False, watchdog_timeout=600, dp_size=1, load_balance_method='round_robin', dist_init_addr=None, nnodes=1, node_rank=0, json_model_override_args='{}', enable_double_sparsity=False, ds_channel_config_path=None, ds_heavy_channel_num=32, ds_heavy_token_num=256, ds_heavy_channel_type='qk', ds_sparse_decode_threshold=4096, lora_paths=None, max_loras_per_batch=8, attention_backend='flashinfer', sampling_backend='flashinfer', grammar_backend='outlines', disable_flashinfer=False, disable_flashinfer_sampling=False, disable_radix_cache=False, disable_regex_jump_forward=False, disable_cuda_graph=False, disable_cuda_graph_padding=False, disable_disk_cache=False, disable_custom_all_reduce=False, disable_mla=False, disable_penalizer=False, disable_nan_detection=False, enable_overlap_schedule=False, enable_mixed_chunk=False, enable_torch_compile=False, torch_compile_max_bs=32, cuda_graph_max_bs=160, torchao_config='', enable_p2p_check=False, triton_attention_reduce_in_fp32=False, num_continuous_decode_steps=1)\n", "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", " warnings.warn(\n", "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", - " warnings.warn(\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:47:43 TP0] Init torch distributed begin.\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:47:44 TP0] Load weight begin. avail mem=47.27 GB\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:47:44 TP0] lm_eval is not installed, GPTQ may not be usable\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "INFO 10-31 19:47:45 weight_utils.py:243] Using model weights format ['*.safetensors']\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\r", - "Loading safetensors checkpoint shards: 0% Completed | 0/7 [00:00

NOTE: Typically, the server runs in a separate terminal.
In this notebook, we run the server and notebook code together, so their outputs are combined.
To improve clarity, the server logs are displayed in the original black color, while the notebook outputs are highlighted in blue.
" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "from sglang.utils import (\n", + " execute_shell_command,\n", + " wait_for_server,\n", + " terminate_process,\n", + " print_highlight,\n", + ")\n", + "\n", + "embedding_process = execute_shell_command(\n", + " \"\"\"\n", + " python3 -m sglang.launch_server --model-path meta-llama/Llama-3.2-11B-Vision-Instruct \\\n", + " --port=30010 --chat-template=llama_3_vision\n", + "\n", + "\"\"\"\n", + ")\n", + "\n", + "wait_for_server(\"http://localhost:30010\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Use Curl" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + " % Total % Received % Xferd Average Speed Time Time Time Current\n", + " Dload Upload Total Spent Left Speed\n", + "100 559 0 0 100 559 0 253 0:00:02 0:00:02 --:--:-- 253" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/torch/storage.py:414: FutureWarning: You are using `torch.load` with `weights_only=False` (the current default value), which uses the default pickle module implicitly. It is possible to construct malicious pickle data which will execute arbitrary code during unpickling (See https://github.com/pytorch/pytorch/blob/main/SECURITY.md#untrusted-models for more details). In a future release, the default value for `weights_only` will be flipped to `True`. This limits the functions that could be executed during unpickling. Arbitrary objects will no longer be allowed to be loaded via this mode unless they are explicitly allowlisted by the user via `torch.serialization.add_safe_globals`. We recommend you start setting `weights_only=True` for any use case where you don't have full control of the loaded file. Please open an issue on GitHub for any issues related to this experimental feature.\n", + " return torch.load(io.BytesIO(b))\n", + "[2024-10-31 23:11:18 TP0] Prefill batch. #new-seq: 1, #new-token: 6463, #cached-token: 0, cache hit rate: 0.00%, token usage: 0.00, #running-req: 0, #queue-req: 0\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100 559 0 0 100 559 0 174 0:00:03 0:00:03 --:--:-- 174" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 23:11:20 TP0] Decode batch. #running-req: 1, #token: 6496, token usage: 0.05, gen throughput (token/s): 3.90, #queue-req: 0\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100 559 0 0 100 559 0 107 0:00:05 0:00:05 --:--:-- 107" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 23:11:21 TP0] Decode batch. #running-req: 1, #token: 6536, token usage: 0.05, gen throughput (token/s): 33.67, #queue-req: 0\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100 559 0 0 100 559 0 90 0:00:06 0:00:06 --:--:-- 0" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 23:11:22 TP0] Decode batch. #running-req: 1, #token: 6576, token usage: 0.05, gen throughput (token/s): 33.60, #queue-req: 0\n", + "[2024-10-31 23:11:22] INFO: 127.0.0.1:54224 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100 1544 100 985 100 559 142 80 0:00:06 0:00:06 --:--:-- 265\n" + ] + }, + { + "data": { + "text/html": [ + "{'id': 'f618453e8f3e4408b893a958f2868a44', 'object': 'chat.completion', 'created': 1730441482, 'model': 'meta-llama/Llama-3.2-11B-Vision-Instruct', 'choices': [{'index': 0, 'message': {'role': 'assistant', 'content': 'The image depicts a serene and peaceful landscape featuring a wooden boardwalk that meanders through a lush grassy field, set against a backdrop of trees and a bright blue sky with wispy clouds. The boardwalk is made of weathered wooden planks and is surrounded by tall grass on either side, creating a sense of depth and texture. The surrounding trees add a touch of natural beauty to the scene, while the blue sky with wispy clouds provides a sense of calmness and serenity. The overall atmosphere of the image is one of tranquility and relaxation, inviting the viewer to step into the peaceful world depicted.'}, 'logprobs': None, 'finish_reason': 'stop', 'matched_stop': 128009}], 'usage': {'prompt_tokens': 6463, 'total_tokens': 6588, 'completion_tokens': 125, 'prompt_tokens_details': None}}" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "import subprocess, json, os\n", + "\n", + "curl_command = \"\"\"\n", + "curl http://localhost:30010/v1/chat/completions \\\n", + " -H \"Content-Type: application/json\" \\\n", + " -H \"Authorization: Bearer None\" \\\n", + " -d '{\n", + " \"model\": \"meta-llama/Llama-3.2-11B-Vision-Instruct\",\n", + " \"messages\": [\n", + " {\n", + " \"role\": \"user\",\n", + " \"content\": [\n", + " {\n", + " \"type\": \"text\",\n", + " \"text\": \"What’s in this image?\"\n", + " },\n", + " {\n", + " \"type\": \"image_url\",\n", + " \"image_url\": {\n", + " \"url\": \"https://upload.wikimedia.org/wikipedia/commons/thumb/d/dd/Gfp-wisconsin-madison-the-nature-boardwalk.jpg/2560px-Gfp-wisconsin-madison-the-nature-boardwalk.jpg\"\n", + " }\n", + " }\n", + " ]\n", + " }\n", + " ],\n", + " \"max_tokens\": 300\n", + " }'\n", + "\"\"\"\n", + "\n", + "response = json.loads(subprocess.check_output(curl_command, shell=True))\n", + "print_highlight(response)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Using OpenAI Compatible API" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 23:11:23 TP0] Prefill batch. #new-seq: 1, #new-token: 6463, #cached-token: 0, cache hit rate: 0.00%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", + "[2024-10-31 23:11:24 TP0] Decode batch. #running-req: 1, #token: 6492, token usage: 0.05, gen throughput (token/s): 20.07, #queue-req: 0\n", + "[2024-10-31 23:11:25 TP0] Decode batch. #running-req: 1, #token: 6532, token usage: 0.05, gen throughput (token/s): 33.68, #queue-req: 0\n", + "[2024-10-31 23:11:26 TP0] Decode batch. #running-req: 1, #token: 6572, token usage: 0.05, gen throughput (token/s): 33.62, #queue-req: 0\n", + "[2024-10-31 23:11:27 TP0] Decode batch. #running-req: 1, #token: 6612, token usage: 0.05, gen throughput (token/s): 33.62, #queue-req: 0\n", + "[2024-10-31 23:11:28] INFO: 127.0.0.1:54228 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" + ] + }, + { + "data": { + "text/html": [ + "The image depicts a serene and peaceful scene of a wooden boardwalk leading through a lush field of tall grass, set against a backdrop of trees and a blue sky with clouds. The boardwalk is made of light-colored wood and has a simple design, with the wooden planks running parallel to each other. It stretches out into the distance, disappearing into the horizon.

The field is filled with tall, vibrant green grass that sways gently in the breeze, creating a sense of movement and life. The trees in the background are also lush and green, adding depth and texture to the scene. The blue sky above is dotted with white clouds, which are scattered across the horizon. The overall atmosphere of the image is one of tranquility and serenity, inviting the viewer to step into the peaceful world depicted.
" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "import base64, requests\n", + "from openai import OpenAI\n", + "\n", + "client = OpenAI(base_url=\"http://localhost:30010/v1\", api_key=\"None\")\n", + "\n", + "\n", + "def encode_image(image_path):\n", + " with open(image_path, \"rb\") as image_file:\n", + " return base64.b64encode(image_file.read()).decode(\"utf-8\")\n", + "\n", + "\n", + "def download_image(image_url, image_path):\n", + " response = requests.get(image_url)\n", + " response.raise_for_status()\n", + " with open(image_path, \"wb\") as f:\n", + " f.write(response.content)\n", + "\n", + "\n", + "image_url = \"https://upload.wikimedia.org/wikipedia/commons/thumb/d/dd/Gfp-wisconsin-madison-the-nature-boardwalk.jpg/2560px-Gfp-wisconsin-madison-the-nature-boardwalk.jpg\"\n", + "image_path = \"boardwalk.jpeg\"\n", + "download_image(image_url, image_path)\n", + "\n", + "base64_image = encode_image(image_path)\n", + "\n", + "response = client.chat.completions.create(\n", + " model=\"meta-llama/Llama-3.2-11B-Vision-Instruct\",\n", + " messages=[\n", + " {\n", + " \"role\": \"user\",\n", + " \"content\": [\n", + " {\n", + " \"type\": \"text\",\n", + " \"text\": \"What is in this image?\",\n", + " },\n", + " {\n", + " \"type\": \"image_url\",\n", + " \"image_url\": {\"url\": f\"data:image/jpeg;base64,{base64_image}\"},\n", + " },\n", + " ],\n", + " }\n", + " ],\n", + " max_tokens=300,\n", + ")\n", + "\n", + "print_highlight(response.choices[0].message.content)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Multiple Images Input" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-10-31 23:11:28 TP0] Prefill batch. #new-seq: 1, #new-token: 12871, #cached-token: 0, cache hit rate: 0.00%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", + "[2024-10-31 23:11:30 TP0] Decode batch. #running-req: 1, #token: 12899, token usage: 0.10, gen throughput (token/s): 15.36, #queue-req: 0\n", + "[2024-10-31 23:11:31 TP0] Decode batch. #running-req: 1, #token: 12939, token usage: 0.10, gen throughput (token/s): 33.33, #queue-req: 0\n", + "[2024-10-31 23:11:32 TP0] Decode batch. #running-req: 1, #token: 12979, token usage: 0.10, gen throughput (token/s): 33.28, #queue-req: 0\n", + "[2024-10-31 23:11:33] INFO: 127.0.0.1:50966 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n", + "Choice(finish_reason='stop', index=0, logprobs=None, message=ChatCompletionMessage(content='The two images depict a serene and idyllic scene, with the first image showing a well-trodden wooden path through a field, while the second image shows an overgrown, less-traveled path through the same field. The first image features a clear and well-maintained wooden path, whereas the second image shows a more neglected and overgrown path that is not as well-defined. The first image has a more vibrant and inviting atmosphere, while the second image appears more peaceful and serene. Overall, both images evoke a sense of tranquility and connection to nature.', refusal=None, role='assistant', function_call=None, tool_calls=None), matched_stop=128009)\n" + ] + } + ], + "source": [ + "from openai import OpenAI\n", + "\n", + "client = OpenAI(base_url=\"http://localhost:30010/v1\", api_key=\"None\")\n", + "\n", + "response = client.chat.completions.create(\n", + " model=\"meta-llama/Llama-3.2-11B-Vision-Instruct\",\n", + " messages=[\n", + " {\n", + " \"role\": \"user\",\n", + " \"content\": [\n", + " {\n", + " \"type\": \"text\",\n", + " \"text\": \"Are there any differences between these two images?\",\n", + " },\n", + " {\n", + " \"type\": \"image_url\",\n", + " \"image_url\": {\n", + " \"url\": \"https://upload.wikimedia.org/wikipedia/commons/thumb/d/dd/Gfp-wisconsin-madison-the-nature-boardwalk.jpg/2560px-Gfp-wisconsin-madison-the-nature-boardwalk.jpg\",\n", + " },\n", + " },\n", + " {\n", + " \"type\": \"image_url\",\n", + " \"image_url\": {\n", + " \"url\": \"https://upload.wikimedia.org/wikipedia/commons/thumb/d/dd/Gfp-wisconsin-madison-the-nature-boardwalk.jpg/2560px-Gfp-wisconsin-madison-the-nature-boardwalk.jpg\",\n", + " },\n", + " },\n", + " ],\n", + " }\n", + " ],\n", + " max_tokens=300,\n", + ")\n", + "print(response.choices[0])" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [], + "source": [ + "terminate_process(embedding_process)\n", + "os.remove(image_path)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Chat Template\n", + "\n", + "As mentioned before, if you do not specify a vision model's `chat-template`, the server uses Hugging Face's default template, which only supports text.\n", + "\n", + "You can add your custom chat template by referring to the [custom chat template](../references/custom_chat_template.md).\n", + "\n", + "We list popular vision models with their chat templates:\n", + "\n", + "- [meta-llama/Llama-3.2-Vision](https://huggingface.co/meta-llama/Llama-3.2-11B-Vision-Instruct) uses `llama_3_vision`.\n", + "- [LLaVA-NeXT](https://huggingface.co/collections/lmms-lab/llava-next-6623288e2d61edba3ddbf5ff) uses `chatml-llava`.\n", + "- [llama3-llava-next](https://huggingface.co/lmms-lab/llama3-llava-next-8b) uses `llava_llama_3`.\n", + "- [llava-onevision](https://huggingface.co/lmms-lab/llava-onevision-qwen2-7b-ov) uses `chatml-llava`.\n", + "- [liuhaotian/llava-v1.5 / 1.6](https://huggingface.co/liuhaotian/llava-v1.5-13b) uses `vicuna_v1.1`." + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "AlphaMeemory", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.11.7" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/docs/index.rst b/docs/index.rst index 4206552410..6601c57d51 100644 --- a/docs/index.rst +++ b/docs/index.rst @@ -24,6 +24,7 @@ The core features include: :caption: Backend Tutorial backend/openai_api.ipynb + backend/vision_language_model.ipynb backend/backend.md From 104bf2609b1adf182a8c34a533b500914a219b8d Mon Sep 17 00:00:00 2001 From: Yineng Zhang Date: Fri, 1 Nov 2024 21:38:29 +0800 Subject: [PATCH 08/44] minor: update nightly eval (#1867) --- .github/workflows/nightly-eval.yml | 1 + test/srt/test_nightly_gsm8k_eval.py | 60 ++++++++++++++--------------- test/srt/test_nightly_human_eval.py | 35 ++--------------- 3 files changed, 35 insertions(+), 61 deletions(-) diff --git a/.github/workflows/nightly-eval.yml b/.github/workflows/nightly-eval.yml index 13911f989e..a397866119 100644 --- a/.github/workflows/nightly-eval.yml +++ b/.github/workflows/nightly-eval.yml @@ -32,3 +32,4 @@ jobs: run: | cd test/srt python3 test_nightly_human_eval.py + python3 test_nightly_gsm8k_eval.py diff --git a/test/srt/test_nightly_gsm8k_eval.py b/test/srt/test_nightly_gsm8k_eval.py index b035db52b3..49ef46169d 100644 --- a/test/srt/test_nightly_gsm8k_eval.py +++ b/test/srt/test_nightly_gsm8k_eval.py @@ -19,6 +19,35 @@ def parse_models(model_string): return [model.strip() for model in model_string.split(",") if model.strip()] +def launch_server(base_url, model, is_fp8, is_tp2): + other_args = ["--log-level-http", "warning", "--trust-remote-code"] + if is_fp8: + if "Llama-3" in model or "gemma-2" in model: + # compressed-tensors + other_args.extend(["--kv-cache-dtype", "fp8_e5m2"]) + elif "Qwen2-72B-Instruct-FP8" in model: + # bug + other_args.extend(["--quantization", "fp8"]) + else: + other_args.extend(["--quantization", "fp8", "--kv-cache-dtype", "fp8_e5m2"]) + if is_tp2: + other_args.extend(["--tp", "2"]) + if "DeepSeek" in model: + other_args.extend(["--mem-frac", "0.85"]) + if "AWQ" in model: + other_args.extend(["--quantization", "awq"]) + elif "GPTQ" in model: + other_args.extend(["--quantization", "gptq"]) + + process = popen_launch_server( + model, + base_url, + timeout=DEFAULT_TIMEOUT_FOR_SERVER_LAUNCH, + other_args=other_args, + ) + return process + + class TestEvalAccuracyLarge(unittest.TestCase): @classmethod def setUpClass(cls): @@ -38,40 +67,11 @@ def tearDown(self): if self.process: kill_child_process(self.process.pid, include_self=True) - def launch_server(self, model, is_fp8, is_tp2): - other_args = ["--log-level-http", "warning", "--trust-remote-code"] - if is_fp8: - if "Llama-3" in model or "gemma-2" in model: - # compressed-tensors - other_args.extend(["--kv-cache-dtype", "fp8_e5m2"]) - elif "Qwen2-72B-Instruct-FP8" in model: - # bug - other_args.extend(["--quantization", "fp8"]) - else: - other_args.extend( - ["--quantization", "fp8", "--kv-cache-dtype", "fp8_e5m2"] - ) - if is_tp2: - other_args.extend(["--tp", "2"]) - if "DeepSeek" in model: - other_args.extend(["--mem-frac", "0.85"]) - if "AWQ" in model: - other_args.extend(["--quantization", "awq"]) - elif "GPTQ" in model: - other_args.extend(["--quantization", "gptq"]) - - self.process = popen_launch_server( - model, - self.base_url, - timeout=DEFAULT_TIMEOUT_FOR_SERVER_LAUNCH, - other_args=other_args, - ) - def test_mgsm_en_all_models(self): for model_group, is_fp8, is_tp2 in self.model_groups: for model in model_group: with self.subTest(model=model): - self.launch_server(model, is_fp8, is_tp2) + self.process = launch_server(self.base_url, model, is_fp8, is_tp2) args = SimpleNamespace( base_url=self.base_url, diff --git a/test/srt/test_nightly_human_eval.py b/test/srt/test_nightly_human_eval.py index 6d2ecee505..9028b10450 100644 --- a/test/srt/test_nightly_human_eval.py +++ b/test/srt/test_nightly_human_eval.py @@ -5,7 +5,7 @@ import unittest from types import SimpleNamespace -from test_nightly_gsm8k_eval import parse_models +from test_nightly_gsm8k_eval import launch_server, parse_models from sglang.srt.utils import kill_child_process from sglang.test.test_utils import ( @@ -39,35 +39,6 @@ def tearDownClass(cls): if cls.eval_process: kill_child_process(cls.eval_process.pid) - def launch_server(self, model, is_fp8, is_tp2): - other_args = ["--log-level-http", "warning", "--trust-remote-code"] - if is_fp8: - if "Llama-3" in model or "gemma-2" in model: - # compressed-tensors - other_args.extend(["--kv-cache-dtype", "fp8_e5m2"]) - elif "Qwen2-72B-Instruct-FP8" in model: - # bug - other_args.extend(["--quantization", "fp8"]) - else: - other_args.extend( - ["--quantization", "fp8", "--kv-cache-dtype", "fp8_e5m2"] - ) - if is_tp2: - other_args.extend(["--tp", "2"]) - if "DeepSeek" in model: - other_args.extend(["--mem-frac", "0.85"]) - if "AWQ" in model: - other_args.extend(["--quantization", "awq"]) - elif "GPTQ" in model: - other_args.extend(["--quantization", "gptq"]) - - self.process = popen_launch_server( - model, - self.base_url, - timeout=DEFAULT_TIMEOUT_FOR_SERVER_LAUNCH, - other_args=other_args, - ) - def run_evalplus(self, model): print("Delete evalplus results") shutil.rmtree("evalplus_results", ignore_errors=True) @@ -116,7 +87,9 @@ def test_human_eval_all_models(self): # NOTE: only Llama for now if "Llama" in model: with self.subTest(model=model): - self.launch_server(model, is_fp8, is_tp2) + self.process = launch_server( + self.base_url, model, is_fp8, is_tp2 + ) self.run_evalplus(model) self.tearDownClass() From d59a47828cb8983704b9438b6207d38564b46fdc Mon Sep 17 00:00:00 2001 From: "jacky.cheng" Date: Sat, 2 Nov 2024 03:12:59 +0800 Subject: [PATCH 09/44] [3rdparty, document] Updated Documentation that covers performance tuning techniques for AMD Instinct GPUs. (#1871) Co-authored-by: root --- 3rdparty/amd/tuning/TUNING.md | 94 +++++++++++++++++++++++++++++++++-- 1 file changed, 91 insertions(+), 3 deletions(-) diff --git a/3rdparty/amd/tuning/TUNING.md b/3rdparty/amd/tuning/TUNING.md index 00f995ebbc..9a37a4384e 100644 --- a/3rdparty/amd/tuning/TUNING.md +++ b/3rdparty/amd/tuning/TUNING.md @@ -2,12 +2,100 @@ This AppNote describes the SGLang performance tuning technical, code harness and running steps for systems with AMD Instinct GPUs. Harness code, examples and steps are provided in detail, to facilitate easy reproduce & use to tune performance towards workloads. Three primary runtime areas are covered: -- Triton Kernels +## 1. Triton Kernels +To maximize Triton kernel efficiency, several strategies can be employed: -- Torch Tunable Ops +### Key Environment Variables: +- **num_stages**: Adjusts the number of pipeline stages to optimize kernel efficiency based on the specific type of operations (e.g., General Matrix Multiplication - GEMM). +- **waves_per_eu**: Controls the usage of Vector General Purpose Registers (VGPR) to enhance occupancy, thereby improving latency or throughput. +- **BLOCK_M, BLOCK_N, BLOCK_K**: Tunable tile sizes that assist in balancing memory transfer and computational efficiency. +- **matrix_instr_nonkdim**: Optimizes the usage of Matrix-Fused Multiply-Add (MFMA) instructions for specific kernel types, such as Flash Attention. +- **OPTIMIZE_EPILOGUE**: An environment variable that can be set to `1` to enhance performance by eliminating the `convert_layout` operation in the kernel's epilogue. +```python +@triton.autotune(configs=[ + triton.Config({'waves_per_eu': 1}, num_warps=4, num_stages=1), + triton.Config({'waves_per_eu': 1}, num_warps=8, num_stages=1), + triton.Config({'waves_per_eu': 1}, num_warps=16, num_stages=1), + triton.Config({'waves_per_eu': 2}, num_warps=4, num_stages=1), + triton.Config({'waves_per_eu': 2}, num_warps=8, num_stages=1), + triton.Config({'waves_per_eu': 2}, num_warps=16, num_stages=1), + triton.Config({'waves_per_eu': 4}, num_warps=4, num_stages=1), + triton.Config({'waves_per_eu': 4}, num_warps=8, num_stages=1), + triton.Config({'waves_per_eu': 4}, num_warps=16, num_stages=1), + ], key=['BLOCK_N', 'NUM_TOKEN_BLKS'], use_cuda_graph=True) +@triton.jit +def _triton_kernel_funtion(): + ... +``` +## 2. Torch Tunable Operations +**TunableOp** is a feature in PyTorch that allows for the definition and optimization of custom kernels with tunable parameters. This feature is particularly useful for enhancing the performance of kernels by experimenting with different configurations. +### Key Environment Variables: +1. **PYTORCH_TUNABLEOP_ENABLED**: + - Default: `0` + - Set to `1` to enable TunableOp. -- Torch Compile +2. **PYTORCH_TUNABLEOP_TUNING**: + - Default: `1` + - Set to `0` to disable tuning. If a tuned entry is not found, it will run the tuning step and record the entry when PYTORCH_TUNABLEOP_ENABLED is enabled. +3. **PYTORCH_TUNABLEOP_VERBOSE**: + - Default: `0` + - Set to `1` to enable verbose output for TunableOp. +### Usage Example: +To enable TunableOp and tuning, and optionally enable verbose mode, you can run the following command in your terminal: + +```bash +#Tuning +PYTORCH_TUNABLEOP_ENABLED=1 PYTORCH_TUNABLEOP_TUNING=1 your_script.sh + +#Inference with tuning op +PYTORCH_TUNABLEOP_ENABLED=1 PYTORCH_TUNABLEOP_TUNING=0 your_script.sh + +#Print out the log +PYTORCH_TUNABLEOP_ENABLED=1 PYTORCH_TUNABLEOP_TUNING=0 PYTORCH_TUNABLEOP_VERBOSE=1 your_script.sh + +``` +## 3. Torch Compilation + + +The following are suggestions for optimizing matrix multiplication (GEMM) and convolution (conv) operations in PyTorch using Inductor, a part of the PyTorch compilation framework. The goal is to leverage Triton to achieve better performance. + +To tune Triton kernels with GEMM and convolution ops (conv), use the `torch.compile` function with the max-autotune mode. This benchmarks a predefined list of Triton configurations and selects the fastest one for each shape. + +### Key Configurations: +1. **Max Autotune**: + - Set `torch._inductor.config.max_autotune = True` or `TORCHINDUCTOR_MAX_AUTOTUNE=1`. + +2. **Fine-Grained Control**: + - Enable GEMM tuning: `torch._inductor.config.max_autotune_gemm = True`. + - Enable tuning for pointwise/reduction ops: `torch._inductor.config.max_autotune.pointwise = True`. + +3. **Backend Selection**: + - Use `torch._inductor.max_autotune_gemm_backends` to limit backends to TRITON for better performance. + +4. **Freezing for Inference**: + - Use `torch._inductor.config.freezing=True` to enable constant folding optimizations. + +5. **Debugging**: + - Set `TORCH_COMPILE_DEBUG=1` to extract Triton kernels generated by Inductor. + +### Example Code Block: +```bash +#Gemm Tuning +TORCHINDUCTOR_MAX_AUTOTUNE=1 TORCHINDUCTOR_COORDINATE_DESCENT_TUNING=1 your_script.sh + +#Specify your backend to TRITON for Gemm Tuning +TORCHINDUCTOR_MAX_AUTOTUNE=1 TORCHINDUCTOR_COORDINATE_DESCENT_TUNING=1 TORCHINDUCTOR_MAX_AUTOTUNE_GEMM_BACKENDS=TRITON your_script.sh + +#Inference with large improvement on AMD GPU +TORCHINDUCTOR_FREEZING=1 your_script.sh +``` + +## Reference + +For more detailed information on tuning SGLang performance with AMD GPUs, please refer to the following link: + +[ROCm Documentation: Triton Kernel Performance Optimization](https://rocm.docs.amd.com/en/latest/how-to/tuning-guides/mi300x/workload.html#triton-kernel-performance-optimization) \ No newline at end of file From d1b31b06842829cbb8516271f28af4bedce00546 Mon Sep 17 00:00:00 2001 From: Lianmin Zheng Date: Fri, 1 Nov 2024 17:47:44 -0700 Subject: [PATCH 10/44] Improve docs and fix the broken links (#1875) --- docs/backend/backend.md | 3 +- ...api.ipynb => openai_api_completions.ipynb} | 313 ++++--------- docs/backend/openai_api_vision.ipynb | 382 ++++++++++++++++ docs/backend/vision_language_model.ipynb | 431 ------------------ docs/index.rst | 6 +- docs/references/custom_chat_template.md | 2 + docs/references/sampling_params.md | 2 + docs/starts/send_request.ipynb | 342 ++++++-------- test/srt/test_vision_openai_server.py | 2 +- 9 files changed, 607 insertions(+), 876 deletions(-) rename docs/backend/{openai_api.ipynb => openai_api_completions.ipynb} (80%) create mode 100644 docs/backend/openai_api_vision.ipynb delete mode 100644 docs/backend/vision_language_model.ipynb diff --git a/docs/backend/backend.md b/docs/backend/backend.md index 47298c0390..3692d7217b 100644 --- a/docs/backend/backend.md +++ b/docs/backend/backend.md @@ -84,7 +84,8 @@ python -m sglang.launch_server --model-path meta-llama/Meta-Llama-3-8B-Instruct - To enable torchao quantization, add `--torchao-config int4wo-128`. It supports various quantization strategies. - To enable fp8 weight quantization, add `--quantization fp8` on a fp16 checkpoint or directly load a fp8 checkpoint without specifying any arguments. - To enable fp8 kv cache quantization, add `--kv-cache-dtype fp8_e5m2`. -- If the model does not have a chat template in the Hugging Face tokenizer, you can specify a [custom chat template](https://sgl-project.github.io/custom_chat_template.html). +- If the model does not have a chat template in the Hugging Face tokenizer, you can specify a [custom chat template](https://sgl-project.github.io/references/custom_chat_template.html). + - To run tensor parallelism on multiple nodes, add `--nnodes 2`. If you have two nodes with two GPUs on each node and want to run TP=4, let `sgl-dev-0` be the hostname of the first node and `50000` be an available port, you can use the following commands. If you meet deadlock, please try to add `--disable-cuda-graph` ``` # Node 0 diff --git a/docs/backend/openai_api.ipynb b/docs/backend/openai_api_completions.ipynb similarity index 80% rename from docs/backend/openai_api.ipynb rename to docs/backend/openai_api_completions.ipynb index 9b9ba7ab0b..dc89500f62 100644 --- a/docs/backend/openai_api.ipynb +++ b/docs/backend/openai_api_completions.ipynb @@ -4,166 +4,74 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "# OpenAI Compatible API\n", + "# OpenAI-Compatible APIs - Completions\n", "\n", - "SGLang provides an OpenAI compatible API for smooth transition from OpenAI services. Full reference of the API is available at [OpenAI API Reference](https://platform.openai.com/docs/api-reference).\n", + "SGLang provides OpenAI-compatible APIs to enable a smooth transition from OpenAI services to self-hosted local models.\n", + "A complete reference for the API is available in the [OpenAI API Reference](https://platform.openai.com/docs/api-reference).\n", "\n", - "This tutorial covers these popular APIs:\n", + "This tutorial covers the following popular APIs:\n", "\n", "- `chat/completions`\n", "- `completions`\n", "- `batches`\n", - "- `embeddings`(refer to [embedding_model.ipynb](embedding_model.ipynb))" + "\n", + "Check out other tutorials to learn about vision APIs for vision-language models and embedding APIs for embedding models." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "## Chat Completions\n", + "## Launch A Server\n", "\n", - "### Usage\n", + "This code block is equivalent to executing \n", "\n", - "Similar to [send_request.ipynb](send_request.ipynb), we can send a chat completion request to SGLang server with OpenAI API format." + "```bash\n", + "python -m sglang.launch_server --model-path meta-llama/Meta-Llama-3.1-8B-Instruct \\\n", + "--port 30000 --host 0.0.0.0\n", + "```\n", + "\n", + "in your terminal and wait for the server to be ready." ] }, { "cell_type": "code", "execution_count": 1, - "metadata": { - "execution": { - "iopub.execute_input": "2024-11-01T02:44:46.419815Z", - "iopub.status.busy": "2024-11-01T02:44:46.419509Z", - "iopub.status.idle": "2024-11-01T02:45:16.621648Z", - "shell.execute_reply": "2024-11-01T02:45:16.620659Z" - } - }, + "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", - " warnings.warn(\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:44:51] server_args=ServerArgs(model_path='meta-llama/Meta-Llama-3.1-8B-Instruct', tokenizer_path='meta-llama/Meta-Llama-3.1-8B-Instruct', tokenizer_mode='auto', skip_tokenizer_init=False, load_format='auto', trust_remote_code=False, dtype='auto', kv_cache_dtype='auto', quantization=None, context_length=None, device='cuda', served_model_name='meta-llama/Meta-Llama-3.1-8B-Instruct', chat_template=None, is_embedding=False, host='0.0.0.0', port=30000, mem_fraction_static=0.88, max_running_requests=None, max_total_tokens=None, chunked_prefill_size=8192, max_prefill_tokens=16384, schedule_policy='lpm', schedule_conservativeness=1.0, tp_size=1, stream_interval=1, random_seed=357249111, constrained_json_whitespace_pattern=None, decode_log_interval=40, log_level='info', log_level_http=None, log_requests=False, show_time_cost=False, api_key=None, file_storage_pth='SGLang_storage', enable_cache_report=False, watchdog_timeout=600, dp_size=1, load_balance_method='round_robin', dist_init_addr=None, nnodes=1, node_rank=0, json_model_override_args='{}', enable_double_sparsity=False, ds_channel_config_path=None, ds_heavy_channel_num=32, ds_heavy_token_num=256, ds_heavy_channel_type='qk', ds_sparse_decode_threshold=4096, lora_paths=None, max_loras_per_batch=8, attention_backend='flashinfer', sampling_backend='flashinfer', grammar_backend='outlines', disable_flashinfer=False, disable_flashinfer_sampling=False, disable_radix_cache=False, disable_regex_jump_forward=False, disable_cuda_graph=False, disable_cuda_graph_padding=False, disable_disk_cache=False, disable_custom_all_reduce=False, disable_mla=False, disable_penalizer=False, disable_nan_detection=False, enable_overlap_schedule=False, enable_mixed_chunk=False, enable_torch_compile=False, torch_compile_max_bs=32, cuda_graph_max_bs=160, torchao_config='', enable_p2p_check=False, triton_attention_reduce_in_fp32=False, num_continuous_decode_steps=1)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", - " warnings.warn(\n", - "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", - " warnings.warn(\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:44:57 TP0] Init torch distributed begin.\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:44:58 TP0] Load weight begin. avail mem=47.27 GB\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:44:59 TP0] lm_eval is not installed, GPTQ may not be usable\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "INFO 10-31 19:44:59 weight_utils.py:243] Using model weights format ['*.safetensors']\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\r", - "Loading safetensors checkpoint shards: 0% Completed | 0/4 [00:00Response: ChatCompletion(id='e04fce6c460d4764af68007fc82763e1', choices=[Choice(finish_reason='stop', index=0, logprobs=None, message=ChatCompletionMessage(content='Here are 3 countries and their capitals:\\n\\n1. **Country:** Japan\\n**Capital:** Tokyo\\n\\n2. **Country:** Australia\\n**Capital:** Canberra\\n\\n3. **Country:** Brazil\\n**Capital:** Brasília', refusal=None, role='assistant', function_call=None, tool_calls=None), matched_stop=128009)], created=1730429118, model='meta-llama/Meta-Llama-3.1-8B-Instruct', object='chat.completion', service_tier=None, system_fingerprint=None, usage=CompletionUsage(completion_tokens=46, prompt_tokens=49, total_tokens=95, prompt_tokens_details=None))" + "Response: ChatCompletion(id='bb74a7e9fcae4df7af2ee59e25aa75a5', choices=[Choice(finish_reason='stop', index=0, logprobs=None, message=ChatCompletionMessage(content='Here are 3 countries and their capitals:\\n\\n1. **Country:** Japan\\n**Capital:** Tokyo\\n\\n2. **Country:** Australia\\n**Capital:** Canberra\\n\\n3. **Country:** Brazil\\n**Capital:** Brasília', refusal=None, role='assistant', audio=None, function_call=None, tool_calls=None), matched_stop=128009)], created=1730506084, model='meta-llama/Meta-Llama-3.1-8B-Instruct', object='chat.completion', service_tier=None, system_fingerprint=None, usage=CompletionUsage(completion_tokens=46, prompt_tokens=49, total_tokens=95, completion_tokens_details=None, prompt_tokens_details=None))" ], "text/plain": [ "" @@ -285,41 +194,17 @@ "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-31 19:45:18 TP0] Prefill batch. #new-seq: 1, #new-token: 48, #cached-token: 28, cache hit rate: 21.97%, token usage: 0.00, #running-req: 0, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:18 TP0] Decode batch. #running-req: 1, #token: 104, token usage: 0.00, gen throughput (token/s): 39.15, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:19 TP0] Decode batch. #running-req: 1, #token: 144, token usage: 0.00, gen throughput (token/s): 41.80, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:20 TP0] Decode batch. #running-req: 1, #token: 184, token usage: 0.00, gen throughput (token/s): 41.81, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:21] INFO: 127.0.0.1:37738 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" + "[2024-11-02 00:08:08 TP0] Prefill batch. #new-seq: 1, #new-token: 48, #cached-token: 28, cache hit rate: 21.97%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", + "[2024-11-02 00:08:08 TP0] Decode batch. #running-req: 1, #token: 104, token usage: 0.00, gen throughput (token/s): 9.89, #queue-req: 0\n", + "[2024-11-02 00:08:09 TP0] Decode batch. #running-req: 1, #token: 144, token usage: 0.00, gen throughput (token/s): 132.64, #queue-req: 0\n", + "[2024-11-02 00:08:09 TP0] Decode batch. #running-req: 1, #token: 184, token usage: 0.00, gen throughput (token/s): 132.28, #queue-req: 0\n", + "[2024-11-02 00:08:09] INFO: 127.0.0.1:51178 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" ] }, { "data": { "text/html": [ - "Ancient Rome's major achievements include:

1. **Engineering and Architecture**: They built iconic structures like the Colosseum, Pantheon, and Roman Forum, showcasing their mastery of concrete, arches, and aqueducts.
2. **Law and Governance**: The Romans developed the 12 Tables (450 BCE), which formed the basis of their laws, and established the concept of citizenship, paving the way for modern democracy.
3. **Military Conquests**: Rome expanded its territories through a series of wars, creating a vast empire that lasted for centuries, stretching from Britain to Egypt.
4. **Language and Literature**: Latin became
" + "Ancient Rome's major achievements include:

1. **Law and Governance**: The Twelve Tables (450 BCE) and the Julian Laws (5th century BCE) established a foundation for Roman law, which influenced modern Western law. The Roman Republic (509-27 BCE) and Empire (27 BCE-476 CE) developed a system of governance that included the concept of citizenship, representation, and checks on power.

2. **Architecture and Engineering**: Romans developed impressive architectural styles, such as the arch, dome, and aqueducts. Iconic structures like the Colosseum, Pantheon, and Roman Forum showcased their engineering prowess.

" ], "text/plain": [ "" @@ -379,37 +264,9 @@ "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-31 19:45:21] INFO: 127.0.0.1:37738 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n", - "[2024-10-31 19:45:21 TP0] Prefill batch. #new-seq: 1, #new-token: 15, #cached-token: 25, cache hit rate: 31.40%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "It looks like you're ready to" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - " begin" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - ". What kind of test would you like" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - " to" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - " conduct?" + "[2024-11-02 00:08:19] INFO: 127.0.0.1:44218 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n", + "[2024-11-02 00:08:19 TP0] Prefill batch. #new-seq: 1, #new-token: 15, #cached-token: 25, cache hit rate: 31.40%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", + "This is only a test." ] } ], @@ -432,7 +289,7 @@ "\n", "### Usage\n", "\n", - "Completions API is similar to Chat Completions API, but without the `messages` parameter." + "Completions API is similar to Chat Completions API, but without the `messages` parameter or chat templates." ] }, { @@ -451,28 +308,16 @@ "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-31 19:45:21 TP0] Prefill batch. #new-seq: 1, #new-token: 8, #cached-token: 1, cache hit rate: 30.39%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-10-31 19:45:21 TP0] Decode batch. #running-req: 1, #token: 11, token usage: 0.00, gen throughput (token/s): 39.18, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:22 TP0] Decode batch. #running-req: 1, #token: 51, token usage: 0.00, gen throughput (token/s): 42.85, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:23] INFO: 127.0.0.1:37738 - \"POST /v1/completions HTTP/1.1\" 200 OK\n" + "[2024-11-02 00:08:25 TP0] Prefill batch. #new-seq: 1, #new-token: 8, #cached-token: 1, cache hit rate: 30.39%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", + "[2024-11-02 00:08:25 TP0] Decode batch. #running-req: 1, #token: 24, token usage: 0.00, gen throughput (token/s): 2.45, #queue-req: 0\n", + "[2024-11-02 00:08:25 TP0] Decode batch. #running-req: 1, #token: 64, token usage: 0.00, gen throughput (token/s): 142.10, #queue-req: 0\n", + "[2024-11-02 00:08:26] INFO: 127.0.0.1:37290 - \"POST /v1/completions HTTP/1.1\" 200 OK\n" ] }, { "data": { "text/html": [ - "Response: Completion(id='84ca7b4df182449697c4b38a454b8834', choices=[CompletionChoice(finish_reason='length', index=0, logprobs=None, text=' 1. 2. 3.\\n1. United States Washington D.C. 2. Japan Tokyo 3. Australia Canberra\\nList 3 countries and their capitals. 1. 2. 3.\\n1. China Beijing 2. Brazil Bras', matched_stop=None)], created=1730429123, model='meta-llama/Meta-Llama-3.1-8B-Instruct', object='text_completion', system_fingerprint=None, usage=CompletionUsage(completion_tokens=64, prompt_tokens=9, total_tokens=73, prompt_tokens_details=None))" + "Response: Completion(id='25412696fce14364b40430b5671fc11e', choices=[CompletionChoice(finish_reason='length', index=0, logprobs=None, text=' 1. 2. 3.\\n1. United States - Washington D.C. 2. Japan - Tokyo 3. Australia - Canberra\\nList 3 countries and their capitals. 1. 2. 3.\\n1. China - Beijing 2. Brazil - Bras', matched_stop=None)], created=1730506106, model='meta-llama/Meta-Llama-3.1-8B-Instruct', object='text_completion', system_fingerprint=None, usage=CompletionUsage(completion_tokens=64, prompt_tokens=9, total_tokens=73, completion_tokens_details=None, prompt_tokens_details=None))" ], "text/plain": [ "" @@ -596,7 +441,7 @@ "source": [ "## Batches\n", "\n", - "We have implemented the batches API for chat completions and completions. You can upload your requests in `jsonl` files, create a batch job, and retrieve the results when the batch job is completed (which takes longer but costs less).\n", + "Batches API for chat completions and completions are also supported. You can upload your requests in `jsonl` files, create a batch job, and retrieve the results when the batch job is completed (which takes longer but costs less).\n", "\n", "The batches APIs are:\n", "\n", @@ -1448,7 +1293,7 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 6, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:46:07.896114Z", @@ -1479,7 +1324,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.11.7" + "version": "3.10.12" } }, "nbformat": 4, diff --git a/docs/backend/openai_api_vision.ipynb b/docs/backend/openai_api_vision.ipynb new file mode 100644 index 0000000000..4b7482c49a --- /dev/null +++ b/docs/backend/openai_api_vision.ipynb @@ -0,0 +1,382 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# OpenAI-Compatible APIs - Vision\n", + "\n", + "SGLang provides OpenAI-compatible APIs to enable a smooth transition from OpenAI services to self-hosted local models.\n", + "A complete reference for the API is available in the [OpenAI API Reference](https://platform.openai.com/docs/guides/vision).\n", + "This tutorial covers the vision APIs for vision language models.\n", + "\n", + "SGLang supports vision language models such as Llama 3.2, LLaVA-OneVision, and QWen-VL2 \n", + "- [meta-llama/Llama-3.2-11B-Vision-Instruct](https://huggingface.co/meta-llama/Llama-3.2-11B-Vision-Instruct) \n", + "- [lmms-lab/llava-onevision-qwen2-72b-ov-chat](https://huggingface.co/lmms-lab/llava-onevision-qwen2-72b-ov-chat) \n", + "- [Qwen/Qwen2-VL-7B-Instruct](https://huggingface.co/Qwen/Qwen2-VL-7B-Instruct) " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Launch A Server\n", + "\n", + "This code block is equivalent to executing \n", + "\n", + "```bash\n", + "python3 -m sglang.launch_server --model-path meta-llama/Llama-3.2-11B-Vision-Instruct \\\n", + " --port 30010 --chat-template llama_3_vision\n", + "```\n", + "in your terminal and wait for the server to be ready.\n", + "\n", + "Remember to add `--chat-template llama_3_vision` to specify the vision chat template, otherwise the server only supports text.\n", + "We need to specify `--chat-template` for vision language models because the chat template provided in Hugging Face tokenizer only supports text." + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "2024-11-02 00:24:10.542705: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:479] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered\n", + "2024-11-02 00:24:10.554725: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:10575] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered\n", + "2024-11-02 00:24:10.554758: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1442] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered\n", + "2024-11-02 00:24:11.063662: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT\n", + "[2024-11-02 00:24:19] server_args=ServerArgs(model_path='meta-llama/Llama-3.2-11B-Vision-Instruct', tokenizer_path='meta-llama/Llama-3.2-11B-Vision-Instruct', tokenizer_mode='auto', skip_tokenizer_init=False, load_format='auto', trust_remote_code=False, dtype='auto', kv_cache_dtype='auto', quantization=None, context_length=None, device='cuda', served_model_name='meta-llama/Llama-3.2-11B-Vision-Instruct', chat_template='llama_3_vision', is_embedding=False, host='127.0.0.1', port=30010, mem_fraction_static=0.88, max_running_requests=None, max_total_tokens=None, chunked_prefill_size=8192, max_prefill_tokens=16384, schedule_policy='lpm', schedule_conservativeness=1.0, tp_size=1, stream_interval=1, random_seed=553831757, constrained_json_whitespace_pattern=None, decode_log_interval=40, log_level='info', log_level_http=None, log_requests=False, show_time_cost=False, api_key=None, file_storage_pth='SGLang_storage', enable_cache_report=False, watchdog_timeout=600, dp_size=1, load_balance_method='round_robin', dist_init_addr=None, nnodes=1, node_rank=0, json_model_override_args='{}', enable_double_sparsity=False, ds_channel_config_path=None, ds_heavy_channel_num=32, ds_heavy_token_num=256, ds_heavy_channel_type='qk', ds_sparse_decode_threshold=4096, lora_paths=None, max_loras_per_batch=8, attention_backend='flashinfer', sampling_backend='flashinfer', grammar_backend='outlines', disable_flashinfer=False, disable_flashinfer_sampling=False, disable_radix_cache=False, disable_regex_jump_forward=False, disable_cuda_graph=False, disable_cuda_graph_padding=False, disable_disk_cache=False, disable_custom_all_reduce=False, disable_mla=False, disable_penalizer=False, disable_nan_detection=False, enable_overlap_schedule=False, enable_mixed_chunk=False, enable_torch_compile=False, torch_compile_max_bs=32, cuda_graph_max_bs=160, torchao_config='', enable_p2p_check=False, triton_attention_reduce_in_fp32=False, num_continuous_decode_steps=1)\n", + "[2024-11-02 00:24:20] Use chat template for the OpenAI-compatible API server: llama_3_vision\n", + "[2024-11-02 00:24:29 TP0] Automatically turn off --chunked-prefill-size and adjust --mem-fraction-static for multimodal models.\n", + "[2024-11-02 00:24:29 TP0] Init torch distributed begin.\n", + "[2024-11-02 00:24:32 TP0] Load weight begin. avail mem=76.83 GB\n", + "[2024-11-02 00:24:32 TP0] lm_eval is not installed, GPTQ may not be usable\n", + "INFO 11-02 00:24:32 weight_utils.py:243] Using model weights format ['*.safetensors']\n", + "Loading safetensors checkpoint shards: 0% Completed | 0/5 [00:00

NOTE: Typically, the server runs in a separate terminal.
In this notebook, we run the server and notebook code together, so their outputs are combined.
To improve clarity, the server logs are displayed in the original black color, while the notebook outputs are highlighted in blue.
" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "from sglang.utils import (\n", + " execute_shell_command,\n", + " wait_for_server,\n", + " terminate_process,\n", + " print_highlight,\n", + ")\n", + "\n", + "embedding_process = execute_shell_command(\n", + "\"\"\"\n", + "python3 -m sglang.launch_server --model-path meta-llama/Llama-3.2-11B-Vision-Instruct \\\n", + " --port=30010 --chat-template=llama_3_vision\n", + "\"\"\"\n", + ")\n", + "\n", + "wait_for_server(\"http://localhost:30010\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Using cURL\n", + "\n", + "Once the server is up, you can send test requests using curl." + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + " % Total % Received % Xferd Average Speed Time Time Time Current\n", + " Dload Upload Total Spent Left Speed\n", + "100 485 0 0 100 485 0 2420 --:--:-- --:--:-- --:--:-- 2412" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-11-02 00:26:23 TP0] Prefill batch. #new-seq: 1, #new-token: 1, #cached-token: 6462, cache hit rate: 49.97%, token usage: 0.02, #running-req: 0, #queue-req: 0\n", + "[2024-11-02 00:26:24] INFO: 127.0.0.1:39828 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100 965 100 480 100 485 789 797 --:--:-- --:--:-- --:--:-- 1584\n" + ] + }, + { + "data": { + "text/html": [ + "{\"id\":\"5e9e1c80809f492a926a2634c3d162d0\",\"object\":\"chat.completion\",\"created\":1730507184,\"model\":\"meta-llama/Llama-3.2-11B-Vision-Instruct\",\"choices\":[{\"index\":0,\"message\":{\"role\":\"assistant\",\"content\":\"The image depicts a man ironing clothes on an ironing board that is placed on the back of a yellow taxi cab.\"},\"logprobs\":null,\"finish_reason\":\"stop\",\"matched_stop\":128009}],\"usage\":{\"prompt_tokens\":6463,\"total_tokens\":6489,\"completion_tokens\":26,\"prompt_tokens_details\":null}}" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "import subprocess\n", + "\n", + "curl_command = \"\"\"\n", + "curl http://localhost:30010/v1/chat/completions \\\n", + " -H \"Content-Type: application/json\" \\\n", + " -H \"Authorization: Bearer None\" \\\n", + " -d '{\n", + " \"model\": \"meta-llama/Llama-3.2-11B-Vision-Instruct\",\n", + " \"messages\": [\n", + " {\n", + " \"role\": \"user\",\n", + " \"content\": [\n", + " {\n", + " \"type\": \"text\",\n", + " \"text\": \"What’s in this image?\"\n", + " },\n", + " {\n", + " \"type\": \"image_url\",\n", + " \"image_url\": {\n", + " \"url\": \"https://github.com/sgl-project/sglang/blob/main/test/lang/example_image.png?raw=true\"\n", + " }\n", + " }\n", + " ]\n", + " }\n", + " ],\n", + " \"max_tokens\": 300\n", + " }'\n", + "\"\"\"\n", + "\n", + "response = subprocess.check_output(curl_command, shell=True).decode()\n", + "print_highlight(response)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Using OpenAI Python Client\n", + "\n", + "You can use the OpenAI Python API library to send requests." + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-11-02 00:26:33 TP0] Prefill batch. #new-seq: 1, #new-token: 11, #cached-token: 6452, cache hit rate: 66.58%, token usage: 0.02, #running-req: 0, #queue-req: 0\n", + "[2024-11-02 00:26:34 TP0] Decode batch. #running-req: 1, #token: 6477, token usage: 0.02, gen throughput (token/s): 0.77, #queue-req: 0\n", + "[2024-11-02 00:26:34] INFO: 127.0.0.1:43258 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" + ] + }, + { + "data": { + "text/html": [ + "The image shows a man ironing clothes on the back of a yellow taxi cab." + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "from openai import OpenAI\n", + "\n", + "client = OpenAI(base_url=\"http://localhost:30010/v1\", api_key=\"None\")\n", + "\n", + "response = client.chat.completions.create(\n", + " model=\"meta-llama/Llama-3.2-11B-Vision-Instruct\",\n", + " messages=[\n", + " {\n", + " \"role\": \"user\",\n", + " \"content\": [\n", + " {\n", + " \"type\": \"text\",\n", + " \"text\": \"What is in this image?\",\n", + " },\n", + " {\n", + " \"type\": \"image_url\",\n", + " \"image_url\": {\"url\": \"https://github.com/sgl-project/sglang/blob/main/test/lang/example_image.png?raw=true\"},\n", + " },\n", + " ],\n", + " }\n", + " ],\n", + " max_tokens=300,\n", + ")\n", + "\n", + "print_highlight(response.choices[0].message.content)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Multiple-Image Inputs\n", + "\n", + "The server also supports multiple images and interleaved text and images if the model supports it." + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-11-02 00:20:30 TP0] Prefill batch. #new-seq: 1, #new-token: 1, #cached-token: 12894, cache hit rate: 83.27%, token usage: 0.04, #running-req: 0, #queue-req: 0\n", + "[2024-11-02 00:20:30 TP0] Decode batch. #running-req: 1, #token: 12903, token usage: 0.04, gen throughput (token/s): 2.02, #queue-req: 0\n", + "[2024-11-02 00:20:30 TP0] Decode batch. #running-req: 1, #token: 12943, token usage: 0.04, gen throughput (token/s): 105.52, #queue-req: 0\n", + "[2024-11-02 00:20:30] INFO: 127.0.0.1:41386 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" + ] + }, + { + "data": { + "text/html": [ + "The first image shows a man in a yellow shirt ironing a shirt on the back of a yellow taxi cab, with a red line connecting the two objects. The second image shows a large orange \"S\" and \"G\" on a white background, with a red line connecting them." + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "from openai import OpenAI\n", + "\n", + "client = OpenAI(base_url=\"http://localhost:30010/v1\", api_key=\"None\")\n", + "\n", + "response = client.chat.completions.create(\n", + " model=\"meta-llama/Llama-3.2-11B-Vision-Instruct\",\n", + " messages=[\n", + " {\n", + " \"role\": \"user\",\n", + " \"content\": [\n", + " {\n", + " \"type\": \"image_url\",\n", + " \"image_url\": {\n", + " \"url\": \"https://github.com/sgl-project/sglang/blob/main/test/lang/example_image.png?raw=true\",\n", + " },\n", + " },\n", + " {\n", + " \"type\": \"image_url\",\n", + " \"image_url\": {\n", + " \"url\": \"https://raw.githubusercontent.com/sgl-project/sglang/main/assets/logo.png\",\n", + " },\n", + " },\n", + " {\n", + " \"type\": \"text\",\n", + " \"text\": \"I have two very different images. They are not related at all. \"\n", + " \"Please describe the first image in one sentence, and then describe the second image in another sentence.\",\n", + " },\n", + " ],\n", + " }\n", + " ],\n", + " temperature=0,\n", + ")\n", + "\n", + "print_highlight(response.choices[0].message.content)" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [], + "source": [ + "terminate_process(embedding_process)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Chat Template\n", + "\n", + "As mentioned before, if you do not specify a vision model's `--chat-template`, the server uses Hugging Face's default template, which only supports text.\n", + "\n", + "We list popular vision models with their chat templates:\n", + "\n", + "- [meta-llama/Llama-3.2-Vision](https://huggingface.co/meta-llama/Llama-3.2-11B-Vision-Instruct) uses `llama_3_vision`.\n", + "- [LLaVA-NeXT](https://huggingface.co/collections/lmms-lab/llava-next-6623288e2d61edba3ddbf5ff) uses `chatml-llava`.\n", + "- [LlaVA-OneVision](https://huggingface.co/lmms-lab/llava-onevision-qwen2-7b-ov) uses `chatml-llava`.\n", + "- [Llama3-LLaVA-NeXT](https://huggingface.co/lmms-lab/llama3-llava-next-8b) uses `llava_llama_3`.\n", + "- [LLaVA-v1.5 / 1.6](https://huggingface.co/liuhaotian/llava-v1.6-34b) uses `vicuna_v1.1`." + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.12" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/docs/backend/vision_language_model.ipynb b/docs/backend/vision_language_model.ipynb deleted file mode 100644 index 769c9a9d56..0000000000 --- a/docs/backend/vision_language_model.ipynb +++ /dev/null @@ -1,431 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "# Vision Language Model\n", - "\n", - "SGLang supports vision language models in the same way as completion models. Here are some example models:\n", - "\n", - "- [meta-llama/Llama-3.2-11B-Vision-Instruct](https://huggingface.co/meta-llama/Llama-3.2-11B-Vision-Instruct)\n", - "- [lmms-lab/llava-onevision-qwen2-7b-ov](https://huggingface.co/lmms-lab/llava-onevision-qwen2-7b-ov)\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Launch A Server\n", - "\n", - "The following code is equivalent to running this in the shell:\n", - "\n", - "```bash\n", - "python3 -m sglang.launch_server --model-path meta-llama/Llama-3.2-11B-Vision-Instruct \\\n", - " --port=30010 --chat-template=llama_3_vision\n", - "```\n", - "\n", - "Remember to add `--chat-template=llama_3_vision` to specify the vision chat template, otherwise the server only supports text." - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", - " warnings.warn(\n", - "[2024-10-31 23:10:49] server_args=ServerArgs(model_path='meta-llama/Llama-3.2-11B-Vision-Instruct', tokenizer_path='meta-llama/Llama-3.2-11B-Vision-Instruct', tokenizer_mode='auto', skip_tokenizer_init=False, load_format='auto', trust_remote_code=False, dtype='auto', kv_cache_dtype='auto', quantization=None, context_length=None, device='cuda', served_model_name='meta-llama/Llama-3.2-11B-Vision-Instruct', chat_template='llama_3_vision', is_embedding=False, host='127.0.0.1', port=30010, mem_fraction_static=0.88, max_running_requests=None, max_total_tokens=None, chunked_prefill_size=8192, max_prefill_tokens=16384, schedule_policy='lpm', schedule_conservativeness=1.0, tp_size=1, stream_interval=1, random_seed=178735948, constrained_json_whitespace_pattern=None, decode_log_interval=40, log_level='info', log_level_http=None, log_requests=False, show_time_cost=False, api_key=None, file_storage_pth='SGLang_storage', enable_cache_report=False, watchdog_timeout=600, dp_size=1, load_balance_method='round_robin', dist_init_addr=None, nnodes=1, node_rank=0, json_model_override_args='{}', enable_double_sparsity=False, ds_channel_config_path=None, ds_heavy_channel_num=32, ds_heavy_token_num=256, ds_heavy_channel_type='qk', ds_sparse_decode_threshold=4096, lora_paths=None, max_loras_per_batch=8, attention_backend='flashinfer', sampling_backend='flashinfer', grammar_backend='outlines', disable_flashinfer=False, disable_flashinfer_sampling=False, disable_radix_cache=False, disable_regex_jump_forward=False, disable_cuda_graph=False, disable_cuda_graph_padding=False, disable_disk_cache=False, disable_custom_all_reduce=False, disable_mla=False, disable_penalizer=False, disable_nan_detection=False, enable_overlap_schedule=False, enable_mixed_chunk=False, enable_torch_compile=False, torch_compile_max_bs=32, cuda_graph_max_bs=160, torchao_config='', enable_p2p_check=False, triton_attention_reduce_in_fp32=False, num_continuous_decode_steps=1)\n", - "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", - " warnings.warn(\n", - "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", - " warnings.warn(\n", - "[2024-10-31 23:10:51] Use chat template for the OpenAI-compatible API server: llama_3_vision\n", - "[2024-10-31 23:10:56 TP0] Automatically turn off --chunked-prefill-size and adjust --mem-fraction-static for multimodal models.\n", - "[2024-10-31 23:10:56 TP0] Init torch distributed begin.\n", - "[2024-10-31 23:10:56 TP0] Load weight begin. avail mem=47.27 GB\n", - "[2024-10-31 23:10:57 TP0] lm_eval is not installed, GPTQ may not be usable\n", - "INFO 10-31 23:10:57 weight_utils.py:243] Using model weights format ['*.safetensors']\n", - "Loading safetensors checkpoint shards: 0% Completed | 0/5 [00:00

NOTE: Typically, the server runs in a separate terminal.
In this notebook, we run the server and notebook code together, so their outputs are combined.
To improve clarity, the server logs are displayed in the original black color, while the notebook outputs are highlighted in blue.
" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "from sglang.utils import (\n", - " execute_shell_command,\n", - " wait_for_server,\n", - " terminate_process,\n", - " print_highlight,\n", - ")\n", - "\n", - "embedding_process = execute_shell_command(\n", - " \"\"\"\n", - " python3 -m sglang.launch_server --model-path meta-llama/Llama-3.2-11B-Vision-Instruct \\\n", - " --port=30010 --chat-template=llama_3_vision\n", - "\n", - "\"\"\"\n", - ")\n", - "\n", - "wait_for_server(\"http://localhost:30010\")" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Use Curl" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - " % Total % Received % Xferd Average Speed Time Time Time Current\n", - " Dload Upload Total Spent Left Speed\n", - "100 559 0 0 100 559 0 253 0:00:02 0:00:02 --:--:-- 253" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/torch/storage.py:414: FutureWarning: You are using `torch.load` with `weights_only=False` (the current default value), which uses the default pickle module implicitly. It is possible to construct malicious pickle data which will execute arbitrary code during unpickling (See https://github.com/pytorch/pytorch/blob/main/SECURITY.md#untrusted-models for more details). In a future release, the default value for `weights_only` will be flipped to `True`. This limits the functions that could be executed during unpickling. Arbitrary objects will no longer be allowed to be loaded via this mode unless they are explicitly allowlisted by the user via `torch.serialization.add_safe_globals`. We recommend you start setting `weights_only=True` for any use case where you don't have full control of the loaded file. Please open an issue on GitHub for any issues related to this experimental feature.\n", - " return torch.load(io.BytesIO(b))\n", - "[2024-10-31 23:11:18 TP0] Prefill batch. #new-seq: 1, #new-token: 6463, #cached-token: 0, cache hit rate: 0.00%, token usage: 0.00, #running-req: 0, #queue-req: 0\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100 559 0 0 100 559 0 174 0:00:03 0:00:03 --:--:-- 174" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 23:11:20 TP0] Decode batch. #running-req: 1, #token: 6496, token usage: 0.05, gen throughput (token/s): 3.90, #queue-req: 0\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100 559 0 0 100 559 0 107 0:00:05 0:00:05 --:--:-- 107" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 23:11:21 TP0] Decode batch. #running-req: 1, #token: 6536, token usage: 0.05, gen throughput (token/s): 33.67, #queue-req: 0\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100 559 0 0 100 559 0 90 0:00:06 0:00:06 --:--:-- 0" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 23:11:22 TP0] Decode batch. #running-req: 1, #token: 6576, token usage: 0.05, gen throughput (token/s): 33.60, #queue-req: 0\n", - "[2024-10-31 23:11:22] INFO: 127.0.0.1:54224 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100 1544 100 985 100 559 142 80 0:00:06 0:00:06 --:--:-- 265\n" - ] - }, - { - "data": { - "text/html": [ - "{'id': 'f618453e8f3e4408b893a958f2868a44', 'object': 'chat.completion', 'created': 1730441482, 'model': 'meta-llama/Llama-3.2-11B-Vision-Instruct', 'choices': [{'index': 0, 'message': {'role': 'assistant', 'content': 'The image depicts a serene and peaceful landscape featuring a wooden boardwalk that meanders through a lush grassy field, set against a backdrop of trees and a bright blue sky with wispy clouds. The boardwalk is made of weathered wooden planks and is surrounded by tall grass on either side, creating a sense of depth and texture. The surrounding trees add a touch of natural beauty to the scene, while the blue sky with wispy clouds provides a sense of calmness and serenity. The overall atmosphere of the image is one of tranquility and relaxation, inviting the viewer to step into the peaceful world depicted.'}, 'logprobs': None, 'finish_reason': 'stop', 'matched_stop': 128009}], 'usage': {'prompt_tokens': 6463, 'total_tokens': 6588, 'completion_tokens': 125, 'prompt_tokens_details': None}}" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "import subprocess, json, os\n", - "\n", - "curl_command = \"\"\"\n", - "curl http://localhost:30010/v1/chat/completions \\\n", - " -H \"Content-Type: application/json\" \\\n", - " -H \"Authorization: Bearer None\" \\\n", - " -d '{\n", - " \"model\": \"meta-llama/Llama-3.2-11B-Vision-Instruct\",\n", - " \"messages\": [\n", - " {\n", - " \"role\": \"user\",\n", - " \"content\": [\n", - " {\n", - " \"type\": \"text\",\n", - " \"text\": \"What’s in this image?\"\n", - " },\n", - " {\n", - " \"type\": \"image_url\",\n", - " \"image_url\": {\n", - " \"url\": \"https://upload.wikimedia.org/wikipedia/commons/thumb/d/dd/Gfp-wisconsin-madison-the-nature-boardwalk.jpg/2560px-Gfp-wisconsin-madison-the-nature-boardwalk.jpg\"\n", - " }\n", - " }\n", - " ]\n", - " }\n", - " ],\n", - " \"max_tokens\": 300\n", - " }'\n", - "\"\"\"\n", - "\n", - "response = json.loads(subprocess.check_output(curl_command, shell=True))\n", - "print_highlight(response)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Using OpenAI Compatible API" - ] - }, - { - "cell_type": "code", - "execution_count": 16, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 23:11:23 TP0] Prefill batch. #new-seq: 1, #new-token: 6463, #cached-token: 0, cache hit rate: 0.00%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-10-31 23:11:24 TP0] Decode batch. #running-req: 1, #token: 6492, token usage: 0.05, gen throughput (token/s): 20.07, #queue-req: 0\n", - "[2024-10-31 23:11:25 TP0] Decode batch. #running-req: 1, #token: 6532, token usage: 0.05, gen throughput (token/s): 33.68, #queue-req: 0\n", - "[2024-10-31 23:11:26 TP0] Decode batch. #running-req: 1, #token: 6572, token usage: 0.05, gen throughput (token/s): 33.62, #queue-req: 0\n", - "[2024-10-31 23:11:27 TP0] Decode batch. #running-req: 1, #token: 6612, token usage: 0.05, gen throughput (token/s): 33.62, #queue-req: 0\n", - "[2024-10-31 23:11:28] INFO: 127.0.0.1:54228 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "The image depicts a serene and peaceful scene of a wooden boardwalk leading through a lush field of tall grass, set against a backdrop of trees and a blue sky with clouds. The boardwalk is made of light-colored wood and has a simple design, with the wooden planks running parallel to each other. It stretches out into the distance, disappearing into the horizon.

The field is filled with tall, vibrant green grass that sways gently in the breeze, creating a sense of movement and life. The trees in the background are also lush and green, adding depth and texture to the scene. The blue sky above is dotted with white clouds, which are scattered across the horizon. The overall atmosphere of the image is one of tranquility and serenity, inviting the viewer to step into the peaceful world depicted.
" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "import base64, requests\n", - "from openai import OpenAI\n", - "\n", - "client = OpenAI(base_url=\"http://localhost:30010/v1\", api_key=\"None\")\n", - "\n", - "\n", - "def encode_image(image_path):\n", - " with open(image_path, \"rb\") as image_file:\n", - " return base64.b64encode(image_file.read()).decode(\"utf-8\")\n", - "\n", - "\n", - "def download_image(image_url, image_path):\n", - " response = requests.get(image_url)\n", - " response.raise_for_status()\n", - " with open(image_path, \"wb\") as f:\n", - " f.write(response.content)\n", - "\n", - "\n", - "image_url = \"https://upload.wikimedia.org/wikipedia/commons/thumb/d/dd/Gfp-wisconsin-madison-the-nature-boardwalk.jpg/2560px-Gfp-wisconsin-madison-the-nature-boardwalk.jpg\"\n", - "image_path = \"boardwalk.jpeg\"\n", - "download_image(image_url, image_path)\n", - "\n", - "base64_image = encode_image(image_path)\n", - "\n", - "response = client.chat.completions.create(\n", - " model=\"meta-llama/Llama-3.2-11B-Vision-Instruct\",\n", - " messages=[\n", - " {\n", - " \"role\": \"user\",\n", - " \"content\": [\n", - " {\n", - " \"type\": \"text\",\n", - " \"text\": \"What is in this image?\",\n", - " },\n", - " {\n", - " \"type\": \"image_url\",\n", - " \"image_url\": {\"url\": f\"data:image/jpeg;base64,{base64_image}\"},\n", - " },\n", - " ],\n", - " }\n", - " ],\n", - " max_tokens=300,\n", - ")\n", - "\n", - "print_highlight(response.choices[0].message.content)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Multiple Images Input" - ] - }, - { - "cell_type": "code", - "execution_count": 17, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 23:11:28 TP0] Prefill batch. #new-seq: 1, #new-token: 12871, #cached-token: 0, cache hit rate: 0.00%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-10-31 23:11:30 TP0] Decode batch. #running-req: 1, #token: 12899, token usage: 0.10, gen throughput (token/s): 15.36, #queue-req: 0\n", - "[2024-10-31 23:11:31 TP0] Decode batch. #running-req: 1, #token: 12939, token usage: 0.10, gen throughput (token/s): 33.33, #queue-req: 0\n", - "[2024-10-31 23:11:32 TP0] Decode batch. #running-req: 1, #token: 12979, token usage: 0.10, gen throughput (token/s): 33.28, #queue-req: 0\n", - "[2024-10-31 23:11:33] INFO: 127.0.0.1:50966 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n", - "Choice(finish_reason='stop', index=0, logprobs=None, message=ChatCompletionMessage(content='The two images depict a serene and idyllic scene, with the first image showing a well-trodden wooden path through a field, while the second image shows an overgrown, less-traveled path through the same field. The first image features a clear and well-maintained wooden path, whereas the second image shows a more neglected and overgrown path that is not as well-defined. The first image has a more vibrant and inviting atmosphere, while the second image appears more peaceful and serene. Overall, both images evoke a sense of tranquility and connection to nature.', refusal=None, role='assistant', function_call=None, tool_calls=None), matched_stop=128009)\n" - ] - } - ], - "source": [ - "from openai import OpenAI\n", - "\n", - "client = OpenAI(base_url=\"http://localhost:30010/v1\", api_key=\"None\")\n", - "\n", - "response = client.chat.completions.create(\n", - " model=\"meta-llama/Llama-3.2-11B-Vision-Instruct\",\n", - " messages=[\n", - " {\n", - " \"role\": \"user\",\n", - " \"content\": [\n", - " {\n", - " \"type\": \"text\",\n", - " \"text\": \"Are there any differences between these two images?\",\n", - " },\n", - " {\n", - " \"type\": \"image_url\",\n", - " \"image_url\": {\n", - " \"url\": \"https://upload.wikimedia.org/wikipedia/commons/thumb/d/dd/Gfp-wisconsin-madison-the-nature-boardwalk.jpg/2560px-Gfp-wisconsin-madison-the-nature-boardwalk.jpg\",\n", - " },\n", - " },\n", - " {\n", - " \"type\": \"image_url\",\n", - " \"image_url\": {\n", - " \"url\": \"https://upload.wikimedia.org/wikipedia/commons/thumb/d/dd/Gfp-wisconsin-madison-the-nature-boardwalk.jpg/2560px-Gfp-wisconsin-madison-the-nature-boardwalk.jpg\",\n", - " },\n", - " },\n", - " ],\n", - " }\n", - " ],\n", - " max_tokens=300,\n", - ")\n", - "print(response.choices[0])" - ] - }, - { - "cell_type": "code", - "execution_count": 18, - "metadata": {}, - "outputs": [], - "source": [ - "terminate_process(embedding_process)\n", - "os.remove(image_path)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Chat Template\n", - "\n", - "As mentioned before, if you do not specify a vision model's `chat-template`, the server uses Hugging Face's default template, which only supports text.\n", - "\n", - "You can add your custom chat template by referring to the [custom chat template](../references/custom_chat_template.md).\n", - "\n", - "We list popular vision models with their chat templates:\n", - "\n", - "- [meta-llama/Llama-3.2-Vision](https://huggingface.co/meta-llama/Llama-3.2-11B-Vision-Instruct) uses `llama_3_vision`.\n", - "- [LLaVA-NeXT](https://huggingface.co/collections/lmms-lab/llava-next-6623288e2d61edba3ddbf5ff) uses `chatml-llava`.\n", - "- [llama3-llava-next](https://huggingface.co/lmms-lab/llama3-llava-next-8b) uses `llava_llama_3`.\n", - "- [llava-onevision](https://huggingface.co/lmms-lab/llava-onevision-qwen2-7b-ov) uses `chatml-llava`.\n", - "- [liuhaotian/llava-v1.5 / 1.6](https://huggingface.co/liuhaotian/llava-v1.5-13b) uses `vicuna_v1.1`." - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "AlphaMeemory", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.11.7" - } - }, - "nbformat": 4, - "nbformat_minor": 2 -} diff --git a/docs/index.rst b/docs/index.rst index 6601c57d51..b365f5701f 100644 --- a/docs/index.rst +++ b/docs/index.rst @@ -23,8 +23,8 @@ The core features include: :maxdepth: 1 :caption: Backend Tutorial - backend/openai_api.ipynb - backend/vision_language_model.ipynb + backend/openai_api_completions.ipynb + backend/openai_api_vision.ipynb backend/backend.md @@ -46,5 +46,5 @@ The core features include: references/choices_methods.md references/benchmark_and_profiling.md references/troubleshooting.md - references/embedding_model.ipynb + references/custom_chat_template.md references/learn_more.md diff --git a/docs/references/custom_chat_template.md b/docs/references/custom_chat_template.md index 64b33a0a42..0a5225da22 100644 --- a/docs/references/custom_chat_template.md +++ b/docs/references/custom_chat_template.md @@ -1,3 +1,5 @@ +.. _custom-chat-template: + # Custom Chat Template in SGLang Runtime **NOTE**: There are two chat template systems in SGLang project. This document is about setting a custom chat template for the OpenAI-compatible API server (defined at [conversation.py](https://github.com/sgl-project/sglang/blob/main/python/sglang/srt/conversation.py)). It is NOT related to the chat template used in the SGLang language frontend (defined at [chat_template.py](https://github.com/sgl-project/sglang/blob/main/python/sglang/lang/chat_template.py)). diff --git a/docs/references/sampling_params.md b/docs/references/sampling_params.md index 78d5193c25..062e0c99b0 100644 --- a/docs/references/sampling_params.md +++ b/docs/references/sampling_params.md @@ -1,3 +1,5 @@ +.. _sampling-parameters: + # Sampling Parameters in SGLang Runtime This doc describes the sampling parameters of the SGLang Runtime. It is the low-level endpoint of the runtime. diff --git a/docs/starts/send_request.ipynb b/docs/starts/send_request.ipynb index dda2371b50..2b095c2595 100644 --- a/docs/starts/send_request.ipynb +++ b/docs/starts/send_request.ipynb @@ -22,12 +22,12 @@ "--port 30000 --host 0.0.0.0\n", "```\n", "\n", - "in your command line and wait for the server to be ready." + "in your terminal and wait for the server to be ready." ] }, { "cell_type": "code", - "execution_count": 1, + "execution_count": 7, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:46:13.611212Z", @@ -41,127 +41,35 @@ "name": "stdout", "output_type": "stream", "text": [ - "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", - " warnings.warn(\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:46:18] server_args=ServerArgs(model_path='meta-llama/Meta-Llama-3.1-8B-Instruct', tokenizer_path='meta-llama/Meta-Llama-3.1-8B-Instruct', tokenizer_mode='auto', skip_tokenizer_init=False, load_format='auto', trust_remote_code=False, dtype='auto', kv_cache_dtype='auto', quantization=None, context_length=None, device='cuda', served_model_name='meta-llama/Meta-Llama-3.1-8B-Instruct', chat_template=None, is_embedding=False, host='0.0.0.0', port=30000, mem_fraction_static=0.88, max_running_requests=None, max_total_tokens=None, chunked_prefill_size=8192, max_prefill_tokens=16384, schedule_policy='lpm', schedule_conservativeness=1.0, tp_size=1, stream_interval=1, random_seed=706578968, constrained_json_whitespace_pattern=None, decode_log_interval=40, log_level='info', log_level_http=None, log_requests=False, show_time_cost=False, api_key=None, file_storage_pth='SGLang_storage', enable_cache_report=False, watchdog_timeout=600, dp_size=1, load_balance_method='round_robin', dist_init_addr=None, nnodes=1, node_rank=0, json_model_override_args='{}', enable_double_sparsity=False, ds_channel_config_path=None, ds_heavy_channel_num=32, ds_heavy_token_num=256, ds_heavy_channel_type='qk', ds_sparse_decode_threshold=4096, lora_paths=None, max_loras_per_batch=8, attention_backend='flashinfer', sampling_backend='flashinfer', grammar_backend='outlines', disable_flashinfer=False, disable_flashinfer_sampling=False, disable_radix_cache=False, disable_regex_jump_forward=False, disable_cuda_graph=False, disable_cuda_graph_padding=False, disable_disk_cache=False, disable_custom_all_reduce=False, disable_mla=False, disable_penalizer=False, disable_nan_detection=False, enable_overlap_schedule=False, enable_mixed_chunk=False, enable_torch_compile=False, torch_compile_max_bs=32, cuda_graph_max_bs=160, torchao_config='', enable_p2p_check=False, triton_attention_reduce_in_fp32=False, num_continuous_decode_steps=1)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", - " warnings.warn(\n", - "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", - " warnings.warn(\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:46:24 TP0] Init torch distributed begin.\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:46:24 TP0] Load weight begin. avail mem=47.27 GB\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:46:25 TP0] lm_eval is not installed, GPTQ may not be usable\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "INFO 10-31 19:46:26 weight_utils.py:243] Using model weights format ['*.safetensors']\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\r", - "Loading safetensors checkpoint shards: 0% Completed | 0/4 [00:00{\"id\":\"a0714277fab546c5b6d91724aa3e27a3\",\"object\":\"chat.completion\",\"created\":1730507329,\"model\":\"meta-llama/Meta-Llama-3.1-8B-Instruct\",\"choices\":[{\"index\":0,\"message\":{\"role\":\"assistant\",\"content\":\"An LLM, or Large Language Model, is a type of artificial intelligence (AI) designed to process and generate human-like language, often used in applications such as chatbots, virtual assistants, and language translation software.\"},\"logprobs\":null,\"finish_reason\":\"stop\",\"matched_stop\":128009}],\"usage\":{\"prompt_tokens\":53,\"total_tokens\":98,\"completion_tokens\":45,\"prompt_tokens_details\":null}}" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" } ], "source": [ - "!curl http://localhost:30000/v1/chat/completions \\\n", - " -H \"Content-Type: application/json\" \\\n", - " -H \"Authorization: Bearer None\" \\\n", - " -d '{\"model\": \"meta-llama/Meta-Llama-3.1-8B-Instruct\", \"messages\": [{\"role\": \"system\", \"content\": \"You are a helpful assistant.\"}, {\"role\": \"user\", \"content\": \"What is a LLM?\"}]}'" + "import subprocess\n", + "\n", + "curl_command = \"\"\"\n", + "curl http://localhost:30000/v1/chat/completions \\\\\n", + " -H \"Content-Type: application/json\" \\\\\n", + " -H \"Authorization: Bearer None\" \\\\\n", + " -d '{\n", + " \"model\": \"meta-llama/Meta-Llama-3.1-8B-Instruct\",\n", + " \"messages\": [\n", + " {\n", + " \"role\": \"system\",\n", + " \"content\": \"You are a helpful assistant.\"\n", + " },\n", + " {\n", + " \"role\": \"user\",\n", + " \"content\": \"What is an LLM? Tell me in one sentence.\"\n", + " }\n", + " ]\n", + " }'\n", + "\"\"\"\n", + "\n", + "response = subprocess.check_output(curl_command, shell=True).decode()\n", + "\n", + "print_highlight(response)" ] }, { @@ -301,7 +195,7 @@ "source": [ "## Using OpenAI Python Client\n", "\n", - "You can also use the OpenAI Python API library to send requests." + "You can use the OpenAI Python API library to send requests." ] }, { @@ -320,22 +214,15 @@ "name": "stdout", "output_type": "stream", "text": [ - "[2024-10-31 19:46:51 TP0] Prefill batch. #new-seq: 1, #new-token: 20, #cached-token: 29, cache hit rate: 29.13%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-10-31 19:46:51 TP0] Decode batch. #running-req: 1, #token: 50, token usage: 0.00, gen throughput (token/s): 27.57, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:46:52 TP0] Decode batch. #running-req: 1, #token: 90, token usage: 0.00, gen throughput (token/s): 42.69, #queue-req: 0\n", - "[2024-10-31 19:46:52] INFO: 127.0.0.1:40952 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" + "[2024-11-02 00:03:52 TP0] Prefill batch. #new-seq: 1, #new-token: 20, #cached-token: 29, cache hit rate: 29.13%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", + "[2024-11-02 00:03:52 TP0] Decode batch. #running-req: 1, #token: 65, token usage: 0.00, gen throughput (token/s): 11.33, #queue-req: 0\n", + "[2024-11-02 00:03:53] INFO: 127.0.0.1:57008 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" ] }, { "data": { "text/html": [ - "ChatCompletion(id='c563abb8fe74496f83203fe21ec4ff61', choices=[Choice(finish_reason='stop', index=0, logprobs=None, message=ChatCompletionMessage(content='Here are 3 countries and their capitals:\\n\\n1. **Country:** Japan\\n**Capital:** Tokyo\\n\\n2. **Country:** Australia\\n**Capital:** Canberra\\n\\n3. **Country:** Brazil\\n**Capital:** Brasília', refusal=None, role='assistant', function_call=None, tool_calls=None), matched_stop=128009)], created=1730429212, model='meta-llama/Meta-Llama-3.1-8B-Instruct', object='chat.completion', service_tier=None, system_fingerprint=None, usage=CompletionUsage(completion_tokens=46, prompt_tokens=49, total_tokens=95, prompt_tokens_details=None))" + "ChatCompletion(id='a6590143c40f4732a5c57d4c91b43f05', choices=[Choice(finish_reason='stop', index=0, logprobs=None, message=ChatCompletionMessage(content='Here are 3 countries and their capitals:\\n\\n1. **Country:** Japan\\n**Capital:** Tokyo\\n\\n2. **Country:** Australia\\n**Capital:** Canberra\\n\\n3. **Country:** Brazil\\n**Capital:** Brasília', refusal=None, role='assistant', audio=None, function_call=None, tool_calls=None), matched_stop=128009)], created=1730505833, model='meta-llama/Meta-Llama-3.1-8B-Instruct', object='chat.completion', service_tier=None, system_fingerprint=None, usage=CompletionUsage(completion_tokens=46, prompt_tokens=49, total_tokens=95, completion_tokens_details=None, prompt_tokens_details=None))" ], "text/plain": [ "" @@ -359,12 +246,67 @@ " temperature=0,\n", " max_tokens=64,\n", ")\n", + "\n", "print_highlight(response)" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Using Native Generation APIs\n", + "\n", + "You can also use the native `/generate` endpoint. It provides more flexiblity.\n", + "An API reference is available at [Sampling Parameters](https://sgl-project.github.io/references/sampling_params.html)." + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-11-02 00:05:04 TP0] Prefill batch. #new-seq: 1, #new-token: 1, #cached-token: 5, cache hit rate: 33.04%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", + "[2024-11-02 00:05:04 TP0] Decode batch. #running-req: 1, #token: 26, token usage: 0.00, gen throughput (token/s): 3.10, #queue-req: 0\n", + "[2024-11-02 00:05:04] INFO: 127.0.0.1:60536 - \"POST /generate HTTP/1.1\" 200 OK\n" + ] + }, + { + "data": { + "text/html": [ + "{'text': ' a city of romance, art, fashion, and history. Paris is a must-visit destination for anyone who loves culture, architecture, and cuisine. From the', 'meta_info': {'prompt_tokens': 6, 'completion_tokens': 32, 'completion_tokens_wo_jump_forward': 32, 'cached_tokens': 5, 'finish_reason': {'type': 'length', 'length': 32}, 'id': 'd882513c180d4c5981488257ccab4b9f'}, 'index': 0}" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "import requests\n", + "\n", + "response = requests.post(\n", + " \"http://localhost:30000/generate\",\n", + " json={\n", + " \"text\": \"The capital of France is\",\n", + " \"sampling_params\": {\n", + " \"temperature\": 0,\n", + " \"max_new_tokens\": 32,\n", + " },\n", + " },\n", + ")\n", + "\n", + "print_highlight(response.json())" + ] + }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 6, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:46:52.898411Z", @@ -384,18 +326,6 @@ "display_name": "Python 3 (ipykernel)", "language": "python", "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.11.7" } }, "nbformat": 4, diff --git a/test/srt/test_vision_openai_server.py b/test/srt/test_vision_openai_server.py index f44bc98e25..a5bf302e2f 100644 --- a/test/srt/test_vision_openai_server.py +++ b/test/srt/test_vision_openai_server.py @@ -132,7 +132,7 @@ def test_multi_turn_chat_completion(self): assert response.usage.completion_tokens > 0 assert response.usage.total_tokens > 0 - def test_mult_images_chat_completion(self): + def test_multi_images_chat_completion(self): client = openai.Client(api_key=self.api_key, base_url=self.base_url) response = client.chat.completions.create( From a54f278d44afb42bea1f77990efd3640e71a2af3 Mon Sep 17 00:00:00 2001 From: Lianmin Zheng Date: Fri, 1 Nov 2024 18:16:29 -0700 Subject: [PATCH 11/44] Add a FAQ documentation (#1877) --- docs/index.rst | 1 + docs/references/faq.md | 17 +++++++++++++++++ 2 files changed, 18 insertions(+) create mode 100644 docs/references/faq.md diff --git a/docs/index.rst b/docs/index.rst index b365f5701f..c40cd169f6 100644 --- a/docs/index.rst +++ b/docs/index.rst @@ -47,4 +47,5 @@ The core features include: references/benchmark_and_profiling.md references/troubleshooting.md references/custom_chat_template.md + references/faq.md references/learn_more.md diff --git a/docs/references/faq.md b/docs/references/faq.md new file mode 100644 index 0000000000..5a87ba3d87 --- /dev/null +++ b/docs/references/faq.md @@ -0,0 +1,17 @@ +Here’s the text with corrected grammar and refined phrasing in U.S. English: + +# Frequently Asked Questions + +## The results are not deterministic, even with a temperature of 0 + +You may notice that when you send the same request twice, the results from the engine will be slightly different, even when the temperature is set to 0. + +From our initial investigation, this indeterminism arises from two factors: dynamic batching and prefix caching. Roughly speaking, dynamic batching accounts for about 95% of the indeterminism, while prefix caching accounts for the remaining portion. The server runs dynamic batching under the hood. Different batch sizes can cause PyTorch/CuBLAS to dispatch to different CUDA kernels, which can lead to slight numerical differences. This difference accumulates across many layers, resulting in nondeterministic output when the batch size changes. Similarly, when prefix caching is enabled, it can also dispatch to different kernels. Even when the computations are mathematically equivalent, small numerical differences from different kernel implementations lead to the final nondeterministic outputs. + +To achieve more deterministic outputs in the current code, you can add `--disable-radix-cache` and send only one request at a time. The results will be mostly deterministic under this setting. + +We are still investigating the root causes and potential solutions. In the short term, we may introduce a "deterministic mode" that uses more padding to address the variance caused by dynamic batching. This mode will be more deterministic but slower. + +We have two issues to track our progress: +- The deterministic mode is tracked at [https://github.com/sgl-project/sglang/issues/1729](https://github.com/sgl-project/sglang/issues/1729). +- The per-request random seed is tracked at [https://github.com/sgl-project/sglang/issues/1335](https://github.com/sgl-project/sglang/issues/1335). \ No newline at end of file From 2134f0898ceb833c5202c3a7c5e9e74535d96697 Mon Sep 17 00:00:00 2001 From: Lianmin Zheng Date: Fri, 1 Nov 2024 18:21:14 -0700 Subject: [PATCH 12/44] Fix links in the docs (#1878) --- docs/backend/backend.md | 6 +++--- docs/references/custom_chat_template.md | 2 -- docs/references/faq.md | 4 +--- docs/references/sampling_params.md | 2 -- 4 files changed, 4 insertions(+), 10 deletions(-) diff --git a/docs/backend/backend.md b/docs/backend/backend.md index 3692d7217b..5466951787 100644 --- a/docs/backend/backend.md +++ b/docs/backend/backend.md @@ -20,7 +20,7 @@ curl http://localhost:30000/generate \ }' ``` -Learn more about the argument specification, streaming, and multi-modal support [here](https://sgl-project.github.io/sampling_params.html). +Learn more about the argument specification, streaming, and multi-modal support [here](https://sgl-project.github.io/references/sampling_params.html). ## OpenAI Compatible API In addition, the server supports OpenAI-compatible APIs. @@ -74,7 +74,7 @@ python -m sglang.launch_server --model-path meta-llama/Meta-Llama-3-8B-Instruct ``` python -m sglang.launch_server --model-path meta-llama/Meta-Llama-3-8B-Instruct --mem-fraction-static 0.7 ``` -- See [hyperparameter tuning](https://sgl-project.github.io/hyperparameter_tuning.html) on tuning hyperparameters for better performance. +- See [hyperparameter tuning](https://sgl-project.github.io/references/hyperparameter_tuning.html) on tuning hyperparameters for better performance. - If you see out-of-memory errors during prefill for long prompts, try to set a smaller chunked prefill size. ``` python -m sglang.launch_server --model-path meta-llama/Meta-Llama-3-8B-Instruct --chunked-prefill-size 4096 @@ -161,7 +161,7 @@ You can view the full example [here](https://github.com/sgl-project/sglang/tree/ - gte-Qwen2 - `python -m sglang.launch_server --model-path Alibaba-NLP/gte-Qwen2-7B-instruct --is-embedding` -Instructions for supporting a new model are [here](https://sgl-project.github.io/model_support.html). +Instructions for supporting a new model are [here](https://sgl-project.github.io/references/model_support.html). ### Use Models From ModelScope
diff --git a/docs/references/custom_chat_template.md b/docs/references/custom_chat_template.md index 0a5225da22..64b33a0a42 100644 --- a/docs/references/custom_chat_template.md +++ b/docs/references/custom_chat_template.md @@ -1,5 +1,3 @@ -.. _custom-chat-template: - # Custom Chat Template in SGLang Runtime **NOTE**: There are two chat template systems in SGLang project. This document is about setting a custom chat template for the OpenAI-compatible API server (defined at [conversation.py](https://github.com/sgl-project/sglang/blob/main/python/sglang/srt/conversation.py)). It is NOT related to the chat template used in the SGLang language frontend (defined at [chat_template.py](https://github.com/sgl-project/sglang/blob/main/python/sglang/lang/chat_template.py)). diff --git a/docs/references/faq.md b/docs/references/faq.md index 5a87ba3d87..eb43ee6620 100644 --- a/docs/references/faq.md +++ b/docs/references/faq.md @@ -1,5 +1,3 @@ -Here’s the text with corrected grammar and refined phrasing in U.S. English: - # Frequently Asked Questions ## The results are not deterministic, even with a temperature of 0 @@ -14,4 +12,4 @@ We are still investigating the root causes and potential solutions. In the short We have two issues to track our progress: - The deterministic mode is tracked at [https://github.com/sgl-project/sglang/issues/1729](https://github.com/sgl-project/sglang/issues/1729). -- The per-request random seed is tracked at [https://github.com/sgl-project/sglang/issues/1335](https://github.com/sgl-project/sglang/issues/1335). \ No newline at end of file +- The per-request random seed is tracked at [https://github.com/sgl-project/sglang/issues/1335](https://github.com/sgl-project/sglang/issues/1335). diff --git a/docs/references/sampling_params.md b/docs/references/sampling_params.md index 062e0c99b0..78d5193c25 100644 --- a/docs/references/sampling_params.md +++ b/docs/references/sampling_params.md @@ -1,5 +1,3 @@ -.. _sampling-parameters: - # Sampling Parameters in SGLang Runtime This doc describes the sampling parameters of the SGLang Runtime. It is the low-level endpoint of the runtime. From 066e8a4ef0e9728cb8744944155c6da815c3d8a0 Mon Sep 17 00:00:00 2001 From: Lianmin Zheng Date: Fri, 1 Nov 2024 20:00:41 -0700 Subject: [PATCH 13/44] Update docs title (#1879) --- docs/backend/openai_api_completions.ipynb | 14 +------------- docs/backend/openai_api_vision.ipynb | 2 +- 2 files changed, 2 insertions(+), 14 deletions(-) diff --git a/docs/backend/openai_api_completions.ipynb b/docs/backend/openai_api_completions.ipynb index dc89500f62..6b649a4e43 100644 --- a/docs/backend/openai_api_completions.ipynb +++ b/docs/backend/openai_api_completions.ipynb @@ -4,7 +4,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "# OpenAI-Compatible APIs - Completions\n", + "# OpenAI APIs - Completions\n", "\n", "SGLang provides OpenAI-compatible APIs to enable a smooth transition from OpenAI services to self-hosted local models.\n", "A complete reference for the API is available in the [OpenAI API Reference](https://platform.openai.com/docs/api-reference).\n", @@ -1313,18 +1313,6 @@ "display_name": "Python 3 (ipykernel)", "language": "python", "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.10.12" } }, "nbformat": 4, diff --git a/docs/backend/openai_api_vision.ipynb b/docs/backend/openai_api_vision.ipynb index 4b7482c49a..a4345be7cd 100644 --- a/docs/backend/openai_api_vision.ipynb +++ b/docs/backend/openai_api_vision.ipynb @@ -4,7 +4,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "# OpenAI-Compatible APIs - Vision\n", + "# OpenAI APIs - Vision\n", "\n", "SGLang provides OpenAI-compatible APIs to enable a smooth transition from OpenAI services to self-hosted local models.\n", "A complete reference for the API is available in the [OpenAI API Reference](https://platform.openai.com/docs/guides/vision).\n", From 2565cb0f40b9d8b92711efab7e8ff073b4058478 Mon Sep 17 00:00:00 2001 From: Lianmin Zheng Date: Fri, 1 Nov 2024 20:29:41 -0700 Subject: [PATCH 14/44] Update docs and workflow (#1881) --- .github/workflows/{deploy-docs.yml => release-docs.yml} | 1 + README.md | 2 +- docs/{starts => start}/install.md | 0 docs/{starts => start}/send_request.ipynb | 2 +- 4 files changed, 3 insertions(+), 2 deletions(-) rename .github/workflows/{deploy-docs.yml => release-docs.yml} (97%) rename docs/{starts => start}/install.md (100%) rename docs/{starts => start}/send_request.ipynb (99%) diff --git a/.github/workflows/deploy-docs.yml b/.github/workflows/release-docs.yml similarity index 97% rename from .github/workflows/deploy-docs.yml rename to .github/workflows/release-docs.yml index aeb9765f19..7abcf5768c 100644 --- a/.github/workflows/deploy-docs.yml +++ b/.github/workflows/release-docs.yml @@ -45,6 +45,7 @@ jobs: cd _build/html git clone https://$GITHUB_TOKEN@github.com/sgl-project/sgl-project.github.io.git ../sgl-project.github.io + rm -rf ../sgl-project.github.io/* cp -r * ../sgl-project.github.io cd ../sgl-project.github.io git config user.name "zhaochenyang20" diff --git a/README.md b/README.md index 8e5d55f50b..497b7e344a 100644 --- a/README.md +++ b/README.md @@ -40,7 +40,7 @@ The core features include: - **Active Community**: SGLang is open-source and backed by an active community with industry adoption. ## Install -See [https://sgl-project.github.io/starts/install.html](https://sgl-project.github.io/starts/install.html) +See [https://sgl-project.github.io/start/install.html](https://sgl-project.github.io/start/install.html) ## Backend: SGLang Runtime (SRT) See [https://sgl-project.github.io/backend/backend.html](https://sgl-project.github.io/backend/backend.html) diff --git a/docs/starts/install.md b/docs/start/install.md similarity index 100% rename from docs/starts/install.md rename to docs/start/install.md diff --git a/docs/starts/send_request.ipynb b/docs/start/send_request.ipynb similarity index 99% rename from docs/starts/send_request.ipynb rename to docs/start/send_request.ipynb index 2b095c2595..209910185e 100644 --- a/docs/starts/send_request.ipynb +++ b/docs/start/send_request.ipynb @@ -4,7 +4,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "# Quick Start: Launch A Server and Send Requests\n", + "# Quick Start: Sending Requests\n", "\n", "This notebook provides a quick-start guide for using SGLang after installation." ] From 660ecb731f0aa8d08d0220ea2ef91757ac24d33c Mon Sep 17 00:00:00 2001 From: Lianmin Zheng Date: Fri, 1 Nov 2024 20:42:30 -0700 Subject: [PATCH 15/44] Fix doc links (#1882) --- docs/backend/openai_api_vision.ipynb | 15 ++------------- docs/index.rst | 4 ++-- 2 files changed, 4 insertions(+), 15 deletions(-) diff --git a/docs/backend/openai_api_vision.ipynb b/docs/backend/openai_api_vision.ipynb index a4345be7cd..25742cb6e7 100644 --- a/docs/backend/openai_api_vision.ipynb +++ b/docs/backend/openai_api_vision.ipynb @@ -351,8 +351,9 @@ "We list popular vision models with their chat templates:\n", "\n", "- [meta-llama/Llama-3.2-Vision](https://huggingface.co/meta-llama/Llama-3.2-11B-Vision-Instruct) uses `llama_3_vision`.\n", - "- [LLaVA-NeXT](https://huggingface.co/collections/lmms-lab/llava-next-6623288e2d61edba3ddbf5ff) uses `chatml-llava`.\n", + "- [Qwen/Qwen2-VL-7B-Instruct](https://huggingface.co/Qwen/Qwen2-VL-7B-Instruct) uses `qwen2-vl`.\n", "- [LlaVA-OneVision](https://huggingface.co/lmms-lab/llava-onevision-qwen2-7b-ov) uses `chatml-llava`.\n", + "- [LLaVA-NeXT](https://huggingface.co/collections/lmms-lab/llava-next-6623288e2d61edba3ddbf5ff) uses `chatml-llava`.\n", "- [Llama3-LLaVA-NeXT](https://huggingface.co/lmms-lab/llama3-llava-next-8b) uses `llava_llama_3`.\n", "- [LLaVA-v1.5 / 1.6](https://huggingface.co/liuhaotian/llava-v1.6-34b) uses `vicuna_v1.1`." ] @@ -363,18 +364,6 @@ "display_name": "Python 3 (ipykernel)", "language": "python", "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.10.12" } }, "nbformat": 4, diff --git a/docs/index.rst b/docs/index.rst index c40cd169f6..f5468c88f0 100644 --- a/docs/index.rst +++ b/docs/index.rst @@ -15,8 +15,8 @@ The core features include: :maxdepth: 1 :caption: Getting Started - starts/install.md - starts/send_request.ipynb + start/install.md + start/send_request.ipynb .. toctree:: From 146f6134051a23cda360a9de2a1abc1f447b9787 Mon Sep 17 00:00:00 2001 From: Ran Chen Date: Sat, 2 Nov 2024 00:04:50 -0700 Subject: [PATCH 16/44] Fix incorrect context length for llama3.2-11b (#1873) --- python/sglang/srt/hf_transformers_utils.py | 14 +++++++++----- 1 file changed, 9 insertions(+), 5 deletions(-) diff --git a/python/sglang/srt/hf_transformers_utils.py b/python/sglang/srt/hf_transformers_utils.py index c3abf11e4e..7a8751043f 100644 --- a/python/sglang/srt/hf_transformers_utils.py +++ b/python/sglang/srt/hf_transformers_utils.py @@ -88,19 +88,23 @@ def get_config( def get_context_length(config): - """Get the context length of a model from a huggingface model configs.""" - rope_scaling = getattr(config, "rope_scaling", None) + """Get the context length of a model from a huggingface model configs. + And here the config should be text_config part if the model is a multimodal + LLM. + """ + text_config = getattr(config, "text_config", config) + rope_scaling = getattr(text_config, "rope_scaling", None) if rope_scaling: - rope_scaling_factor = config.rope_scaling.get("factor", 1) + rope_scaling_factor = rope_scaling.get("factor", 1) if "original_max_position_embeddings" in rope_scaling: rope_scaling_factor = 1 - if config.rope_scaling.get("rope_type", None) == "llama3": + if rope_scaling.get("rope_type", None) == "llama3": rope_scaling_factor = 1 else: rope_scaling_factor = 1 for key in CONTEXT_LENGTH_KEYS: - val = getattr(config, key, None) + val = getattr(text_config, key, None) if val is not None: return int(rope_scaling_factor * val) return 2048 From 72e979bfb5ed031282deef800774cbcde3d572b3 Mon Sep 17 00:00:00 2001 From: Chayenne Date: Sat, 2 Nov 2024 00:17:30 -0700 Subject: [PATCH 17/44] add native api docs (#1883) Co-authored-by: Chayenne --- docs/backend/embedding_model.ipynb | 139 +--- docs/backend/native_api.ipynb | 286 +++++++++ docs/backend/openai_api_completions.ipynb | 748 +--------------------- docs/backend/openai_api_vision.ipynb | 149 +---- docs/index.rst | 1 + docs/start/send_request.ipynb | 138 +--- 6 files changed, 319 insertions(+), 1142 deletions(-) create mode 100644 docs/backend/native_api.ipynb diff --git a/docs/backend/embedding_model.ipynb b/docs/backend/embedding_model.ipynb index 589e668434..45928587bb 100644 --- a/docs/backend/embedding_model.ipynb +++ b/docs/backend/embedding_model.ipynb @@ -30,7 +30,7 @@ }, { "cell_type": "code", - "execution_count": 1, + "execution_count": null, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:47:32.337369Z", @@ -39,59 +39,7 @@ "shell.execute_reply": "2024-11-01T02:47:59.539861Z" } }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", - " warnings.warn(\n", - "[2024-10-31 22:40:37] server_args=ServerArgs(model_path='Alibaba-NLP/gte-Qwen2-7B-instruct', tokenizer_path='Alibaba-NLP/gte-Qwen2-7B-instruct', tokenizer_mode='auto', skip_tokenizer_init=False, load_format='auto', trust_remote_code=False, dtype='auto', kv_cache_dtype='auto', quantization=None, context_length=None, device='cuda', served_model_name='Alibaba-NLP/gte-Qwen2-7B-instruct', chat_template=None, is_embedding=True, host='0.0.0.0', port=30010, mem_fraction_static=0.88, max_running_requests=None, max_total_tokens=None, chunked_prefill_size=8192, max_prefill_tokens=16384, schedule_policy='lpm', schedule_conservativeness=1.0, tp_size=1, stream_interval=1, random_seed=309155486, constrained_json_whitespace_pattern=None, decode_log_interval=40, log_level='info', log_level_http=None, log_requests=False, show_time_cost=False, api_key=None, file_storage_pth='SGLang_storage', enable_cache_report=False, watchdog_timeout=600, dp_size=1, load_balance_method='round_robin', dist_init_addr=None, nnodes=1, node_rank=0, json_model_override_args='{}', enable_double_sparsity=False, ds_channel_config_path=None, ds_heavy_channel_num=32, ds_heavy_token_num=256, ds_heavy_channel_type='qk', ds_sparse_decode_threshold=4096, lora_paths=None, max_loras_per_batch=8, attention_backend='flashinfer', sampling_backend='flashinfer', grammar_backend='outlines', disable_flashinfer=False, disable_flashinfer_sampling=False, disable_radix_cache=False, disable_regex_jump_forward=False, disable_cuda_graph=False, disable_cuda_graph_padding=False, disable_disk_cache=False, disable_custom_all_reduce=False, disable_mla=False, disable_penalizer=False, disable_nan_detection=False, enable_overlap_schedule=False, enable_mixed_chunk=False, enable_torch_compile=False, torch_compile_max_bs=32, cuda_graph_max_bs=160, torchao_config='', enable_p2p_check=False, triton_attention_reduce_in_fp32=False, num_continuous_decode_steps=1)\n", - "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", - " warnings.warn(\n", - "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", - " warnings.warn(\n", - "[2024-10-31 22:40:42 TP0] Init torch distributed begin.\n", - "[2024-10-31 22:40:43 TP0] Load weight begin. avail mem=47.27 GB\n", - "[2024-10-31 22:40:43 TP0] lm_eval is not installed, GPTQ may not be usable\n", - "INFO 10-31 22:40:44 weight_utils.py:243] Using model weights format ['*.safetensors']\n", - "Loading safetensors checkpoint shards: 0% Completed | 0/7 [00:00

NOTE: Typically, the server runs in a separate terminal.
In this notebook, we run the server and notebook code together, so their outputs are combined.
To improve clarity, the server logs are displayed in the original black color, while the notebook outputs are highlighted in blue.
" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "from sglang.utils import (\n", " execute_shell_command,\n", @@ -119,7 +67,7 @@ }, { "cell_type": "code", - "execution_count": 2, + "execution_count": null, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:47:59.543958Z", @@ -128,28 +76,7 @@ "shell.execute_reply": "2024-11-01T02:47:59.590809Z" } }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 22:40:57 TP0] Prefill batch. #new-seq: 1, #new-token: 4, #cached-token: 0, cache hit rate: 0.00%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-10-31 22:40:57] INFO: 127.0.0.1:51746 - \"POST /v1/embeddings HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "Text embedding (first 10): [0.0083160400390625, 0.0006804466247558594, -0.00809478759765625, -0.0006995201110839844, 0.0143890380859375, -0.0090179443359375, 0.01238250732421875, 0.00209808349609375, 0.0062103271484375, -0.003047943115234375]" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "import subprocess, json\n", "\n", @@ -176,7 +103,7 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": null, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:47:59.594229Z", @@ -185,28 +112,7 @@ "shell.execute_reply": "2024-11-01T02:48:00.005255Z" } }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 22:40:58 TP0] Prefill batch. #new-seq: 1, #new-token: 1, #cached-token: 3, cache hit rate: 21.43%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-10-31 22:40:58] INFO: 127.0.0.1:51750 - \"POST /v1/embeddings HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "Text embedding (first 10): [0.00829315185546875, 0.0007004737854003906, -0.00809478759765625, -0.0006799697875976562, 0.01438140869140625, -0.00897979736328125, 0.0123748779296875, 0.0020923614501953125, 0.006195068359375, -0.0030498504638671875]" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "import openai\n", "\n", @@ -233,7 +139,7 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": null, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:48:00.008858Z", @@ -242,36 +148,7 @@ "shell.execute_reply": "2024-11-01T02:48:01.871573Z" } }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/home/chenyang/miniconda3/envs/AlphaMeemory/lib/python3.11/site-packages/transformers/utils/hub.py:128: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.\n", - " warnings.warn(\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 22:41:00 TP0] Prefill batch. #new-seq: 1, #new-token: 1, #cached-token: 3, cache hit rate: 33.33%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-10-31 22:41:00] INFO: 127.0.0.1:51762 - \"POST /v1/embeddings HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "Input IDs embedding (first 10): [0.00829315185546875, 0.0007004737854003906, -0.00809478759765625, -0.0006799697875976562, 0.01438140869140625, -0.00897979736328125, 0.0123748779296875, 0.0020923614501953125, 0.006195068359375, -0.0030498504638671875]" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "import json\n", "import os\n", diff --git a/docs/backend/native_api.ipynb b/docs/backend/native_api.ipynb new file mode 100644 index 0000000000..65cbbab183 --- /dev/null +++ b/docs/backend/native_api.ipynb @@ -0,0 +1,286 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Native Server API\n", + "\n", + "Apart from the OpenAI compatible API, the SGLang Runtime also provides its native server API. We introduce these following API:\n", + "\n", + "- `/generate`\n", + "- `/update_weights`\n", + "- `/get_server_args`\n", + "- `/get_model_info`\n", + "- `/health`\n", + "- `/health_generate`\n", + "- `/flush_cache`\n", + "- `/get_memory_pool_size`\n", + "\n", + "We mainly use `requests` to test these APIs in the following examples. You can also use `curl`." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Launch A Server" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from sglang.utils import (\n", + " execute_shell_command,\n", + " wait_for_server,\n", + " terminate_process,\n", + " print_highlight,\n", + ")\n", + "import subprocess, json\n", + "\n", + "server_process = execute_shell_command(\n", + "\"\"\"\n", + "python3 -m sglang.launch_server --model-path meta-llama/Llama-3.2-1B-Instruct --port=30010\n", + "\"\"\"\n", + ")\n", + "\n", + "wait_for_server(\"http://localhost:30010\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Generate\n", + "\n", + "Used to generate completion from the model, similar to the `/v1/completions` API in OpenAI. Detailed parameters can be found in the [sampling parameters](https://sgl-project.github.io/references/sampling_params.html)." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import requests\n", + "\n", + "url = \"http://localhost:30010/generate\"\n", + "data = {\"text\": \"List 3 countries and their capitals.\"}\n", + "\n", + "response = requests.post(url, json=data)\n", + "print_highlight(response.text)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Get Server Args\n", + "\n", + "Used to get the serving args when the server is launched." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "url = \"http://localhost:30010/get_server_args\"\n", + "\n", + "response = requests.get(url)\n", + "print_highlight(response.json())" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Get Model Info\n", + "\n", + "Used to get the model info.\n", + "\n", + "- `model_path`: The path/name of the model.\n", + "- `is_generation`: Whether the model is used as generation model or embedding model." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "url = \"http://localhost:30010/get_model_info\"\n", + "\n", + "response = requests.get(url)\n", + "response_json = response.json()\n", + "print_highlight(response_json)\n", + "assert response_json[\"model_path\"] == \"meta-llama/Llama-3.2-1B-Instruct\"\n", + "assert response_json[\"is_generation\"] == True\n", + "assert response_json.keys() == {\"model_path\", \"is_generation\"}" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Health and Health Generate\n", + "\n", + "- `/health`: Check the health of the server.\n", + "- `/health_generate`: Check the health of the server by generating one token." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "url = \"http://localhost:30010/health_generate\"\n", + "\n", + "response = requests.get(url)\n", + "print_highlight(response.text)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "url = \"http://localhost:30010/health\"\n", + "\n", + "response = requests.get(url)\n", + "print_highlight(response.text)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Flush Cache\n", + "\n", + "Used to flush the radix cache. It will be automatically triggered when the model weights are updated by the `/update_weights` API." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# flush cache\n", + "\n", + "url = \"http://localhost:30010/flush_cache\"\n", + "\n", + "response = requests.post(url)\n", + "print_highlight(response.text)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Get Memory Pool Size\n", + "\n", + "Get the memory pool size in number of tokens.\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# get_memory_pool_size\n", + "\n", + "url = \"http://localhost:30010/get_memory_pool_size\"\n", + "\n", + "response = requests.get(url)\n", + "print_highlight(response.text)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Update Weights\n", + "\n", + "Update model weights without restarting the server. Use for continuous evaluation during training. Only applicable for models with the same architecture and parameter size." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# successful update with same architecture and size\n", + "\n", + "url = \"http://localhost:30010/update_weights\"\n", + "data = {\"model_path\": \"meta-llama/Llama-3.2-1B\"}\n", + "\n", + "response = requests.post(url, json=data)\n", + "print_highlight(response.text)\n", + "assert response.json()[\"success\"] == True\n", + "assert response.json()[\"message\"] == \"Succeeded to update model weights.\"\n", + "assert response.json().keys() == {\"success\", \"message\"}" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# failed update with different parameter size\n", + "\n", + "url = \"http://localhost:30010/update_weights\"\n", + "data = {\"model_path\": \"meta-llama/Llama-3.2-3B\"}\n", + "\n", + "response = requests.post(url, json=data)\n", + "response_json = response.json()\n", + "print_highlight(response_json)\n", + "assert response_json[\"success\"] == False\n", + "assert response_json[\"message\"] == (\n", + " \"Failed to update weights: The size of tensor a (2048) must match \"\n", + " \"the size of tensor b (3072) at non-singleton dimension 1.\\n\"\n", + " \"Rolling back to original weights.\"\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [], + "source": [ + "terminate_process(server_process)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "AlphaMeemory", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.11.7" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/docs/backend/openai_api_completions.ipynb b/docs/backend/openai_api_completions.ipynb index 6b649a4e43..13ea0acdb8 100644 --- a/docs/backend/openai_api_completions.ipynb +++ b/docs/backend/openai_api_completions.ipynb @@ -38,55 +38,7 @@ "cell_type": "code", "execution_count": 1, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "2024-11-02 00:06:33.051950: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:479] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered\n", - "2024-11-02 00:06:33.063961: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:10575] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered\n", - "2024-11-02 00:06:33.063983: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1442] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered\n", - "2024-11-02 00:06:33.581526: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT\n", - "[2024-11-02 00:06:41] server_args=ServerArgs(model_path='meta-llama/Meta-Llama-3.1-8B-Instruct', tokenizer_path='meta-llama/Meta-Llama-3.1-8B-Instruct', tokenizer_mode='auto', skip_tokenizer_init=False, load_format='auto', trust_remote_code=False, dtype='auto', kv_cache_dtype='auto', quantization=None, context_length=None, device='cuda', served_model_name='meta-llama/Meta-Llama-3.1-8B-Instruct', chat_template=None, is_embedding=False, host='0.0.0.0', port=30000, mem_fraction_static=0.88, max_running_requests=None, max_total_tokens=None, chunked_prefill_size=8192, max_prefill_tokens=16384, schedule_policy='lpm', schedule_conservativeness=1.0, tp_size=1, stream_interval=1, random_seed=73322355, constrained_json_whitespace_pattern=None, decode_log_interval=40, log_level='info', log_level_http=None, log_requests=False, show_time_cost=False, api_key=None, file_storage_pth='SGLang_storage', enable_cache_report=False, watchdog_timeout=600, dp_size=1, load_balance_method='round_robin', dist_init_addr=None, nnodes=1, node_rank=0, json_model_override_args='{}', enable_double_sparsity=False, ds_channel_config_path=None, ds_heavy_channel_num=32, ds_heavy_token_num=256, ds_heavy_channel_type='qk', ds_sparse_decode_threshold=4096, lora_paths=None, max_loras_per_batch=8, attention_backend='flashinfer', sampling_backend='flashinfer', grammar_backend='outlines', disable_flashinfer=False, disable_flashinfer_sampling=False, disable_radix_cache=False, disable_regex_jump_forward=False, disable_cuda_graph=False, disable_cuda_graph_padding=False, disable_disk_cache=False, disable_custom_all_reduce=False, disable_mla=False, disable_penalizer=False, disable_nan_detection=False, enable_overlap_schedule=False, enable_mixed_chunk=False, enable_torch_compile=False, torch_compile_max_bs=32, cuda_graph_max_bs=160, torchao_config='', enable_p2p_check=False, triton_attention_reduce_in_fp32=False, num_continuous_decode_steps=1)\n", - "[2024-11-02 00:06:51 TP0] Init torch distributed begin.\n", - "[2024-11-02 00:06:54 TP0] Load weight begin. avail mem=76.83 GB\n", - "[2024-11-02 00:06:54 TP0] lm_eval is not installed, GPTQ may not be usable\n", - "INFO 11-02 00:06:54 weight_utils.py:243] Using model weights format ['*.safetensors']\n", - "Loading safetensors checkpoint shards: 0% Completed | 0/4 [00:00

NOTE: Typically, the server runs in a separate terminal.
In this notebook, we run the server and notebook code together, so their outputs are combined.
To improve clarity, the server logs are displayed in the original black color, while the notebook outputs are highlighted in blue.
" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "from sglang.utils import (\n", " execute_shell_command,\n", @@ -96,7 +48,7 @@ ")\n", "\n", "server_process = execute_shell_command(\n", - "\"python -m sglang.launch_server --model-path meta-llama/Meta-Llama-3.1-8B-Instruct --port 30000 --host 0.0.0.0\"\n", + " \"python -m sglang.launch_server --model-path meta-llama/Meta-Llama-3.1-8B-Instruct --port 30000 --host 0.0.0.0\"\n", ")\n", "\n", "wait_for_server(\"http://localhost:30000\")" @@ -126,29 +78,7 @@ "shell.execute_reply": "2024-11-01T02:45:18.086450Z" } }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-11-02 00:08:04 TP0] Prefill batch. #new-seq: 1, #new-token: 48, #cached-token: 1, cache hit rate: 1.79%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-11-02 00:08:04 TP0] Decode batch. #running-req: 1, #token: 82, token usage: 0.00, gen throughput (token/s): 0.72, #queue-req: 0\n", - "[2024-11-02 00:08:04] INFO: 127.0.0.1:51178 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "Response: ChatCompletion(id='bb74a7e9fcae4df7af2ee59e25aa75a5', choices=[Choice(finish_reason='stop', index=0, logprobs=None, message=ChatCompletionMessage(content='Here are 3 countries and their capitals:\\n\\n1. **Country:** Japan\\n**Capital:** Tokyo\\n\\n2. **Country:** Australia\\n**Capital:** Canberra\\n\\n3. **Country:** Brazil\\n**Capital:** Brasília', refusal=None, role='assistant', audio=None, function_call=None, tool_calls=None), matched_stop=128009)], created=1730506084, model='meta-llama/Meta-Llama-3.1-8B-Instruct', object='chat.completion', service_tier=None, system_fingerprint=None, usage=CompletionUsage(completion_tokens=46, prompt_tokens=49, total_tokens=95, completion_tokens_details=None, prompt_tokens_details=None))" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "import openai\n", "\n", @@ -189,31 +119,7 @@ "shell.execute_reply": "2024-11-01T02:45:21.192539Z" } }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-11-02 00:08:08 TP0] Prefill batch. #new-seq: 1, #new-token: 48, #cached-token: 28, cache hit rate: 21.97%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-11-02 00:08:08 TP0] Decode batch. #running-req: 1, #token: 104, token usage: 0.00, gen throughput (token/s): 9.89, #queue-req: 0\n", - "[2024-11-02 00:08:09 TP0] Decode batch. #running-req: 1, #token: 144, token usage: 0.00, gen throughput (token/s): 132.64, #queue-req: 0\n", - "[2024-11-02 00:08:09 TP0] Decode batch. #running-req: 1, #token: 184, token usage: 0.00, gen throughput (token/s): 132.28, #queue-req: 0\n", - "[2024-11-02 00:08:09] INFO: 127.0.0.1:51178 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "Ancient Rome's major achievements include:

1. **Law and Governance**: The Twelve Tables (450 BCE) and the Julian Laws (5th century BCE) established a foundation for Roman law, which influenced modern Western law. The Roman Republic (509-27 BCE) and Empire (27 BCE-476 CE) developed a system of governance that included the concept of citizenship, representation, and checks on power.

2. **Architecture and Engineering**: Romans developed impressive architectural styles, such as the arch, dome, and aqueducts. Iconic structures like the Colosseum, Pantheon, and Roman Forum showcased their engineering prowess.

" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "response = client.chat.completions.create(\n", " model=\"meta-llama/Meta-Llama-3.1-8B-Instruct\",\n", @@ -259,17 +165,7 @@ "shell.execute_reply": "2024-11-01T02:45:21.675050Z" } }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-11-02 00:08:19] INFO: 127.0.0.1:44218 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n", - "[2024-11-02 00:08:19 TP0] Prefill batch. #new-seq: 1, #new-token: 15, #cached-token: 25, cache hit rate: 31.40%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "This is only a test." - ] - } - ], + "outputs": [], "source": [ "stream = client.chat.completions.create(\n", " model=\"meta-llama/Meta-Llama-3.1-8B-Instruct\",\n", @@ -303,30 +199,7 @@ "shell.execute_reply": "2024-11-01T02:45:23.181695Z" } }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-11-02 00:08:25 TP0] Prefill batch. #new-seq: 1, #new-token: 8, #cached-token: 1, cache hit rate: 30.39%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-11-02 00:08:25 TP0] Decode batch. #running-req: 1, #token: 24, token usage: 0.00, gen throughput (token/s): 2.45, #queue-req: 0\n", - "[2024-11-02 00:08:25 TP0] Decode batch. #running-req: 1, #token: 64, token usage: 0.00, gen throughput (token/s): 142.10, #queue-req: 0\n", - "[2024-11-02 00:08:26] INFO: 127.0.0.1:37290 - \"POST /v1/completions HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "Response: Completion(id='25412696fce14364b40430b5671fc11e', choices=[CompletionChoice(finish_reason='length', index=0, logprobs=None, text=' 1. 2. 3.\\n1. United States - Washington D.C. 2. Japan - Tokyo 3. Australia - Canberra\\nList 3 countries and their capitals. 1. 2. 3.\\n1. China - Beijing 2. Brazil - Bras', matched_stop=None)], created=1730506106, model='meta-llama/Meta-Llama-3.1-8B-Instruct', object='text_completion', system_fingerprint=None, usage=CompletionUsage(completion_tokens=64, prompt_tokens=9, total_tokens=73, completion_tokens_details=None, prompt_tokens_details=None))" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "response = client.completions.create(\n", " model=\"meta-llama/Meta-Llama-3.1-8B-Instruct\",\n", @@ -362,62 +235,7 @@ "shell.execute_reply": "2024-11-01T02:45:26.769299Z" } }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:23 TP0] Prefill batch. #new-seq: 1, #new-token: 9, #cached-token: 1, cache hit rate: 29.32%, token usage: 0.00, #running-req: 0, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:23 TP0] Decode batch. #running-req: 1, #token: 29, token usage: 0.00, gen throughput (token/s): 40.76, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:24 TP0] Decode batch. #running-req: 1, #token: 69, token usage: 0.00, gen throughput (token/s): 42.13, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:25 TP0] Decode batch. #running-req: 1, #token: 109, token usage: 0.00, gen throughput (token/s): 42.01, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:26 TP0] Decode batch. #running-req: 1, #token: 149, token usage: 0.00, gen throughput (token/s): 41.87, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:26] INFO: 127.0.0.1:37738 - \"POST /v1/completions HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "Response: Completion(id='fe384c17aece4a5ca5fb5238dcd1adec', choices=[CompletionChoice(finish_reason='length', index=0, logprobs=None, text=\" This can be a sci-fi story, and you have the ability to create a unique and imaginative universe.\\nIn the depths of space, a lone space explorer named Kaelin Vex navigated through the swirling vortex of the Aurora Nebula. Her ship, the Starweaver, was an extension of herself, its advanced AI system linked directly to her mind. Together, they danced through the cosmos, searching for answers to the mysteries of the universe.\\nKaelin's mission was to uncover the secrets of the ancient alien civilization known as the Architects. Legends spoke of their unparalleled technological prowess and their ability to manipulate reality itself. Many believed they had transcended their physical forms, becoming one with the cosmos.\\nAs Kaelin delved deeper into\", matched_stop=None)], created=1730429126, model='meta-llama/Meta-Llama-3.1-8B-Instruct', object='text_completion', system_fingerprint=None, usage=CompletionUsage(completion_tokens=150, prompt_tokens=10, total_tokens=160, prompt_tokens_details=None))" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "response = client.completions.create(\n", " model=\"meta-llama/Meta-Llama-3.1-8B-Instruct\",\n", @@ -463,29 +281,7 @@ "shell.execute_reply": "2024-11-01T02:45:26.793811Z" } }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:26] INFO: 127.0.0.1:57182 - \"POST /v1/files HTTP/1.1\" 200 OK\n", - "[2024-10-31 19:45:26] INFO: 127.0.0.1:57182 - \"POST /v1/batches HTTP/1.1\" 200 OK\n", - "[2024-10-31 19:45:26 TP0] Prefill batch. #new-seq: 2, #new-token: 20, #cached-token: 60, cache hit rate: 42.80%, token usage: 0.00, #running-req: 0, #queue-req: 0\n" - ] - }, - { - "data": { - "text/html": [ - "Batch job created with ID: batch_d9af5b49-ad3d-423e-8c30-4aaafa5c18c4" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "import json\n", "import time\n", @@ -547,93 +343,7 @@ "shell.execute_reply": "2024-11-01T02:45:29.810041Z" } }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:27 TP0] Decode batch. #running-req: 1, #token: 69, token usage: 0.00, gen throughput (token/s): 51.72, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Batch job status: validating...trying again in 3 seconds...\n", - "[2024-10-31 19:45:29] INFO: 127.0.0.1:57182 - \"GET /v1/batches/batch_d9af5b49-ad3d-423e-8c30-4aaafa5c18c4 HTTP/1.1\" 200 OK\n", - "Batch job completed successfully!\n", - "Request counts: BatchRequestCounts(completed=2, failed=0, total=2)\n", - "[2024-10-31 19:45:29] INFO: 127.0.0.1:57182 - \"GET /v1/files/backend_result_file-4ed79bf4-1e07-4fa9-9638-7448aa4e074b/content HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "Request request-1:" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "Response: {'status_code': 200, 'request_id': 'request-1', 'body': {'id': 'request-1', 'object': 'chat.completion', 'created': 1730429127, 'model': 'meta-llama/Meta-Llama-3.1-8B-Instruct', 'choices': {'index': 0, 'message': {'role': 'assistant', 'content': 'Why do programmers prefer dark mode?\\n\\nBecause light attracts bugs.'}, 'logprobs': None, 'finish_reason': 'stop', 'matched_stop': 128009}, 'usage': {'prompt_tokens': 41, 'completion_tokens': 13, 'total_tokens': 54}, 'system_fingerprint': None}}" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "Request request-2:" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "Response: {'status_code': 200, 'request_id': 'request-2', 'body': {'id': 'request-2', 'object': 'chat.completion', 'created': 1730429127, 'model': 'meta-llama/Meta-Llama-3.1-8B-Instruct', 'choices': {'index': 0, 'message': {'role': 'assistant', 'content': '**What is Python?**\\n\\nPython is a high-level, interpreted programming language that is widely used for various purposes such as web development, scientific computing, data analysis, artificial intelligence, and more. It was created in the late 1980s by'}, 'logprobs': None, 'finish_reason': 'length', 'matched_stop': None}, 'usage': {'prompt_tokens': 39, 'completion_tokens': 50, 'total_tokens': 89}, 'system_fingerprint': None}}" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "Cleaning up files..." - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:29] INFO: 127.0.0.1:57182 - \"DELETE /v1/files/backend_result_file-4ed79bf4-1e07-4fa9-9638-7448aa4e074b HTTP/1.1\" 200 OK\n" - ] - } - ], + "outputs": [], "source": [ "while batch_response.status not in [\"completed\", \"failed\", \"cancelled\"]:\n", " time.sleep(3)\n", @@ -688,287 +398,7 @@ "shell.execute_reply": "2024-11-01T02:45:54.850668Z" } }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:29] INFO: 127.0.0.1:57186 - \"POST /v1/files HTTP/1.1\" 200 OK\n", - "[2024-10-31 19:45:29] INFO: 127.0.0.1:57186 - \"POST /v1/batches HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "Created batch job with ID: batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "Initial status: validating" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:29 TP0] Prefill batch. #new-seq: 27, #new-token: 810, #cached-token: 675, cache hit rate: 45.05%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-10-31 19:45:29 TP0] Prefill batch. #new-seq: 73, #new-token: 2190, #cached-token: 1825, cache hit rate: 45.33%, token usage: 0.00, #running-req: 27, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:30 TP0] Decode batch. #running-req: 100, #token: 5125, token usage: 0.02, gen throughput (token/s): 636.38, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:31 TP0] Decode batch. #running-req: 100, #token: 9125, token usage: 0.04, gen throughput (token/s): 3507.97, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:33 TP0] Decode batch. #running-req: 100, #token: 13125, token usage: 0.06, gen throughput (token/s): 3417.06, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:34 TP0] Decode batch. #running-req: 100, #token: 17125, token usage: 0.08, gen throughput (token/s): 3332.03, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:35 TP0] Decode batch. #running-req: 100, #token: 21125, token usage: 0.10, gen throughput (token/s): 3252.29, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:36 TP0] Decode batch. #running-req: 100, #token: 25125, token usage: 0.12, gen throughput (token/s): 3173.87, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:38 TP0] Decode batch. #running-req: 100, #token: 29125, token usage: 0.13, gen throughput (token/s): 3101.31, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:39 TP0] Decode batch. #running-req: 100, #token: 33125, token usage: 0.15, gen throughput (token/s): 3030.90, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:39] INFO: 127.0.0.1:37782 - \"GET /v1/batches/batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "Batch job details (check 1 / 5) // ID: batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 // Status: in_progress // Created at: 1730429129 // Input file ID: backend_input_file-f42b27b5-05ee-4d27-9a37-ff04c3b4a427 // Output file ID: None" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "Request counts: Total: 0 // Completed: 0 // Failed: 0" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:40 TP0] Decode batch. #running-req: 100, #token: 37125, token usage: 0.17, gen throughput (token/s): 2961.37, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:42 TP0] Decode batch. #running-req: 100, #token: 41125, token usage: 0.19, gen throughput (token/s): 2899.29, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:42] INFO: 127.0.0.1:37782 - \"GET /v1/batches/batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "Batch job details (check 2 / 5) // ID: batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 // Status: in_progress // Created at: 1730429129 // Input file ID: backend_input_file-f42b27b5-05ee-4d27-9a37-ff04c3b4a427 // Output file ID: None" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "Request counts: Total: 0 // Completed: 0 // Failed: 0" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:43 TP0] Decode batch. #running-req: 100, #token: 45125, token usage: 0.21, gen throughput (token/s): 2836.50, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:45 TP0] Decode batch. #running-req: 100, #token: 49125, token usage: 0.23, gen throughput (token/s): 2777.80, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:45] INFO: 127.0.0.1:37782 - \"GET /v1/batches/batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "Batch job details (check 3 / 5) // ID: batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 // Status: in_progress // Created at: 1730429129 // Input file ID: backend_input_file-f42b27b5-05ee-4d27-9a37-ff04c3b4a427 // Output file ID: None" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "Request counts: Total: 0 // Completed: 0 // Failed: 0" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:48] INFO: 127.0.0.1:37782 - \"GET /v1/batches/batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "Batch job details (check 4 / 5) // ID: batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 // Status: completed // Created at: 1730429129 // Input file ID: backend_input_file-f42b27b5-05ee-4d27-9a37-ff04c3b4a427 // Output file ID: backend_result_file-dc391511-07f2-4f94-90cb-3ed09bc4b8a3" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "Request counts: Total: 100 // Completed: 100 // Failed: 0" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:51] INFO: 127.0.0.1:37782 - \"GET /v1/batches/batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "Batch job details (check 5 / 5) // ID: batch_3d1a7f8e-af5a-4a14-8391-1001aadfe1b2 // Status: completed // Created at: 1730429129 // Input file ID: backend_input_file-f42b27b5-05ee-4d27-9a37-ff04c3b4a427 // Output file ID: backend_result_file-dc391511-07f2-4f94-90cb-3ed09bc4b8a3" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "Request counts: Total: 100 // Completed: 100 // Failed: 0" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "import json\n", "import time\n", @@ -1051,163 +481,7 @@ "shell.execute_reply": "2024-11-01T02:46:07.892310Z" } }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:54] INFO: 127.0.0.1:33180 - \"POST /v1/files HTTP/1.1\" 200 OK\n", - "[2024-10-31 19:45:54] INFO: 127.0.0.1:33180 - \"POST /v1/batches HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "Created batch job with ID: batch_c30756c3-8c09-4142-9630-9590d6124986" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "Initial status: validating" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:54 TP0] Prefill batch. #new-seq: 135, #new-token: 1150, #cached-token: 6275, cache hit rate: 67.38%, token usage: 0.01, #running-req: 0, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:55 TP0] Prefill batch. #new-seq: 274, #new-token: 8192, #cached-token: 6850, cache hit rate: 55.74%, token usage: 0.02, #running-req: 135, #queue-req: 91\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:56 TP0] Prefill batch. #new-seq: 92, #new-token: 2758, #cached-token: 2302, cache hit rate: 54.19%, token usage: 0.06, #running-req: 408, #queue-req: 1\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:45:56 TP0] Decode batch. #running-req: 500, #token: 16025, token usage: 0.07, gen throughput (token/s): 409.21, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:46:00 TP0] Decode batch. #running-req: 500, #token: 36025, token usage: 0.17, gen throughput (token/s): 5777.09, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:46:03 TP0] Decode batch. #running-req: 500, #token: 56025, token usage: 0.26, gen throughput (token/s): 5530.76, #queue-req: 0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:46:04] INFO: 127.0.0.1:57728 - \"POST /v1/batches/batch_c30756c3-8c09-4142-9630-9590d6124986/cancel HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "Cancellation initiated. Status: cancelling" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:46:07] INFO: 127.0.0.1:57728 - \"GET /v1/batches/batch_c30756c3-8c09-4142-9630-9590d6124986 HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "Current status: cancelled" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "Batch job successfully cancelled" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-10-31 19:46:07] INFO: 127.0.0.1:57728 - \"DELETE /v1/files/backend_input_file-0fbf83a7-301c-488e-a221-b702e24df6a5 HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "Successfully cleaned up input file" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "Successfully deleted local batch_requests.jsonl file" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "import json\n", "import time\n", diff --git a/docs/backend/openai_api_vision.ipynb b/docs/backend/openai_api_vision.ipynb index 25742cb6e7..6b006606be 100644 --- a/docs/backend/openai_api_vision.ipynb +++ b/docs/backend/openai_api_vision.ipynb @@ -38,58 +38,7 @@ "cell_type": "code", "execution_count": 13, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "2024-11-02 00:24:10.542705: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:479] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered\n", - "2024-11-02 00:24:10.554725: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:10575] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered\n", - "2024-11-02 00:24:10.554758: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1442] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered\n", - "2024-11-02 00:24:11.063662: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT\n", - "[2024-11-02 00:24:19] server_args=ServerArgs(model_path='meta-llama/Llama-3.2-11B-Vision-Instruct', tokenizer_path='meta-llama/Llama-3.2-11B-Vision-Instruct', tokenizer_mode='auto', skip_tokenizer_init=False, load_format='auto', trust_remote_code=False, dtype='auto', kv_cache_dtype='auto', quantization=None, context_length=None, device='cuda', served_model_name='meta-llama/Llama-3.2-11B-Vision-Instruct', chat_template='llama_3_vision', is_embedding=False, host='127.0.0.1', port=30010, mem_fraction_static=0.88, max_running_requests=None, max_total_tokens=None, chunked_prefill_size=8192, max_prefill_tokens=16384, schedule_policy='lpm', schedule_conservativeness=1.0, tp_size=1, stream_interval=1, random_seed=553831757, constrained_json_whitespace_pattern=None, decode_log_interval=40, log_level='info', log_level_http=None, log_requests=False, show_time_cost=False, api_key=None, file_storage_pth='SGLang_storage', enable_cache_report=False, watchdog_timeout=600, dp_size=1, load_balance_method='round_robin', dist_init_addr=None, nnodes=1, node_rank=0, json_model_override_args='{}', enable_double_sparsity=False, ds_channel_config_path=None, ds_heavy_channel_num=32, ds_heavy_token_num=256, ds_heavy_channel_type='qk', ds_sparse_decode_threshold=4096, lora_paths=None, max_loras_per_batch=8, attention_backend='flashinfer', sampling_backend='flashinfer', grammar_backend='outlines', disable_flashinfer=False, disable_flashinfer_sampling=False, disable_radix_cache=False, disable_regex_jump_forward=False, disable_cuda_graph=False, disable_cuda_graph_padding=False, disable_disk_cache=False, disable_custom_all_reduce=False, disable_mla=False, disable_penalizer=False, disable_nan_detection=False, enable_overlap_schedule=False, enable_mixed_chunk=False, enable_torch_compile=False, torch_compile_max_bs=32, cuda_graph_max_bs=160, torchao_config='', enable_p2p_check=False, triton_attention_reduce_in_fp32=False, num_continuous_decode_steps=1)\n", - "[2024-11-02 00:24:20] Use chat template for the OpenAI-compatible API server: llama_3_vision\n", - "[2024-11-02 00:24:29 TP0] Automatically turn off --chunked-prefill-size and adjust --mem-fraction-static for multimodal models.\n", - "[2024-11-02 00:24:29 TP0] Init torch distributed begin.\n", - "[2024-11-02 00:24:32 TP0] Load weight begin. avail mem=76.83 GB\n", - "[2024-11-02 00:24:32 TP0] lm_eval is not installed, GPTQ may not be usable\n", - "INFO 11-02 00:24:32 weight_utils.py:243] Using model weights format ['*.safetensors']\n", - "Loading safetensors checkpoint shards: 0% Completed | 0/5 [00:00

NOTE: Typically, the server runs in a separate terminal.
In this notebook, we run the server and notebook code together, so their outputs are combined.
To improve clarity, the server logs are displayed in the original black color, while the notebook outputs are highlighted in blue.
" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "from sglang.utils import (\n", " execute_shell_command,\n", @@ -99,7 +48,7 @@ ")\n", "\n", "embedding_process = execute_shell_command(\n", - "\"\"\"\n", + " \"\"\"\n", "python3 -m sglang.launch_server --model-path meta-llama/Llama-3.2-11B-Vision-Instruct \\\n", " --port=30010 --chat-template=llama_3_vision\n", "\"\"\"\n", @@ -121,44 +70,7 @@ "cell_type": "code", "execution_count": 15, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - " % Total % Received % Xferd Average Speed Time Time Time Current\n", - " Dload Upload Total Spent Left Speed\n", - "100 485 0 0 100 485 0 2420 --:--:-- --:--:-- --:--:-- 2412" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-11-02 00:26:23 TP0] Prefill batch. #new-seq: 1, #new-token: 1, #cached-token: 6462, cache hit rate: 49.97%, token usage: 0.02, #running-req: 0, #queue-req: 0\n", - "[2024-11-02 00:26:24] INFO: 127.0.0.1:39828 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100 965 100 480 100 485 789 797 --:--:-- --:--:-- --:--:-- 1584\n" - ] - }, - { - "data": { - "text/html": [ - "{\"id\":\"5e9e1c80809f492a926a2634c3d162d0\",\"object\":\"chat.completion\",\"created\":1730507184,\"model\":\"meta-llama/Llama-3.2-11B-Vision-Instruct\",\"choices\":[{\"index\":0,\"message\":{\"role\":\"assistant\",\"content\":\"The image depicts a man ironing clothes on an ironing board that is placed on the back of a yellow taxi cab.\"},\"logprobs\":null,\"finish_reason\":\"stop\",\"matched_stop\":128009}],\"usage\":{\"prompt_tokens\":6463,\"total_tokens\":6489,\"completion_tokens\":26,\"prompt_tokens_details\":null}}" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "import subprocess\n", "\n", @@ -206,29 +118,7 @@ "cell_type": "code", "execution_count": 16, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-11-02 00:26:33 TP0] Prefill batch. #new-seq: 1, #new-token: 11, #cached-token: 6452, cache hit rate: 66.58%, token usage: 0.02, #running-req: 0, #queue-req: 0\n", - "[2024-11-02 00:26:34 TP0] Decode batch. #running-req: 1, #token: 6477, token usage: 0.02, gen throughput (token/s): 0.77, #queue-req: 0\n", - "[2024-11-02 00:26:34] INFO: 127.0.0.1:43258 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "The image shows a man ironing clothes on the back of a yellow taxi cab." - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "from openai import OpenAI\n", "\n", @@ -246,7 +136,9 @@ " },\n", " {\n", " \"type\": \"image_url\",\n", - " \"image_url\": {\"url\": \"https://github.com/sgl-project/sglang/blob/main/test/lang/example_image.png?raw=true\"},\n", + " \"image_url\": {\n", + " \"url\": \"https://github.com/sgl-project/sglang/blob/main/test/lang/example_image.png?raw=true\"\n", + " },\n", " },\n", " ],\n", " }\n", @@ -270,30 +162,7 @@ "cell_type": "code", "execution_count": 11, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-11-02 00:20:30 TP0] Prefill batch. #new-seq: 1, #new-token: 1, #cached-token: 12894, cache hit rate: 83.27%, token usage: 0.04, #running-req: 0, #queue-req: 0\n", - "[2024-11-02 00:20:30 TP0] Decode batch. #running-req: 1, #token: 12903, token usage: 0.04, gen throughput (token/s): 2.02, #queue-req: 0\n", - "[2024-11-02 00:20:30 TP0] Decode batch. #running-req: 1, #token: 12943, token usage: 0.04, gen throughput (token/s): 105.52, #queue-req: 0\n", - "[2024-11-02 00:20:30] INFO: 127.0.0.1:41386 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "The first image shows a man in a yellow shirt ironing a shirt on the back of a yellow taxi cab, with a red line connecting the two objects. The second image shows a large orange \"S\" and \"G\" on a white background, with a red line connecting them." - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "from openai import OpenAI\n", "\n", @@ -320,7 +189,7 @@ " {\n", " \"type\": \"text\",\n", " \"text\": \"I have two very different images. They are not related at all. \"\n", - " \"Please describe the first image in one sentence, and then describe the second image in another sentence.\",\n", + " \"Please describe the first image in one sentence, and then describe the second image in another sentence.\",\n", " },\n", " ],\n", " }\n", diff --git a/docs/index.rst b/docs/index.rst index f5468c88f0..48ca25ed67 100644 --- a/docs/index.rst +++ b/docs/index.rst @@ -25,6 +25,7 @@ The core features include: backend/openai_api_completions.ipynb backend/openai_api_vision.ipynb + backend/native_api.ipynb backend/backend.md diff --git a/docs/start/send_request.ipynb b/docs/start/send_request.ipynb index 209910185e..9a2a8555b6 100644 --- a/docs/start/send_request.ipynb +++ b/docs/start/send_request.ipynb @@ -36,55 +36,7 @@ "shell.execute_reply": "2024-11-01T02:46:42.809147Z" } }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "2024-11-02 00:27:25.383621: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:479] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered\n", - "2024-11-02 00:27:25.396224: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:10575] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered\n", - "2024-11-02 00:27:25.396257: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1442] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered\n", - "2024-11-02 00:27:25.922262: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT\n", - "[2024-11-02 00:27:34] server_args=ServerArgs(model_path='meta-llama/Meta-Llama-3.1-8B-Instruct', tokenizer_path='meta-llama/Meta-Llama-3.1-8B-Instruct', tokenizer_mode='auto', skip_tokenizer_init=False, load_format='auto', trust_remote_code=False, dtype='auto', kv_cache_dtype='auto', quantization=None, context_length=None, device='cuda', served_model_name='meta-llama/Meta-Llama-3.1-8B-Instruct', chat_template=None, is_embedding=False, host='0.0.0.0', port=30000, mem_fraction_static=0.88, max_running_requests=None, max_total_tokens=None, chunked_prefill_size=8192, max_prefill_tokens=16384, schedule_policy='lpm', schedule_conservativeness=1.0, tp_size=1, stream_interval=1, random_seed=259802610, constrained_json_whitespace_pattern=None, decode_log_interval=40, log_level='info', log_level_http=None, log_requests=False, show_time_cost=False, api_key=None, file_storage_pth='SGLang_storage', enable_cache_report=False, watchdog_timeout=600, dp_size=1, load_balance_method='round_robin', dist_init_addr=None, nnodes=1, node_rank=0, json_model_override_args='{}', enable_double_sparsity=False, ds_channel_config_path=None, ds_heavy_channel_num=32, ds_heavy_token_num=256, ds_heavy_channel_type='qk', ds_sparse_decode_threshold=4096, lora_paths=None, max_loras_per_batch=8, attention_backend='flashinfer', sampling_backend='flashinfer', grammar_backend='outlines', disable_flashinfer=False, disable_flashinfer_sampling=False, disable_radix_cache=False, disable_regex_jump_forward=False, disable_cuda_graph=False, disable_cuda_graph_padding=False, disable_disk_cache=False, disable_custom_all_reduce=False, disable_mla=False, disable_penalizer=False, disable_nan_detection=False, enable_overlap_schedule=False, enable_mixed_chunk=False, enable_torch_compile=False, torch_compile_max_bs=32, cuda_graph_max_bs=160, torchao_config='', enable_p2p_check=False, triton_attention_reduce_in_fp32=False, num_continuous_decode_steps=1)\n", - "[2024-11-02 00:27:43 TP0] Init torch distributed begin.\n", - "[2024-11-02 00:27:48 TP0] Load weight begin. avail mem=76.83 GB\n", - "[2024-11-02 00:27:48 TP0] lm_eval is not installed, GPTQ may not be usable\n", - "INFO 11-02 00:27:49 weight_utils.py:243] Using model weights format ['*.safetensors']\n", - "Loading safetensors checkpoint shards: 0% Completed | 0/4 [00:00

NOTE: Typically, the server runs in a separate terminal.
In this notebook, we run the server and notebook code together, so their outputs are combined.
To improve clarity, the server logs are displayed in the original black color, while the notebook outputs are highlighted in blue.
" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "from sglang.utils import (\n", " execute_shell_command,\n", @@ -123,45 +75,7 @@ "shell.execute_reply": "2024-11-01T02:46:51.435965Z" } }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - " % Total % Received % Xferd Average Speed Time Time Time Current\n", - " Dload Upload Total Spent Left Speed\n", - "100 278 0 0 100 278 0 1387 --:--:-- --:--:-- --:--:-- 1383" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-11-02 00:28:48 TP0] Prefill batch. #new-seq: 1, #new-token: 11, #cached-token: 42, cache hit rate: 40.19%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-11-02 00:28:48 TP0] Decode batch. #running-req: 1, #token: 75, token usage: 0.00, gen throughput (token/s): 1.46, #queue-req: 0\n", - "[2024-11-02 00:28:49] INFO: 127.0.0.1:53714 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100 871 100 593 100 278 1788 838 --:--:-- --:--:-- --:--:-- 2623\n" - ] - }, - { - "data": { - "text/html": [ - "{\"id\":\"a0714277fab546c5b6d91724aa3e27a3\",\"object\":\"chat.completion\",\"created\":1730507329,\"model\":\"meta-llama/Meta-Llama-3.1-8B-Instruct\",\"choices\":[{\"index\":0,\"message\":{\"role\":\"assistant\",\"content\":\"An LLM, or Large Language Model, is a type of artificial intelligence (AI) designed to process and generate human-like language, often used in applications such as chatbots, virtual assistants, and language translation software.\"},\"logprobs\":null,\"finish_reason\":\"stop\",\"matched_stop\":128009}],\"usage\":{\"prompt_tokens\":53,\"total_tokens\":98,\"completion_tokens\":45,\"prompt_tokens_details\":null}}" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "import subprocess\n", "\n", @@ -209,29 +123,7 @@ "shell.execute_reply": "2024-11-01T02:46:52.895318Z" } }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-11-02 00:03:52 TP0] Prefill batch. #new-seq: 1, #new-token: 20, #cached-token: 29, cache hit rate: 29.13%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-11-02 00:03:52 TP0] Decode batch. #running-req: 1, #token: 65, token usage: 0.00, gen throughput (token/s): 11.33, #queue-req: 0\n", - "[2024-11-02 00:03:53] INFO: 127.0.0.1:57008 - \"POST /v1/chat/completions HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "ChatCompletion(id='a6590143c40f4732a5c57d4c91b43f05', choices=[Choice(finish_reason='stop', index=0, logprobs=None, message=ChatCompletionMessage(content='Here are 3 countries and their capitals:\\n\\n1. **Country:** Japan\\n**Capital:** Tokyo\\n\\n2. **Country:** Australia\\n**Capital:** Canberra\\n\\n3. **Country:** Brazil\\n**Capital:** Brasília', refusal=None, role='assistant', audio=None, function_call=None, tool_calls=None), matched_stop=128009)], created=1730505833, model='meta-llama/Meta-Llama-3.1-8B-Instruct', object='chat.completion', service_tier=None, system_fingerprint=None, usage=CompletionUsage(completion_tokens=46, prompt_tokens=49, total_tokens=95, completion_tokens_details=None, prompt_tokens_details=None))" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "import openai\n", "\n", @@ -264,29 +156,7 @@ "cell_type": "code", "execution_count": 5, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[2024-11-02 00:05:04 TP0] Prefill batch. #new-seq: 1, #new-token: 1, #cached-token: 5, cache hit rate: 33.04%, token usage: 0.00, #running-req: 0, #queue-req: 0\n", - "[2024-11-02 00:05:04 TP0] Decode batch. #running-req: 1, #token: 26, token usage: 0.00, gen throughput (token/s): 3.10, #queue-req: 0\n", - "[2024-11-02 00:05:04] INFO: 127.0.0.1:60536 - \"POST /generate HTTP/1.1\" 200 OK\n" - ] - }, - { - "data": { - "text/html": [ - "{'text': ' a city of romance, art, fashion, and history. Paris is a must-visit destination for anyone who loves culture, architecture, and cuisine. From the', 'meta_info': {'prompt_tokens': 6, 'completion_tokens': 32, 'completion_tokens_wo_jump_forward': 32, 'cached_tokens': 5, 'finish_reason': {'type': 'length', 'length': 32}, 'id': 'd882513c180d4c5981488257ccab4b9f'}, 'index': 0}" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "import requests\n", "\n", From 5a9a4f41c695daa8b46c25abe8200117e68fbab2 Mon Sep 17 00:00:00 2001 From: Lianmin Zheng Date: Sat, 2 Nov 2024 00:20:33 -0700 Subject: [PATCH 18/44] Update index.rst (#1885) --- docs/index.rst | 6 +++--- 1 file changed, 3 insertions(+), 3 deletions(-) diff --git a/docs/index.rst b/docs/index.rst index 48ca25ed67..7d4935a8f2 100644 --- a/docs/index.rst +++ b/docs/index.rst @@ -43,10 +43,10 @@ The core features include: references/sampling_params.md references/hyperparameter_tuning.md references/model_support.md - references/contributor_guide.md - references/choices_methods.md references/benchmark_and_profiling.md - references/troubleshooting.md + references/choices_methods.md references/custom_chat_template.md + references/contributor_guide.md + references/troubleshooting.md references/faq.md references/learn_more.md From 3b60558dd79e1f4aeadc34ed5dbae45cb75e5a00 Mon Sep 17 00:00:00 2001 From: Chayenne Date: Sat, 2 Nov 2024 01:02:17 -0700 Subject: [PATCH 19/44] Native api (#1886) Co-authored-by: Chayenne --- .github/workflows/release-docs.yml | 4 + docs/Makefile | 2 +- docs/backend/native_api.ipynb | 4 +- docs/backend/openai_api_completions.ipynb | 36 +++++--- docs/backend/openai_api_vision.ipynb | 73 ++++++++++++++--- ...model.ipynb => openai_embedding_api.ipynb} | 42 ++++++++-- docs/index.rst | 1 + docs/start/send_request.ipynb | 82 ++++++++++++------- 8 files changed, 181 insertions(+), 63 deletions(-) rename docs/backend/{embedding_model.ipynb => openai_embedding_api.ipynb} (87%) diff --git a/.github/workflows/release-docs.yml b/.github/workflows/release-docs.yml index 7abcf5768c..bca6df5ca7 100644 --- a/.github/workflows/release-docs.yml +++ b/.github/workflows/release-docs.yml @@ -9,6 +9,10 @@ on: - 'python/sglang/version.py' workflow_dispatch: +concurrency: + group: execute-notebook-${{ github.ref }} + cancel-in-progress: true + jobs: execute-and-deploy: runs-on: 1-gpu-runner diff --git a/docs/Makefile b/docs/Makefile index b439c4fe22..51446dc384 100644 --- a/docs/Makefile +++ b/docs/Makefile @@ -1,7 +1,7 @@ # Minimal makefile for Sphinx documentation # -# You can set these variables from the command line, and also +# You can set these variables from the terminal, and also # from the environment for the first two. SPHINXOPTS ?= SPHINXBUILD ?= sphinx-build diff --git a/docs/backend/native_api.ipynb b/docs/backend/native_api.ipynb index 65cbbab183..57ffa14af7 100644 --- a/docs/backend/native_api.ipynb +++ b/docs/backend/native_api.ipynb @@ -4,7 +4,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "# Native Server API\n", + "# Native API\n", "\n", "Apart from the OpenAI compatible API, the SGLang Runtime also provides its native server API. We introduce these following API:\n", "\n", @@ -254,7 +254,7 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 22, "metadata": {}, "outputs": [], "source": [ diff --git a/docs/backend/openai_api_completions.ipynb b/docs/backend/openai_api_completions.ipynb index 13ea0acdb8..2f4b988d5d 100644 --- a/docs/backend/openai_api_completions.ipynb +++ b/docs/backend/openai_api_completions.ipynb @@ -36,7 +36,7 @@ }, { "cell_type": "code", - "execution_count": 1, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -69,7 +69,7 @@ }, { "cell_type": "code", - "execution_count": 2, + "execution_count": null, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:45:16.624550Z", @@ -110,7 +110,7 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": null, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:45:18.090228Z", @@ -151,12 +151,12 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "Streaming mode is also supported" + "Streaming mode is also supported." ] }, { "cell_type": "code", - "execution_count": 4, + "execution_count": null, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:45:21.195226Z", @@ -190,7 +190,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": null, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:45:21.676813Z", @@ -226,7 +226,7 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": null, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:45:23.186337Z", @@ -272,7 +272,7 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": null, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:45:26.772016Z", @@ -334,7 +334,7 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": null, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:45:26.796422Z", @@ -389,7 +389,7 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": null, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:45:29.812339Z", @@ -472,7 +472,7 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": null, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:45:54.854018Z", @@ -567,7 +567,7 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 11, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:46:07.896114Z", @@ -587,6 +587,18 @@ "display_name": "Python 3 (ipykernel)", "language": "python", "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.11.7" } }, "nbformat": 4, diff --git a/docs/backend/openai_api_vision.ipynb b/docs/backend/openai_api_vision.ipynb index 6b006606be..4707a9e650 100644 --- a/docs/backend/openai_api_vision.ipynb +++ b/docs/backend/openai_api_vision.ipynb @@ -36,7 +36,7 @@ }, { "cell_type": "code", - "execution_count": 13, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -63,21 +63,19 @@ "source": [ "## Using cURL\n", "\n", - "Once the server is up, you can send test requests using curl." + "Once the server is up, you can send test requests using curl or requests." ] }, { "cell_type": "code", - "execution_count": 15, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ "import subprocess\n", "\n", "curl_command = \"\"\"\n", - "curl http://localhost:30010/v1/chat/completions \\\n", - " -H \"Content-Type: application/json\" \\\n", - " -H \"Authorization: Bearer None\" \\\n", + "curl -s http://localhost:30010/v1/chat/completions \\\n", " -d '{\n", " \"model\": \"meta-llama/Llama-3.2-11B-Vision-Instruct\",\n", " \"messages\": [\n", @@ -105,18 +103,61 @@ "print_highlight(response)" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Using OpenAI Compatible API w/ Requests" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import requests\n", + "\n", + "url = \"http://localhost:30010/v1/chat/completions\"\n", + "\n", + "data = {\n", + " \"model\": \"meta-llama/Llama-3.2-11B-Vision-Instruct\",\n", + " \"messages\": [\n", + " {\n", + " \"role\": \"user\",\n", + " \"content\": [\n", + " {\n", + " \"type\": \"text\",\n", + " \"text\": \"What’s in this image?\"\n", + " },\n", + " {\n", + " \"type\": \"image_url\",\n", + " \"image_url\": {\n", + " \"url\": \"https://github.com/sgl-project/sglang/blob/main/test/lang/example_image.png?raw=true\"\n", + " }\n", + " }\n", + " ]\n", + " }\n", + " ],\n", + " \"max_tokens\": 300\n", + "}\n", + "\n", + "response = requests.post(url, json=data)\n", + "print_highlight(response.text)" + ] + }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Using OpenAI Python Client\n", "\n", - "You can use the OpenAI Python API library to send requests." + "Also, you can use the OpenAI Python API library to send requests." ] }, { "cell_type": "code", - "execution_count": 16, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -160,7 +201,7 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -202,7 +243,7 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -233,6 +274,18 @@ "display_name": "Python 3 (ipykernel)", "language": "python", "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.11.7" } }, "nbformat": 4, diff --git a/docs/backend/embedding_model.ipynb b/docs/backend/openai_embedding_api.ipynb similarity index 87% rename from docs/backend/embedding_model.ipynb rename to docs/backend/openai_embedding_api.ipynb index 45928587bb..356a57121c 100644 --- a/docs/backend/embedding_model.ipynb +++ b/docs/backend/openai_embedding_api.ipynb @@ -4,7 +4,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "# Embedding Model\n", + "# OpenAI APIs - Embedding\n", "\n", "SGLang supports embedding models in the same way as completion models. Here are some example models:\n", "\n", @@ -62,7 +62,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "## Use Curl" + "## Using cURL" ] }, { @@ -83,8 +83,6 @@ "text = \"Once upon a time\"\n", "\n", "curl_text = f\"\"\"curl -s http://localhost:30010/v1/embeddings \\\n", - " -H \"Content-Type: application/json\" \\\n", - " -H \"Authorization: Bearer None\" \\\n", " -d '{{\"model\": \"Alibaba-NLP/gte-Qwen2-7B-instruct\", \"input\": \"{text}\"}}'\"\"\"\n", "\n", "text_embedding = json.loads(subprocess.check_output(curl_text, shell=True))[\"data\"][0][\n", @@ -98,7 +96,37 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "## Using OpenAI Compatible API" + "## Using OpenAI Compatible API w/ Requests" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import requests\n", + "\n", + "text = \"Once upon a time\"\n", + "\n", + "response = requests.post(\n", + " \"http://localhost:30010/v1/embeddings\",\n", + " json={\n", + " \"model\": \"Alibaba-NLP/gte-Qwen2-7B-instruct\",\n", + " \"input\": text\n", + " }\n", + ")\n", + "\n", + "text_embedding = response.json()[\"data\"][0][\"embedding\"]\n", + "\n", + "print_highlight(f\"Text embedding (first 10): {text_embedding[:10]}\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Using OpenAI Python Client" ] }, { @@ -160,8 +188,6 @@ "input_ids = tokenizer.encode(text)\n", "\n", "curl_ids = f\"\"\"curl -s http://localhost:30010/v1/embeddings \\\n", - " -H \"Content-Type: application/json\" \\\n", - " -H \"Authorization: Bearer None\" \\\n", " -d '{{\"model\": \"Alibaba-NLP/gte-Qwen2-7B-instruct\", \"input\": {json.dumps(input_ids)}}}'\"\"\"\n", "\n", "input_ids_embedding = json.loads(subprocess.check_output(curl_ids, shell=True))[\"data\"][\n", @@ -173,7 +199,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": null, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:48:01.875204Z", diff --git a/docs/index.rst b/docs/index.rst index 7d4935a8f2..d73ce8ac14 100644 --- a/docs/index.rst +++ b/docs/index.rst @@ -25,6 +25,7 @@ The core features include: backend/openai_api_completions.ipynb backend/openai_api_vision.ipynb + backend/openai_embedding_api.ipynb backend/native_api.ipynb backend/backend.md diff --git a/docs/start/send_request.ipynb b/docs/start/send_request.ipynb index 9a2a8555b6..99c22332ff 100644 --- a/docs/start/send_request.ipynb +++ b/docs/start/send_request.ipynb @@ -22,12 +22,12 @@ "--port 30000 --host 0.0.0.0\n", "```\n", "\n", - "in your terminal and wait for the server to be ready." + "in your terminal and wait for the server to be ready. Once the server is running, you can send test requests using curl or requests. The server implements the [OpenAI-compatible API](https://platform.openai.com/docs/api-reference/chat)." ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": null, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:46:13.611212Z", @@ -59,14 +59,36 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "## Send a Request\n", + "## Using cURL\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import subprocess, json\n", "\n", - "Once the server is up, you can send test requests using curl. The server implements the [OpenAI-compatible API](https://platform.openai.com/docs/api-reference/)." + "curl_command = \"\"\"\n", + "curl -s http://localhost:30000/v1/chat/completions \\\n", + " -d '{\"model\": \"meta-llama/Meta-Llama-3.1-8B-Instruct\", \"messages\": [{\"role\": \"system\", \"content\": \"You are a helpful assistant.\"}, {\"role\": \"user\", \"content\": \"What is a LLM?\"}]}'\n", + "\"\"\"\n", + "\n", + "response = json.loads(subprocess.check_output(curl_command, shell=True))\n", + "print_highlight(response)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Using OpenAI Compatible API w/ Requests" ] }, { "cell_type": "code", - "execution_count": 9, + "execution_count": null, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:46:42.813656Z", @@ -77,30 +99,20 @@ }, "outputs": [], "source": [ - "import subprocess\n", + "import requests\n", "\n", - "curl_command = \"\"\"\n", - "curl http://localhost:30000/v1/chat/completions \\\\\n", - " -H \"Content-Type: application/json\" \\\\\n", - " -H \"Authorization: Bearer None\" \\\\\n", - " -d '{\n", + "url = \"http://localhost:30000/v1/chat/completions\"\n", + "\n", + "data = {\n", " \"model\": \"meta-llama/Meta-Llama-3.1-8B-Instruct\",\n", " \"messages\": [\n", - " {\n", - " \"role\": \"system\",\n", - " \"content\": \"You are a helpful assistant.\"\n", - " },\n", - " {\n", - " \"role\": \"user\",\n", - " \"content\": \"What is an LLM? Tell me in one sentence.\"\n", - " }\n", + " {\"role\": \"system\", \"content\": \"You are a helpful assistant.\"},\n", + " {\"role\": \"user\", \"content\": \"What is a LLM?\"}\n", " ]\n", - " }'\n", - "\"\"\"\n", + "}\n", "\n", - "response = subprocess.check_output(curl_command, shell=True).decode()\n", - "\n", - "print_highlight(response)" + "response = requests.post(url, json=data)\n", + "print_highlight(response.json())" ] }, { @@ -109,12 +121,12 @@ "source": [ "## Using OpenAI Python Client\n", "\n", - "You can use the OpenAI Python API library to send requests." + "You can also use the OpenAI Python API library to send requests." ] }, { "cell_type": "code", - "execution_count": 3, + "execution_count": null, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:46:51.439372Z", @@ -138,7 +150,6 @@ " temperature=0,\n", " max_tokens=64,\n", ")\n", - "\n", "print_highlight(response)" ] }, @@ -148,13 +159,12 @@ "source": [ "## Using Native Generation APIs\n", "\n", - "You can also use the native `/generate` endpoint. It provides more flexiblity.\n", - "An API reference is available at [Sampling Parameters](https://sgl-project.github.io/references/sampling_params.html)." + "You can also use the native `/generate` endpoint with requests, which provides more flexiblity. An API reference is available at [Sampling Parameters](https://sgl-project.github.io/references/sampling_params.html)." ] }, { "cell_type": "code", - "execution_count": 5, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -196,6 +206,18 @@ "display_name": "Python 3 (ipykernel)", "language": "python", "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.11.7" } }, "nbformat": 4, From 7b394e5f2b26b05363303738792aa841573ebbbf Mon Sep 17 00:00:00 2001 From: Lianmin Zheng Date: Sat, 2 Nov 2024 11:46:00 -0700 Subject: [PATCH 20/44] Fix docs (#1889) --- ..._api.ipynb => openai_api_embeddings.ipynb} | 10 +- docs/backend/openai_api_vision.ipynb | 6 +- docs/index.rst | 2 +- docs/references/sampling_params.md | 249 ------------------ docs/start/install.md | 2 +- docs/start/send_request.ipynb | 83 +++++- 6 files changed, 87 insertions(+), 265 deletions(-) rename docs/backend/{openai_embedding_api.ipynb => openai_api_embeddings.ipynb} (93%) diff --git a/docs/backend/openai_embedding_api.ipynb b/docs/backend/openai_api_embeddings.ipynb similarity index 93% rename from docs/backend/openai_embedding_api.ipynb rename to docs/backend/openai_api_embeddings.ipynb index 356a57121c..41ed3f775b 100644 --- a/docs/backend/openai_embedding_api.ipynb +++ b/docs/backend/openai_api_embeddings.ipynb @@ -6,10 +6,12 @@ "source": [ "# OpenAI APIs - Embedding\n", "\n", - "SGLang supports embedding models in the same way as completion models. Here are some example models:\n", + "SGLang provides OpenAI-compatible APIs to enable a smooth transition from OpenAI services to self-hosted local models.\n", + "A complete reference for the API is available in the [OpenAI API Reference](https://platform.openai.com/docs/guides/embeddings).\n", "\n", - "- [intfloat/e5-mistral-7b-instruct](https://huggingface.co/intfloat/e5-mistral-7b-instruct)\n", - "- [Alibaba-NLP/gte-Qwen2-7B-instruct](https://huggingface.co/Alibaba-NLP/gte-Qwen2-7B-instruct)\n" + "This tutorial covers the embedding APIs for embedding models, such as \n", + "- [intfloat/e5-mistral-7b-instruct](https://huggingface.co/intfloat/e5-mistral-7b-instruct) \n", + "- [Alibaba-NLP/gte-Qwen2-7B-instruct](https://huggingface.co/Alibaba-NLP/gte-Qwen2-7B-instruct) \n" ] }, { @@ -96,7 +98,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "## Using OpenAI Compatible API w/ Requests" + "## Using Python Requests" ] }, { diff --git a/docs/backend/openai_api_vision.ipynb b/docs/backend/openai_api_vision.ipynb index 4707a9e650..4a903c401d 100644 --- a/docs/backend/openai_api_vision.ipynb +++ b/docs/backend/openai_api_vision.ipynb @@ -107,7 +107,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "## Using OpenAI Compatible API w/ Requests" + "## Using Python Requests" ] }, { @@ -150,9 +150,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "## Using OpenAI Python Client\n", - "\n", - "Also, you can use the OpenAI Python API library to send requests." + "## Using OpenAI Python Client" ] }, { diff --git a/docs/index.rst b/docs/index.rst index d73ce8ac14..55d3e81be2 100644 --- a/docs/index.rst +++ b/docs/index.rst @@ -25,7 +25,7 @@ The core features include: backend/openai_api_completions.ipynb backend/openai_api_vision.ipynb - backend/openai_embedding_api.ipynb + backend/openai_api_embeddings.ipynb backend/native_api.ipynb backend/backend.md diff --git a/docs/references/sampling_params.md b/docs/references/sampling_params.md index 78d5193c25..21850e9351 100644 --- a/docs/references/sampling_params.md +++ b/docs/references/sampling_params.md @@ -177,252 +177,3 @@ print(response.json()) The `image_data` can be a file name, a URL, or a base64 encoded string. See also `python/sglang/srt/utils.py:load_image`. Streaming is supported in a similar manner as [above](#streaming). - -## Performance Implications on Penalties - -While you can apply penalties by supplying relevant `sampling_params`, this comes with some drawbacks. - -These drawbacks will be applied to every single requests in the same batch, as penalizers also applies in batch. - -### Latency - -While we try to compute penalty algorithms through CUDA, it is still additional computation on top of the basic sampling logic. For detailed overhead, we recommend you to run your own benchmarks, but you can find samples below to get a glimpse. - -### Memory - -Since we compute penalty algorithms through CUDA, the logic stores relevant parameters on GPU. This is usually in a scale of `vocab_size` multiplied by `running_requests`. - -You can run your own benchmark with desired parameters on your own hardware to make sure it's not OOMing before using. - -Tuning `--mem-fraction-static` and/or `--max-running-requests` will help. - -### Benchmarks - -All the benchmarks below were ran on NVIDIA H100 SXM5. - -
- -#### Baseline - -Measured at [dc9d06d886151707f97d0b78095df9de262fd3c9](https://github.com/sgl-project/sglang/commit/dc9d06d886151707f97d0b78095df9de262fd3c9). - -``` -$ python3 -m sglang.bench_serving --backend sglang --port 8413 --dataset-name random --num-prompts 3000 --random-input 256 --random-output 512 - -============ Serving Benchmark Result ============ -Backend: sglang -Traffic request rate: inf -Successful requests: 3000 -Benchmark duration (s): 66.11 -Total input tokens: 378633 -Total generated tokens: 775651 -Total generated tokens (retokenized): 775118 -Request throughput (req/s): 45.38 -Input token throughput (tok/s): 5727.04 -Output token throughput (tok/s): 11732.16 -----------------End-to-End Latency---------------- -Mean E2E Latency (ms): 40881.94 -Median E2E Latency (ms): 43967.10 ----------------Time to First Token---------------- -Mean TTFT (ms): 19884.75 -Median TTFT (ms): 14226.56 -P99 TTFT (ms): 47738.97 ------Time per Output Token (excl. 1st token)------ -Mean TPOT (ms): 91.96 -Median TPOT (ms): 90.11 -P99 TPOT (ms): 308.54 ----------------Inter-token Latency---------------- -Mean ITL (ms): 174.54 -Median ITL (ms): 58.56 -P99 ITL (ms): 440.18 -================================================== -``` - -#### All Together - -``` -$ python3 -m sglang.bench_serving --backend sglang --port 8413 --dataset-name random --num-prompts 3000 --random-input 256 --random-output 512 --extra-request-body '{ - "frequency_penalty": 1.1, - "presence_penalty": 1.1, - "repetition_penalty": 0.1, - "min_new_tokens": 5 -}' - -============ Serving Benchmark Result ============ -Backend: sglang -Traffic request rate: inf -Successful requests: 3000 -Benchmark duration (s): 78.35 -Total input tokens: 378633 -Total generated tokens: 775651 -Total generated tokens (retokenized): 774756 -Request throughput (req/s): 38.29 -Input token throughput (tok/s): 4832.86 -Output token throughput (tok/s): 9900.39 -----------------End-to-End Latency---------------- -Mean E2E Latency (ms): 49017.68 -Median E2E Latency (ms): 52825.70 ----------------Time to First Token---------------- -Mean TTFT (ms): 23892.60 -Median TTFT (ms): 18895.47 -P99 TTFT (ms): 57426.01 ------Time per Output Token (excl. 1st token)------ -Mean TPOT (ms): 114.54 -Median TPOT (ms): 107.27 -P99 TPOT (ms): 293.31 ----------------Inter-token Latency---------------- -Mean ITL (ms): 205.68 -Median ITL (ms): 73.97 -P99 ITL (ms): 453.86 -================================================== -``` - -#### Frequency Penalty - -``` -$ python3 -m sglang.bench_serving --backend sglang --port 8413 --dataset-name random --num-prompts 3000 --random-input 256 --random-output 512 --extra-request-body '{ - "frequency_penalty": 1.1 -}' - -============ Serving Benchmark Result ============ -Backend: sglang -Traffic request rate: inf -Successful requests: 3000 -Benchmark duration (s): 72.72 -Total input tokens: 378633 -Total generated tokens: 775651 -Total generated tokens (retokenized): 774955 -Request throughput (req/s): 41.26 -Input token throughput (tok/s): 5206.84 -Output token throughput (tok/s): 10666.51 -----------------End-to-End Latency---------------- -Mean E2E Latency (ms): 45445.56 -Median E2E Latency (ms): 48960.39 ----------------Time to First Token---------------- -Mean TTFT (ms): 22363.16 -Median TTFT (ms): 17125.02 -P99 TTFT (ms): 52920.95 ------Time per Output Token (excl. 1st token)------ -Mean TPOT (ms): 104.71 -Median TPOT (ms): 98.30 -P99 TPOT (ms): 268.06 ----------------Inter-token Latency---------------- -Mean ITL (ms): 191.60 -Median ITL (ms): 67.83 -P99 ITL (ms): 455.46 -================================================== -``` - -#### Presence Penalty - -``` -$ python3 -m sglang.bench_serving --backend sglang --port 8413 --dataset-name random --num-prompts 3000 --random-input 256 --random-output 512 --extra-request-body '{ - "presence_penalty": 1.1 -}' - -============ Serving Benchmark Result ============ -Backend: sglang -Traffic request rate: inf -Successful requests: 3000 -Benchmark duration (s): 72.04 -Total input tokens: 378633 -Total generated tokens: 775651 -Total generated tokens (retokenized): 775210 -Request throughput (req/s): 41.64 -Input token throughput (tok/s): 5255.98 -Output token throughput (tok/s): 10767.18 -----------------End-to-End Latency---------------- -Mean E2E Latency (ms): 44926.61 -Median E2E Latency (ms): 48302.88 ----------------Time to First Token---------------- -Mean TTFT (ms): 22095.39 -Median TTFT (ms): 16740.93 -P99 TTFT (ms): 52554.03 ------Time per Output Token (excl. 1st token)------ -Mean TPOT (ms): 103.54 -Median TPOT (ms): 97.37 -P99 TPOT (ms): 271.86 ----------------Inter-token Latency---------------- -Mean ITL (ms): 189.86 -Median ITL (ms): 68.45 -P99 ITL (ms): 447.11 -================================================== -``` - -#### Repetition Penalty - -``` -$ python3 -m sglang.bench_serving --backend sglang --port 8413 --dataset-name random --num-prompts 3000 --random-input 256 --random-output 512 --extra-request-body '{ - "repetition_penalty": 0.1 -}' - -============ Serving Benchmark Result ============ -Backend: sglang -Traffic request rate: inf -Successful requests: 3000 -Benchmark duration (s): 74.54 -Total input tokens: 378633 -Total generated tokens: 775651 -Total generated tokens (retokenized): 766008 -Request throughput (req/s): 40.24 -Input token throughput (tok/s): 5079.36 -Output token throughput (tok/s): 10405.35 -----------------End-to-End Latency---------------- -Mean E2E Latency (ms): 46530.38 -Median E2E Latency (ms): 50302.65 ----------------Time to First Token---------------- -Mean TTFT (ms): 22603.47 -Median TTFT (ms): 17167.08 -P99 TTFT (ms): 54497.85 ------Time per Output Token (excl. 1st token)------ -Mean TPOT (ms): 117.59 -Median TPOT (ms): 101.79 -P99 TPOT (ms): 320.04 ----------------Inter-token Latency---------------- -Mean ITL (ms): 195.26 -Median ITL (ms): 69.51 -P99 ITL (ms): 433.86 -================================================== -``` - -#### Min New Tokens - -The min new tokens penalizer computes until generation process reaches given `min_new_tokens`. - -Dislike other penalizers, setting this to higher value will have more latency implications. - -``` -$ python3 -m sglang.bench_serving --backend sglang --port 8413 --dataset-name random --num-prompts 3000 --random-input 256 --random-output 512 --extra-request-body '{ - "min_new_tokens": 5 -}' - -============ Serving Benchmark Result ============ -Backend: sglang -Traffic request rate: inf -Successful requests: 3000 -Benchmark duration (s): 66.94 -Total input tokens: 378633 -Total generated tokens: 775651 -Total generated tokens (retokenized): 775220 -Request throughput (req/s): 44.81 -Input token throughput (tok/s): 5656.13 -Output token throughput (tok/s): 11586.90 -----------------End-to-End Latency---------------- -Mean E2E Latency (ms): 41888.55 -Median E2E Latency (ms): 45354.16 ----------------Time to First Token---------------- -Mean TTFT (ms): 20866.91 -Median TTFT (ms): 16219.79 -P99 TTFT (ms): 49263.91 ------Time per Output Token (excl. 1st token)------ -Mean TPOT (ms): 97.05 -Median TPOT (ms): 89.76 -P99 TPOT (ms): 233.50 ----------------Inter-token Latency---------------- -Mean ITL (ms): 179.17 -Median ITL (ms): 55.08 -P99 ITL (ms): 409.12 -================================================== -``` - -
diff --git a/docs/start/install.md b/docs/start/install.md index 1ecd572ce3..c203cc4d0f 100644 --- a/docs/start/install.md +++ b/docs/start/install.md @@ -97,5 +97,5 @@ sky status --endpoint 30000 sglang ## Common Notes - [FlashInfer](https://github.com/flashinfer-ai/flashinfer) is the default attention kernel backend. It only supports sm75 and above. If you encounter any FlashInfer-related issues on sm75+ devices (e.g., T4, A10, A100, L4, L40S, H100), please switch to other kernels by adding `--attention-backend triton --sampling-backend pytorch` and open an issue on GitHub. -- If you only need to use the OpenAI backend, you can avoid installing other dependencies by using `pip install "sglang[openai]"`. +- If you only need to use OpenAI models with the frontend language, you can avoid installing other dependencies by using `pip install "sglang[openai]"`. - The language frontend operates independently of the backend runtime. You can install the frontend locally without needing a GPU, while the backend can be set up on a GPU-enabled machine. To install the frontend, run `pip install sglang`, and for the backend, use `pip install sglang[srt]`. This allows you to build SGLang programs locally and execute them by connecting to the remote backend. diff --git a/docs/start/send_request.ipynb b/docs/start/send_request.ipynb index 99c22332ff..0d4f7474ac 100644 --- a/docs/start/send_request.ipynb +++ b/docs/start/send_request.ipynb @@ -5,7 +5,6 @@ "metadata": {}, "source": [ "# Quick Start: Sending Requests\n", - "\n", "This notebook provides a quick-start guide for using SGLang after installation." ] }, @@ -14,7 +13,6 @@ "metadata": {}, "source": [ "## Launch a server\n", - "\n", "This code block is equivalent to executing \n", "\n", "```bash\n", @@ -83,7 +81,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "## Using OpenAI Compatible API w/ Requests" + "## Using Requests" ] }, { @@ -119,9 +117,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "## Using OpenAI Python Client\n", - "\n", - "You can also use the OpenAI Python API library to send requests." + "## Using OpenAI Python Client" ] }, { @@ -153,6 +149,41 @@ "print_highlight(response)" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Streaming" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import openai\n", + "\n", + "client = openai.Client(base_url=\"http://127.0.0.1:30000/v1\", api_key=\"None\")\n", + "\n", + "# Use stream=True for streaming responses\n", + "response = client.chat.completions.create(\n", + " model=\"meta-llama/Meta-Llama-3.1-8B-Instruct\",\n", + " messages=[\n", + " {\"role\": \"system\", \"content\": \"You are a helpful AI assistant\"},\n", + " {\"role\": \"user\", \"content\": \"List 3 countries and their capitals.\"},\n", + " ],\n", + " temperature=0,\n", + " max_tokens=64,\n", + " stream=True,\n", + ")\n", + "\n", + "# Handle the streaming output\n", + "for chunk in response:\n", + " if chunk.choices[0].delta.content:\n", + " print(chunk.choices[0].delta.content, end='', flush=True)" + ] + }, { "cell_type": "markdown", "metadata": {}, @@ -184,6 +215,46 @@ "print_highlight(response.json())" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Streaming" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import requests, json\n", + "\n", + "response = requests.post(\n", + " \"http://localhost:30000/generate\",\n", + " json={\n", + " \"text\": \"The capital of France is\",\n", + " \"sampling_params\": {\n", + " \"temperature\": 0,\n", + " \"max_new_tokens\": 32,\n", + " },\n", + " \"stream\": True,\n", + " },\n", + " stream=True,\n", + ")\n", + "\n", + "prev = 0\n", + "for chunk in response.iter_lines(decode_unicode=False):\n", + " chunk = chunk.decode(\"utf-8\")\n", + " if chunk and chunk.startswith(\"data:\"):\n", + " if chunk == \"data: [DONE]\":\n", + " break\n", + " data = json.loads(chunk[5:].strip(\"\\n\"))\n", + " output = data[\"text\"]\n", + " print(output[prev:], end=\"\", flush=True)\n", + " prev = len(output)" + ] + }, { "cell_type": "code", "execution_count": 6, From 5a5f18432f574c16cbdb08234a8d1e6efce1bb2a Mon Sep 17 00:00:00 2001 From: Chayenne Date: Sat, 2 Nov 2024 11:57:22 -0700 Subject: [PATCH 21/44] Fix docs ci (#1888) --- docs/backend/native_api.ipynb | 59 +++++++++++++++++++++--- docs/backend/openai_api_embeddings.ipynb | 2 +- docs/start/send_request.ipynb | 2 +- 3 files changed, 54 insertions(+), 9 deletions(-) diff --git a/docs/backend/native_api.ipynb b/docs/backend/native_api.ipynb index 57ffa14af7..798ba248af 100644 --- a/docs/backend/native_api.ipynb +++ b/docs/backend/native_api.ipynb @@ -4,18 +4,19 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "# Native API\n", + "# Native APIs\n", "\n", - "Apart from the OpenAI compatible API, the SGLang Runtime also provides its native server API. We introduce these following API:\n", + "Apart from the OpenAI compatible APIs, the SGLang Runtime also provides its native server APIs. We introduce these following APIs:\n", "\n", "- `/generate`\n", - "- `/update_weights`\n", "- `/get_server_args`\n", "- `/get_model_info`\n", "- `/health`\n", "- `/health_generate`\n", "- `/flush_cache`\n", "- `/get_memory_pool_size`\n", + "- `/update_weights`\n", + "- `/encode`\n", "\n", "We mainly use `requests` to test these APIs in the following examples. You can also use `curl`." ] @@ -68,7 +69,7 @@ "import requests\n", "\n", "url = \"http://localhost:30010/generate\"\n", - "data = {\"text\": \"List 3 countries and their capitals.\"}\n", + "data = {\"text\": \"What is the capital of France?\"}\n", "\n", "response = requests.post(url, json=data)\n", "print_highlight(response.text)" @@ -78,7 +79,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "# Get Server Args\n", + "## Get Server Args\n", "\n", "Used to get the serving args when the server is launched." ] @@ -252,13 +253,57 @@ ")" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Encode\n", + "\n", + "Used to encode text into embeddings. Note that this API is only available for [embedding models](./openai_embedding_api.ipynb) and will raise an error for generation models.\n", + "Therefore, we launch a new server to server an embedding model.\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "terminate_process(server_process)\n", + "\n", + "embedding_process = execute_shell_command(\n", + " \"\"\"\n", + "python -m sglang.launch_server --model-path Alibaba-NLP/gte-Qwen2-7B-instruct \\\n", + " --port 30020 --host 0.0.0.0 --is-embedding\n", + "\"\"\"\n", + ")\n", + "\n", + "wait_for_server(\"http://localhost:30020\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# successful encode for embedding model\n", + "\n", + "url = \"http://localhost:30020/encode\"\n", + "data = {\"model\": \"Alibaba-NLP/gte-Qwen2-7B-instruct\", \"text\": \"Once upon a time\"}\n", + "\n", + "response = requests.post(url, json=data)\n", + "response_json = response.json()\n", + "print_highlight(f\"Text embedding (first 10): {response_json['embedding'][:10]}\")" + ] + }, { "cell_type": "code", - "execution_count": 22, + "execution_count": 43, "metadata": {}, "outputs": [], "source": [ - "terminate_process(server_process)" + "terminate_process(embedding_process)" ] } ], diff --git a/docs/backend/openai_api_embeddings.ipynb b/docs/backend/openai_api_embeddings.ipynb index 41ed3f775b..8769d17101 100644 --- a/docs/backend/openai_api_embeddings.ipynb +++ b/docs/backend/openai_api_embeddings.ipynb @@ -201,7 +201,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 6, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:48:01.875204Z", diff --git a/docs/start/send_request.ipynb b/docs/start/send_request.ipynb index 0d4f7474ac..df2187ca01 100644 --- a/docs/start/send_request.ipynb +++ b/docs/start/send_request.ipynb @@ -81,7 +81,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "## Using Requests" + "## Using Python Requests" ] }, { From be7986e00544a28832841c916c07793173fd512c Mon Sep 17 00:00:00 2001 From: Lianmin Zheng Date: Sat, 2 Nov 2024 13:26:32 -0700 Subject: [PATCH 22/44] Fix docs (#1890) --- docs/backend/backend.md | 2 +- docs/backend/native_api.ipynb | 21 ++++++++------------- docs/backend/openai_api_embeddings.ipynb | 14 +++++++------- docs/backend/openai_api_vision.ipynb | 14 +++++++------- docs/references/hyperparameter_tuning.md | 2 +- docs/references/troubleshooting.md | 15 ++++++++------- docs/start/send_request.ipynb | 7 ++----- 7 files changed, 34 insertions(+), 41 deletions(-) diff --git a/docs/backend/backend.md b/docs/backend/backend.md index 5466951787..5913568f86 100644 --- a/docs/backend/backend.md +++ b/docs/backend/backend.md @@ -127,7 +127,7 @@ You can view the full example [here](https://github.com/sgl-project/sglang/tree/ ## Supported Models **Generative Models** -- Llama / Llama 2 / Llama 3 / Llama 3.1 +- Llama / Llama 2 / Llama 3 / Llama 3.1 / Llama 3.2 - Mistral / Mixtral / Mistral NeMo - Gemma / Gemma 2 - Qwen / Qwen 2 / Qwen 2 MoE / Qwen 2 VL diff --git a/docs/backend/native_api.ipynb b/docs/backend/native_api.ipynb index 798ba248af..bbf9be9e9d 100644 --- a/docs/backend/native_api.ipynb +++ b/docs/backend/native_api.ipynb @@ -5,7 +5,6 @@ "metadata": {}, "source": [ "# Native APIs\n", - "\n", "Apart from the OpenAI compatible APIs, the SGLang Runtime also provides its native server APIs. We introduce these following APIs:\n", "\n", "- `/generate`\n", @@ -40,7 +39,6 @@ " terminate_process,\n", " print_highlight,\n", ")\n", - "import subprocess, json\n", "\n", "server_process = execute_shell_command(\n", "\"\"\"\n", @@ -56,8 +54,7 @@ "metadata": {}, "source": [ "## Generate\n", - "\n", - "Used to generate completion from the model, similar to the `/v1/completions` API in OpenAI. Detailed parameters can be found in the [sampling parameters](https://sgl-project.github.io/references/sampling_params.html)." + "Generate completions. This is similar to the `/v1/completions` in OpenAI API. Detailed parameters can be found in the [sampling parameters](https://sgl-project.github.io/references/sampling_params.html)." ] }, { @@ -72,7 +69,7 @@ "data = {\"text\": \"What is the capital of France?\"}\n", "\n", "response = requests.post(url, json=data)\n", - "print_highlight(response.text)" + "print_highlight(response.json())" ] }, { @@ -80,8 +77,7 @@ "metadata": {}, "source": [ "## Get Server Args\n", - "\n", - "Used to get the serving args when the server is launched." + "Get the arguments of a server." ] }, { @@ -102,7 +98,7 @@ "source": [ "## Get Model Info\n", "\n", - "Used to get the model info.\n", + "Get the information of the model.\n", "\n", "- `model_path`: The path/name of the model.\n", "- `is_generation`: Whether the model is used as generation model or embedding model." @@ -120,7 +116,7 @@ "response_json = response.json()\n", "print_highlight(response_json)\n", "assert response_json[\"model_path\"] == \"meta-llama/Llama-3.2-1B-Instruct\"\n", - "assert response_json[\"is_generation\"] == True\n", + "assert response_json[\"is_generation\"] is True\n", "assert response_json.keys() == {\"model_path\", \"is_generation\"}" ] }, @@ -128,8 +124,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "## Health and Health Generate\n", - "\n", + "## Health Check\n", "- `/health`: Check the health of the server.\n", "- `/health_generate`: Check the health of the server by generating one token." ] @@ -164,7 +159,7 @@ "source": [ "## Flush Cache\n", "\n", - "Used to flush the radix cache. It will be automatically triggered when the model weights are updated by the `/update_weights` API." + "Flush the radix cache. It will be automatically triggered when the model weights are updated by the `/update_weights` API." ] }, { @@ -259,7 +254,7 @@ "source": [ "## Encode\n", "\n", - "Used to encode text into embeddings. Note that this API is only available for [embedding models](./openai_embedding_api.ipynb) and will raise an error for generation models.\n", + "Encode text into embeddings. Note that this API is only available for [embedding models](./openai_embedding_api.ipynb) and will raise an error for generation models.\n", "Therefore, we launch a new server to server an embedding model.\n" ] }, diff --git a/docs/backend/openai_api_embeddings.ipynb b/docs/backend/openai_api_embeddings.ipynb index 8769d17101..0a40b0a0d2 100644 --- a/docs/backend/openai_api_embeddings.ipynb +++ b/docs/backend/openai_api_embeddings.ipynb @@ -24,7 +24,7 @@ "\n", "```bash\n", "python -m sglang.launch_server --model-path Alibaba-NLP/gte-Qwen2-7B-instruct \\\n", - " --port 30010 --host 0.0.0.0 --is-embedding\n", + " --port 30000 --host 0.0.0.0 --is-embedding\n", "```\n", "\n", "Remember to add `--is-embedding` to the command." @@ -53,11 +53,11 @@ "embedding_process = execute_shell_command(\n", " \"\"\"\n", "python -m sglang.launch_server --model-path Alibaba-NLP/gte-Qwen2-7B-instruct \\\n", - " --port 30010 --host 0.0.0.0 --is-embedding\n", + " --port 30000 --host 0.0.0.0 --is-embedding\n", "\"\"\"\n", ")\n", "\n", - "wait_for_server(\"http://localhost:30010\")" + "wait_for_server(\"http://localhost:30000\")" ] }, { @@ -84,7 +84,7 @@ "\n", "text = \"Once upon a time\"\n", "\n", - "curl_text = f\"\"\"curl -s http://localhost:30010/v1/embeddings \\\n", + "curl_text = f\"\"\"curl -s http://localhost:30000/v1/embeddings \\\n", " -d '{{\"model\": \"Alibaba-NLP/gte-Qwen2-7B-instruct\", \"input\": \"{text}\"}}'\"\"\"\n", "\n", "text_embedding = json.loads(subprocess.check_output(curl_text, shell=True))[\"data\"][0][\n", @@ -112,7 +112,7 @@ "text = \"Once upon a time\"\n", "\n", "response = requests.post(\n", - " \"http://localhost:30010/v1/embeddings\",\n", + " \"http://localhost:30000/v1/embeddings\",\n", " json={\n", " \"model\": \"Alibaba-NLP/gte-Qwen2-7B-instruct\",\n", " \"input\": text\n", @@ -146,7 +146,7 @@ "source": [ "import openai\n", "\n", - "client = openai.Client(base_url=\"http://127.0.0.1:30010/v1\", api_key=\"None\")\n", + "client = openai.Client(base_url=\"http://127.0.0.1:30000/v1\", api_key=\"None\")\n", "\n", "# Text embedding example\n", "response = client.embeddings.create(\n", @@ -189,7 +189,7 @@ "tokenizer = AutoTokenizer.from_pretrained(\"Alibaba-NLP/gte-Qwen2-7B-instruct\")\n", "input_ids = tokenizer.encode(text)\n", "\n", - "curl_ids = f\"\"\"curl -s http://localhost:30010/v1/embeddings \\\n", + "curl_ids = f\"\"\"curl -s http://localhost:30000/v1/embeddings \\\n", " -d '{{\"model\": \"Alibaba-NLP/gte-Qwen2-7B-instruct\", \"input\": {json.dumps(input_ids)}}}'\"\"\"\n", "\n", "input_ids_embedding = json.loads(subprocess.check_output(curl_ids, shell=True))[\"data\"][\n", diff --git a/docs/backend/openai_api_vision.ipynb b/docs/backend/openai_api_vision.ipynb index 4a903c401d..ecddf6c30e 100644 --- a/docs/backend/openai_api_vision.ipynb +++ b/docs/backend/openai_api_vision.ipynb @@ -26,7 +26,7 @@ "\n", "```bash\n", "python3 -m sglang.launch_server --model-path meta-llama/Llama-3.2-11B-Vision-Instruct \\\n", - " --port 30010 --chat-template llama_3_vision\n", + " --port 30000 --chat-template llama_3_vision\n", "```\n", "in your terminal and wait for the server to be ready.\n", "\n", @@ -50,11 +50,11 @@ "embedding_process = execute_shell_command(\n", " \"\"\"\n", "python3 -m sglang.launch_server --model-path meta-llama/Llama-3.2-11B-Vision-Instruct \\\n", - " --port=30010 --chat-template=llama_3_vision\n", + " --port=30000 --chat-template=llama_3_vision\n", "\"\"\"\n", ")\n", "\n", - "wait_for_server(\"http://localhost:30010\")" + "wait_for_server(\"http://localhost:30000\")" ] }, { @@ -75,7 +75,7 @@ "import subprocess\n", "\n", "curl_command = \"\"\"\n", - "curl -s http://localhost:30010/v1/chat/completions \\\n", + "curl -s http://localhost:30000/v1/chat/completions \\\n", " -d '{\n", " \"model\": \"meta-llama/Llama-3.2-11B-Vision-Instruct\",\n", " \"messages\": [\n", @@ -118,7 +118,7 @@ "source": [ "import requests\n", "\n", - "url = \"http://localhost:30010/v1/chat/completions\"\n", + "url = \"http://localhost:30000/v1/chat/completions\"\n", "\n", "data = {\n", " \"model\": \"meta-llama/Llama-3.2-11B-Vision-Instruct\",\n", @@ -161,7 +161,7 @@ "source": [ "from openai import OpenAI\n", "\n", - "client = OpenAI(base_url=\"http://localhost:30010/v1\", api_key=\"None\")\n", + "client = OpenAI(base_url=\"http://localhost:30000/v1\", api_key=\"None\")\n", "\n", "response = client.chat.completions.create(\n", " model=\"meta-llama/Llama-3.2-11B-Vision-Instruct\",\n", @@ -205,7 +205,7 @@ "source": [ "from openai import OpenAI\n", "\n", - "client = OpenAI(base_url=\"http://localhost:30010/v1\", api_key=\"None\")\n", + "client = OpenAI(base_url=\"http://localhost:30000/v1\", api_key=\"None\")\n", "\n", "response = client.chat.completions.create(\n", " model=\"meta-llama/Llama-3.2-11B-Vision-Instruct\",\n", diff --git a/docs/references/hyperparameter_tuning.md b/docs/references/hyperparameter_tuning.md index 96eb5b4f89..32759cadc5 100644 --- a/docs/references/hyperparameter_tuning.md +++ b/docs/references/hyperparameter_tuning.md @@ -25,7 +25,7 @@ If you see `decode out of memory happened` occasionally but not frequently, it i Data parallelism is better for throughput. When there is enough GPU memory, always favor data parallelism for throughput. ### Avoid out-of-memory by Tuning `--chunked-prefill-size`, `--mem-fraction-static`, `--max-running-requests` -If you see out of memory (OOM) errors, you can decrease these parameters. +If you see out of memory (OOM) errors, you can try to tune the following parameters. If OOM happens during prefill, try to decrease `--chunked-prefill-size` to `4096` or `2048`. If OOM happens during decoding, try to decrease `--max-running-requests`. You can also try to decrease `--mem-fraction-static`, which reduces the memory usage of the KV cache memory pool and helps both prefill and decoding. diff --git a/docs/references/troubleshooting.md b/docs/references/troubleshooting.md index 02793c959f..19eaa2879b 100644 --- a/docs/references/troubleshooting.md +++ b/docs/references/troubleshooting.md @@ -2,12 +2,13 @@ This page lists some common errors and tips for fixing them. +## CUDA out of memory +If you see out of memory (OOM) errors, you can try to tune the following parameters. +If OOM happens during prefill, try to decrease `--chunked-prefill-size` to `4096` or `2048`. +If OOM happens during decoding, try to decrease `--max-running-requests`. +You can also try to decrease `--mem-fraction-static`, which reduces the memory usage of the KV cache memory pool and helps both prefill and decoding. + ## CUDA error: an illegal memory access was encountered This error may be due to kernel errors or out-of-memory issues. -- If it is a kernel error, it is not easy to fix. -- If it is out-of-memory, sometimes it will report this error instead of "Out-of-memory." In this case, try setting a smaller value for `--mem-fraction-static`. The default value of `--mem-fraction-static` is around 0.8 - 0.9. - -## The server hangs -If the server hangs, try disabling some optimizations when launching the server. -- Add `--disable-cuda-graph`. -- Add `--sampling-backend pytorch`. +- If it is a kernel error, it is not easy to fix. Please file an issue on the GitHub. +- If it is out-of-memory, sometimes it will report this error instead of "Out-of-memory." Please refer to the above seciton to avoid the OOM. diff --git a/docs/start/send_request.ipynb b/docs/start/send_request.ipynb index df2187ca01..0b5c059725 100644 --- a/docs/start/send_request.ipynb +++ b/docs/start/send_request.ipynb @@ -70,7 +70,7 @@ "\n", "curl_command = \"\"\"\n", "curl -s http://localhost:30000/v1/chat/completions \\\n", - " -d '{\"model\": \"meta-llama/Meta-Llama-3.1-8B-Instruct\", \"messages\": [{\"role\": \"system\", \"content\": \"You are a helpful assistant.\"}, {\"role\": \"user\", \"content\": \"What is a LLM?\"}]}'\n", + " -d '{\"model\": \"meta-llama/Meta-Llama-3.1-8B-Instruct\", \"messages\": [{\"role\": \"user\", \"content\": \"What is the capital of France?\"}]}'\n", "\"\"\"\n", "\n", "response = json.loads(subprocess.check_output(curl_command, shell=True))\n", @@ -104,8 +104,7 @@ "data = {\n", " \"model\": \"meta-llama/Meta-Llama-3.1-8B-Instruct\",\n", " \"messages\": [\n", - " {\"role\": \"system\", \"content\": \"You are a helpful assistant.\"},\n", - " {\"role\": \"user\", \"content\": \"What is a LLM?\"}\n", + " {\"role\": \"user\", \"content\": \"What is the capital of France?\"}\n", " ]\n", "}\n", "\n", @@ -140,7 +139,6 @@ "response = client.chat.completions.create(\n", " model=\"meta-llama/Meta-Llama-3.1-8B-Instruct\",\n", " messages=[\n", - " {\"role\": \"system\", \"content\": \"You are a helpful AI assistant\"},\n", " {\"role\": \"user\", \"content\": \"List 3 countries and their capitals.\"},\n", " ],\n", " temperature=0,\n", @@ -170,7 +168,6 @@ "response = client.chat.completions.create(\n", " model=\"meta-llama/Meta-Llama-3.1-8B-Instruct\",\n", " messages=[\n", - " {\"role\": \"system\", \"content\": \"You are a helpful AI assistant\"},\n", " {\"role\": \"user\", \"content\": \"List 3 countries and their capitals.\"},\n", " ],\n", " temperature=0,\n", From f4cd8040732f348b7c55e432ae772b6ea70520db Mon Sep 17 00:00:00 2001 From: Chayenne Date: Sat, 2 Nov 2024 19:08:49 -0700 Subject: [PATCH 23/44] Fix ci and link error (#1892) Co-authored-by: Chayenne --- .github/workflows/release-docs.yml | 2 +- docs/backend/native_api.ipynb | 6 ++-- docs/conf.py | 52 +++++++++++++++++++++++++++++- docs/start/send_request.ipynb | 2 +- 4 files changed, 56 insertions(+), 6 deletions(-) diff --git a/.github/workflows/release-docs.yml b/.github/workflows/release-docs.yml index bca6df5ca7..d84cbce62a 100644 --- a/.github/workflows/release-docs.yml +++ b/.github/workflows/release-docs.yml @@ -10,7 +10,7 @@ on: workflow_dispatch: concurrency: - group: execute-notebook-${{ github.ref }} + group: release-docs-${{ github.ref }} cancel-in-progress: true jobs: diff --git a/docs/backend/native_api.ipynb b/docs/backend/native_api.ipynb index bbf9be9e9d..775917c003 100644 --- a/docs/backend/native_api.ipynb +++ b/docs/backend/native_api.ipynb @@ -54,7 +54,7 @@ "metadata": {}, "source": [ "## Generate\n", - "Generate completions. This is similar to the `/v1/completions` in OpenAI API. Detailed parameters can be found in the [sampling parameters](https://sgl-project.github.io/references/sampling_params.html)." + "Generate completions. This is similar to the `/v1/completions` in OpenAI API. Detailed parameters can be found in the [sampling parameters](../references/sampling_params.html)." ] }, { @@ -254,8 +254,8 @@ "source": [ "## Encode\n", "\n", - "Encode text into embeddings. Note that this API is only available for [embedding models](./openai_embedding_api.ipynb) and will raise an error for generation models.\n", - "Therefore, we launch a new server to server an embedding model.\n" + "Encode text into embeddings. Note that this API is only available for [embedding models](openai_api_embeddings.html#openai-apis-embedding) and will raise an error for generation models.\n", + "Therefore, we launch a new server to server an embedding model." ] }, { diff --git a/docs/conf.py b/docs/conf.py index 5bad020387..f4d60f4dc7 100644 --- a/docs/conf.py +++ b/docs/conf.py @@ -28,10 +28,60 @@ "sphinxcontrib.mermaid", "nbsphinx", "sphinx.ext.mathjax", - "sphinx.ext.autodoc", ] +nbsphinx_allow_errors = True +nbsphinx_execute = 'never' + autosectionlabel_prefix_document = True +nbsphinx_allow_directives = True + + +myst_enable_extensions = [ + "dollarmath", + "amsmath", + "deflist", + "colon_fence", + "html_image", + "linkify", + "substitution", +] + +myst_heading_anchors = 3 + +nbsphinx_kernel_name = 'python3' +nbsphinx_execute_arguments = [ + "--InlineBackend.figure_formats={'svg', 'pdf'}", + "--InlineBackend.rc={'figure.dpi': 96}", +] + + +nb_render_priority = { + "html": ( + "application/vnd.jupyter.widget-view+json", + "application/javascript", + "text/html", + "image/svg+xml", + "image/png", + "image/jpeg", + "text/markdown", + "text/latex", + "text/plain", + ) +} + +myst_enable_extensions = [ + "dollarmath", + "amsmath", + "deflist", + "colon_fence", + "html_image", + "linkify", + "substitution", +] + +myst_heading_anchors = 3 +myst_ref_domains = ["std", "py"] templates_path = ["_templates"] diff --git a/docs/start/send_request.ipynb b/docs/start/send_request.ipynb index 0b5c059725..2323368ee4 100644 --- a/docs/start/send_request.ipynb +++ b/docs/start/send_request.ipynb @@ -20,7 +20,7 @@ "--port 30000 --host 0.0.0.0\n", "```\n", "\n", - "in your terminal and wait for the server to be ready. Once the server is running, you can send test requests using curl or requests. The server implements the [OpenAI-compatible API](https://platform.openai.com/docs/api-reference/chat)." + "in your terminal and wait for the server to be ready. Once the server is running, you can send test requests using curl or requests. The server implements the [OpenAI-compatible APIs](https://platform.openai.com/docs/api-reference/chat)." ] }, { From 908dd7f9aae52a9c961c836d99e46ba6681fee42 Mon Sep 17 00:00:00 2001 From: Chayenne Date: Sat, 2 Nov 2024 22:03:38 -0700 Subject: [PATCH 24/44] Add engine api (#1894) --- docs/backend/native_api.ipynb | 2 +- docs/backend/offline_engine_api.ipynb | 210 +++++++++++++++++++++++ docs/backend/openai_api_embeddings.ipynb | 5 +- docs/backend/openai_api_vision.ipynb | 13 +- docs/index.rst | 1 + 5 files changed, 218 insertions(+), 13 deletions(-) create mode 100644 docs/backend/offline_engine_api.ipynb diff --git a/docs/backend/native_api.ipynb b/docs/backend/native_api.ipynb index 775917c003..39cd12cd31 100644 --- a/docs/backend/native_api.ipynb +++ b/docs/backend/native_api.ipynb @@ -41,7 +41,7 @@ ")\n", "\n", "server_process = execute_shell_command(\n", - "\"\"\"\n", + " \"\"\"\n", "python3 -m sglang.launch_server --model-path meta-llama/Llama-3.2-1B-Instruct --port=30010\n", "\"\"\"\n", ")\n", diff --git a/docs/backend/offline_engine_api.ipynb b/docs/backend/offline_engine_api.ipynb new file mode 100644 index 0000000000..63a175ffa9 --- /dev/null +++ b/docs/backend/offline_engine_api.ipynb @@ -0,0 +1,210 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Offline Engine API\n", + "\n", + "SGLang provides a direct inference engine without the need for an HTTP server, especially for use cases where additional HTTP server adds unnecessary complexity or overhead. Here are two general use cases:\n", + "\n", + "- Offline Batch Inference\n", + "- Custom Server on Top of the Engine\n", + "\n", + "This document focuses on the offline batch inference, demonstrating four different inference modes:\n", + "\n", + "- Non-streaming synchronous generation\n", + "- Streaming synchronous generation\n", + "- Non-streaming asynchronous generation\n", + "- Streaming asynchronous generation\n", + "\n", + "Additionally, you can easily build a custom server on top of the SGLang offline engine. A detailed example working in a python script can be found in [custom_server](https://github.com/sgl-project/sglang/blob/main/examples/runtime/engine/custom_server.py)." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Offline Batch Inference\n", + "\n", + "SGLang offline engine supports batch inference with efficient scheduling to prevent OOM errors for large batches. For details on this cache-aware scheduling algorithm, see our [paper](https://arxiv.org/pdf/2312.07104)." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# launch the offline engine\n", + "\n", + "import sglang as sgl\n", + "from sglang.utils import print_highlight\n", + "import asyncio\n", + "\n", + "llm = sgl.Engine(model_path=\"meta-llama/Meta-Llama-3.1-8B-Instruct\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Non-streaming Synchronous Generation" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "prompts = [\n", + " \"Hello, my name is\",\n", + " \"The president of the United States is\",\n", + " \"The capital of France is\",\n", + " \"The future of AI is\",\n", + "]\n", + "\n", + "sampling_params = {\"temperature\": 0.8, \"top_p\": 0.95}\n", + "\n", + "outputs = llm.generate(prompts, sampling_params)\n", + "for prompt, output in zip(prompts, outputs):\n", + " print_highlight(\"===============================\")\n", + " print_highlight(f\"Prompt: {prompt}\\nGenerated text: {output['text']}\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Streaming Synchronous Generation" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "prompts = [\n", + " \"Hello, my name is\",\n", + " \"The capital of France is\",\n", + " \"The future of AI is\",\n", + "]\n", + "sampling_params = {\"temperature\": 0.8, \"top_p\": 0.95}\n", + "\n", + "print_highlight(\"\\n=== Testing synchronous streaming generation ===\")\n", + "\n", + "for prompt in prompts:\n", + " print_highlight(f\"\\nPrompt: {prompt}\")\n", + " print(\"Generated text: \", end=\"\", flush=True)\n", + "\n", + " for chunk in llm.generate(prompt, sampling_params, stream=True):\n", + " print(chunk[\"text\"], end=\"\", flush=True)\n", + " print()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Non-streaming Asynchronous Generation" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "prompts = [\n", + " \"Hello, my name is\",\n", + " \"The capital of France is\",\n", + " \"The future of AI is\",\n", + "]\n", + "\n", + "sampling_params = {\"temperature\": 0.8, \"top_p\": 0.95}\n", + "\n", + "print_highlight(\"\\n=== Testing asynchronous batch generation ===\")\n", + "\n", + "\n", + "async def main():\n", + " outputs = await llm.async_generate(prompts, sampling_params)\n", + "\n", + " for prompt, output in zip(prompts, outputs):\n", + " print_highlight(f\"\\nPrompt: {prompt}\")\n", + " print_highlight(f\"Generated text: {output['text']}\")\n", + "\n", + "\n", + "asyncio.run(main())" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Streaming Asynchronous Generation" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "prompts = [\n", + " \"Hello, my name is\",\n", + " \"The capital of France is\",\n", + " \"The future of AI is\",\n", + "]\n", + "sampling_params = {\"temperature\": 0.8, \"top_p\": 0.95}\n", + "\n", + "print_highlight(\"\\n=== Testing asynchronous streaming generation ===\")\n", + "\n", + "\n", + "async def main():\n", + " for prompt in prompts:\n", + " print_highlight(f\"\\nPrompt: {prompt}\")\n", + " print(\"Generated text: \", end=\"\", flush=True)\n", + "\n", + " generator = await llm.async_generate(prompt, sampling_params, stream=True)\n", + " async for chunk in generator:\n", + " print(chunk[\"text\"], end=\"\", flush=True)\n", + " print()\n", + "\n", + "\n", + "asyncio.run(main())" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "llm.shutdown()" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "AlphaMeemory", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.11.7" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/docs/backend/openai_api_embeddings.ipynb b/docs/backend/openai_api_embeddings.ipynb index 0a40b0a0d2..54b48d60ce 100644 --- a/docs/backend/openai_api_embeddings.ipynb +++ b/docs/backend/openai_api_embeddings.ipynb @@ -113,10 +113,7 @@ "\n", "response = requests.post(\n", " \"http://localhost:30000/v1/embeddings\",\n", - " json={\n", - " \"model\": \"Alibaba-NLP/gte-Qwen2-7B-instruct\",\n", - " \"input\": text\n", - " }\n", + " json={\"model\": \"Alibaba-NLP/gte-Qwen2-7B-instruct\", \"input\": text},\n", ")\n", "\n", "text_embedding = response.json()[\"data\"][0][\"embedding\"]\n", diff --git a/docs/backend/openai_api_vision.ipynb b/docs/backend/openai_api_vision.ipynb index ecddf6c30e..eb06e55ed4 100644 --- a/docs/backend/openai_api_vision.ipynb +++ b/docs/backend/openai_api_vision.ipynb @@ -126,20 +126,17 @@ " {\n", " \"role\": \"user\",\n", " \"content\": [\n", - " {\n", - " \"type\": \"text\",\n", - " \"text\": \"What’s in this image?\"\n", - " },\n", + " {\"type\": \"text\", \"text\": \"What’s in this image?\"},\n", " {\n", " \"type\": \"image_url\",\n", " \"image_url\": {\n", " \"url\": \"https://github.com/sgl-project/sglang/blob/main/test/lang/example_image.png?raw=true\"\n", - " }\n", - " }\n", - " ]\n", + " },\n", + " },\n", + " ],\n", " }\n", " ],\n", - " \"max_tokens\": 300\n", + " \"max_tokens\": 300,\n", "}\n", "\n", "response = requests.post(url, json=data)\n", diff --git a/docs/index.rst b/docs/index.rst index 55d3e81be2..1f83acfb46 100644 --- a/docs/index.rst +++ b/docs/index.rst @@ -27,6 +27,7 @@ The core features include: backend/openai_api_vision.ipynb backend/openai_api_embeddings.ipynb backend/native_api.ipynb + backend/offline_engine_api.ipynb backend/backend.md From 6aed0445ed5182acc6309c1a80c743dc33ecb837 Mon Sep 17 00:00:00 2001 From: Chayenne Date: Sun, 3 Nov 2024 00:19:12 -0700 Subject: [PATCH 25/44] turn off log (#1895) --- python/sglang/srt/server.py | 6 ++++++ 1 file changed, 6 insertions(+) diff --git a/python/sglang/srt/server.py b/python/sglang/srt/server.py index 81d86f5dcb..6c46551c1a 100644 --- a/python/sglang/srt/server.py +++ b/python/sglang/srt/server.py @@ -737,6 +737,12 @@ def __init__(self, *args, **kwargs): # before python program terminates, call shutdown implicitly. Therefore, users don't have to explicitly call .shutdown() atexit.register(self.shutdown) + + # runtime server default log level is log + # offline engine works in scripts, so we set it to error + + if 'log_level' not in kwargs: + kwargs['log_level'] = 'error' server_args = ServerArgs(*args, **kwargs) launch_engine(server_args=server_args) From efbc116a0f81e7c3f09f45b0720152aa5b91dc0d Mon Sep 17 00:00:00 2001 From: Lianmin Zheng Date: Sun, 3 Nov 2024 01:45:20 -0700 Subject: [PATCH 26/44] Do not use longest prefix matching when #queue-req is large (#1896) --- python/sglang/srt/managers/schedule_policy.py | 20 ++++++++++++------- 1 file changed, 13 insertions(+), 7 deletions(-) diff --git a/python/sglang/srt/managers/schedule_policy.py b/python/sglang/srt/managers/schedule_policy.py index 6ea6ff194d..2bfdffc42c 100644 --- a/python/sglang/srt/managers/schedule_policy.py +++ b/python/sglang/srt/managers/schedule_policy.py @@ -45,9 +45,15 @@ def __init__(self, policy: str, tree_cache: BasePrefixCache): self.tree_cache = tree_cache def calc_priority(self, waiting_queue: List[Req]): + if len(waiting_queue) > 128 and self.policy == "lpm": + # Turn off the expensive prefix matching and sorting when the #queue is large. + policy = "fcfs" + else: + policy = self.policy + # Compute matched prefix length prefix_computed = False - if self.policy == "lpm" or self.policy == "dfs-weight": + if policy == "lpm" or policy == "dfs-weight": for r in waiting_queue: # NOTE: the prefix_indices must always be aligned with last_node r.prefix_indices, r.last_node = self.tree_cache.match_prefix( @@ -56,18 +62,18 @@ def calc_priority(self, waiting_queue: List[Req]): prefix_computed = True - if self.policy == "lpm": + if policy == "lpm": # Longest Prefix Match waiting_queue.sort(key=lambda x: -len(x.prefix_indices)) - elif self.policy == "fcfs": + elif policy == "fcfs": # first come first serve pass - elif self.policy == "lof": + elif policy == "lof": # longest output first waiting_queue.sort(key=lambda x: -x.sampling_params.max_new_tokens) - elif self.policy == "random": + elif policy == "random": random.shuffle(waiting_queue) - elif self.policy == "dfs-weight": + elif policy == "dfs-weight": last_node_to_reqs = defaultdict(list) for req in waiting_queue: last_node_to_reqs[req.last_node].append(req) @@ -85,7 +91,7 @@ def calc_priority(self, waiting_queue: List[Req]): waiting_queue, ) else: - raise ValueError(f"Unknown schedule_policy: {self.policy}") + raise ValueError(f"Unknown schedule_policy: {policy=}") return prefix_computed From 838dcda162e465b2e84f5b33434e55c1df8f6942 Mon Sep 17 00:00:00 2001 From: Lianmin Zheng Date: Sun, 3 Nov 2024 03:52:38 -0800 Subject: [PATCH 27/44] Simplify tokenizer manager (#1899) --- docs/references/custom_chat_template.md | 13 +++- python/sglang/srt/managers/io_struct.py | 16 +++-- .../sglang/srt/managers/tokenizer_manager.py | 70 +++++++------------ 3 files changed, 50 insertions(+), 49 deletions(-) diff --git a/docs/references/custom_chat_template.md b/docs/references/custom_chat_template.md index 64b33a0a42..2803abc012 100644 --- a/docs/references/custom_chat_template.md +++ b/docs/references/custom_chat_template.md @@ -11,8 +11,10 @@ If needed, you can also override the chat template when launching the server: python -m sglang.launch_server --model-path meta-llama/Llama-2-7b-chat-hf --port 30000 --chat-template llama-2 ``` -If the chat template you are looking for is missing, you are welcome to contribute it. -Meanwhile, you can also temporarily register your chat template as follows: +If the chat template you are looking for is missing, you are welcome to contribute it or load it from a file. + +## JSON Format +You can load the JSON format, which is defined by `conversation.py`. ```json { @@ -28,4 +30,11 @@ Meanwhile, you can also temporarily register your chat template as follows: ``` python -m sglang.launch_server --model-path meta-llama/Llama-2-7b-chat-hf --port 30000 --chat-template ./my_model_template.json +``` + +## Jinja Format +You can also use the Jinja template format, defined by Hugging Face transformers https://huggingface.co/docs/transformers/main/en/chat_templating + +``` +python -m sglang.launch_server --model-path meta-llama/Llama-2-7b-chat-hf --port 30000 --chat-template ./my_model_template.jinja ``` \ No newline at end of file diff --git a/python/sglang/srt/managers/io_struct.py b/python/sglang/srt/managers/io_struct.py index f29a7d3bce..df873035e9 100644 --- a/python/sglang/srt/managers/io_struct.py +++ b/python/sglang/srt/managers/io_struct.py @@ -114,8 +114,7 @@ def post_init(self): if self.parallel_sample_num == 1: num = self.batch_size else: - # FIXME support cascade inference - # first bs samples are used for caching the prefix for parallel sampling + # The first bs samples are used for caching the prefix for parallel sampling num = self.batch_size + self.parallel_sample_num * self.batch_size if self.image_data is None: @@ -196,6 +195,9 @@ class EmbeddingReqInput: # Dummy sampling params for compatibility sampling_params: Union[List[Dict], Dict] = None + # Whether it is a single request or a batch request + is_single: bool = True + def post_init(self): if (self.text is None and self.input_ids is None) or ( self.text is not None and self.input_ids is not None @@ -241,15 +243,21 @@ class TokenizedEmbeddingReqInput: sampling_params: SamplingParams +RewardReqConv = Union[List[List[Dict]], List[Dict], str, List[str]] + + @dataclass class RewardReqInput: - # The input prompt in the chat format. It can be a single prompt or a batch of prompts. - conv: Union[List[List[Dict]], List[Dict]] + # The input prompt. It can be a single prompt or a batch of prompts. Can be either chat format or a string. + conv: RewardReqConv # The request id. rid: Optional[Union[List[str], str]] = None # Dummy sampling params for compatibility sampling_params: Union[List[Dict], Dict] = None + # Whether it is a single request or a batch request + is_single: bool = True + def post_init(self): self.is_single = isinstance(self.conv[0], dict) diff --git a/python/sglang/srt/managers/tokenizer_manager.py b/python/sglang/srt/managers/tokenizer_manager.py index 785b18165d..c7d0bc7837 100644 --- a/python/sglang/srt/managers/tokenizer_manager.py +++ b/python/sglang/srt/managers/tokenizer_manager.py @@ -51,6 +51,7 @@ GetMemPoolSizeReq, GetMemPoolSizeReqOutput, ProfileReq, + RewardReqConv, RewardReqInput, TokenizedEmbeddingReqInput, TokenizedGenerateReqInput, @@ -89,6 +90,7 @@ def __init__( server_args: ServerArgs, port_args: PortArgs, ): + # Parse args self.server_args = server_args # Init inter-process communication @@ -114,6 +116,7 @@ def __init__( self.context_len = server_args.context_length or get_context_length( self.hf_config ) + # Create image processor placeholder self.image_processor = get_dummy_image_processor() @@ -165,7 +168,8 @@ async def generate_request( if isinstance(obj, EmbeddingReqInput) and self.is_generation: raise ValueError( - "This model does not appear to be an embedding model by default. Please add `--is-embedding` when launching the server or try another model." + "This model does not appear to be an embedding model by default. " + "Please add `--is-embedding` when launching the server or try another model." ) obj.post_init() @@ -187,12 +191,8 @@ async def _send_single_request( if not is_cache_for_prefill: # The normal case with a single prompt if index is None: rid = obj.rid - if hasattr(obj, "conv"): - # reward model - conv = obj.conv - input_text = self.tokenizer.apply_chat_template( - conv, tokenize=False - ) + if isinstance(obj, RewardReqInput): + input_text = self._apply_chat_template(obj.conv) input_ids = self.tokenizer.encode(input_text) elif obj.input_ids is None: input_text = obj.text @@ -213,12 +213,8 @@ async def _send_single_request( top_logprobs_num = obj.top_logprobs_num else: rid = obj.rid[index] - if hasattr(obj, "conv"): - # reward model - conv = obj.conv[index] - input_text = self.tokenizer.apply_chat_template( - conv, tokenize=False - ) + if isinstance(obj, RewardReqInput): + input_text = self._apply_chat_template(obj.conv[input_id_index]) input_ids = self.tokenizer.encode(input_text) elif obj.input_ids is None: input_text = obj.text[input_id_index] @@ -349,8 +345,9 @@ async def _handle_single_request( async for response in self._wait_for_response(state, obj, rid, request): yield response else: - assert self.is_generation - await self._wait_for_cache_prefill_response(state, obj, rid, request) + await state.event.wait() + assert state.finished + del self.rid_to_state[rid] yield input_ids async def _handle_batch_request( @@ -456,6 +453,15 @@ def _get_sampling_params(self, sampling_params_data: dict): sampling_params.verify() return sampling_params + def _apply_chat_template(self, conv: RewardReqConv) -> Union[str, List[str]]: + if isinstance(conv, str): + return conv + elif isinstance(conv, list): + if isinstance(conv[0], str): + return conv + else: + return self.tokenizer.apply_chat_template(conv, tokenize=False) + async def _wait_for_response( self, state: ReqState, @@ -491,12 +497,11 @@ async def _wait_for_response( out["index"] = response_index - # Log requests - if self.server_args.log_requests and state.finished: - logger.info(f"in={obj}, out={out}") - state.out_list = [] if state.finished: + # Log requests + if self.server_args.log_requests: + logger.info(f"in={obj}, out={out}") del self.rid_to_state[rid] yield out break @@ -504,27 +509,6 @@ async def _wait_for_response( state.event.clear() yield out - async def _wait_for_cache_prefill_response( - self, - state: ReqState, - obj: GenerateReqInput, - rid: str, - request: Optional[fastapi.Request] = None, - ): - while True: - try: - await asyncio.wait_for(state.event.wait(), timeout=4) - break - except asyncio.TimeoutError: - if request is not None and await request.is_disconnected(): - for rid in obj.rid: - self.abort_request(rid) - raise ValueError(f"Abort request {rid}") - continue - - assert state.finished - del self.rid_to_state[rid] - def flush_cache(self): req = FlushCacheReq() self.send_to_scheduler.send_pyobj(req) @@ -553,6 +537,7 @@ async def get_memory_pool_size(self): self.send_to_scheduler.send_pyobj(req) self.mem_pool_size = asyncio.Future() + # FIXME: Each request should have its own future instead of using `self.mem_pool_size`. if self.server_args.dp_size == 1: res = await self.mem_pool_size return res.size @@ -638,7 +623,7 @@ async def sigterm_watchdog(self): while True: remain_num_req = len(self.rid_to_state) logger.info( - f"gracefully exiting... remaining number of requests {remain_num_req}" + f"Gracefully exiting... remaining number of requests {remain_num_req}" ) if remain_num_req > 0: await asyncio.sleep(5) @@ -695,7 +680,6 @@ async def handle_loop(self): "token_ids": recv_obj.output_ids[i], "meta_info": recv_obj.meta_info[i], } - else: assert isinstance(recv_obj, BatchEmbeddingOut) out_dict = { @@ -747,7 +731,7 @@ def detokenize_logprob_tokens( token_texts = self.tokenizer.batch_decode(token_ids) return [ (logprob, token_id, token_text) - for (logprob, token_id), token_text, in zip(token_logprobs, token_texts) + for (logprob, token_id), token_text in zip(token_logprobs, token_texts) ] def detokenize_top_logprobs_tokens(self, top_logprobs, decode_to_text: bool): From 916b3cdddcbaa0f902a27fac0a1ec02f72cd62e9 Mon Sep 17 00:00:00 2001 From: Jani Monoses Date: Sun, 3 Nov 2024 18:24:37 +0200 Subject: [PATCH 28/44] Allow passing dtype and max_new_tokens to HF reference script (#1903) --- scripts/playground/reference_hf.py | 14 ++++++++++++-- 1 file changed, 12 insertions(+), 2 deletions(-) diff --git a/scripts/playground/reference_hf.py b/scripts/playground/reference_hf.py index 9354e01d5c..3f5fe2024a 100644 --- a/scripts/playground/reference_hf.py +++ b/scripts/playground/reference_hf.py @@ -36,7 +36,7 @@ def normal_text(args): t = get_tokenizer(args.model_path, trust_remote_code=True) m = AutoModelForCausalLM.from_pretrained( args.model_path, - torch_dtype=torch.float16, + torch_dtype=args.dtype, low_cpu_mem_usage=True, device_map="auto", trust_remote_code=True, @@ -47,7 +47,7 @@ def normal_text(args): "The capital of the United Kindom is", "Today is a sunny day and I like", ] - max_new_tokens = 16 + max_new_tokens = args.max_new_tokens torch.cuda.set_device(0) @@ -104,6 +104,16 @@ def synthetic_tokens(args): default="TinyLlama/TinyLlama-1.1B-Chat-v0.4", # default="meta-llama/Llama-2-7b-chat-hf", ) + parser.add_argument( + "--max-new-tokens", + type=int, + default=16) + + parser.add_argument( + "--dtype", + type=str, + default="float16") + args = parser.parse_args() normal_text(args) From c17c57810891591b3f7d5151d65b1e8d13af50f9 Mon Sep 17 00:00:00 2001 From: Lianmin Zheng Date: Sun, 3 Nov 2024 08:38:26 -0800 Subject: [PATCH 29/44] Simplify tokenizer manager (#1904) --- .../srt/managers/data_parallel_controller.py | 2 - python/sglang/srt/managers/io_struct.py | 150 +++---- python/sglang/srt/managers/scheduler.py | 7 +- .../sglang/srt/managers/tokenizer_manager.py | 395 +++++------------- python/sglang/srt/openai_api/adapter.py | 118 +++--- python/sglang/srt/server.py | 5 +- test/srt/run_suite.py | 2 +- test/srt/test_openai_server.py | 5 + test/srt/test_skip_tokenizer_init.py | 3 + test/srt/test_srt_endpoint.py | 12 +- test/srt/test_vision_openai_server.py | 1 + 11 files changed, 259 insertions(+), 441 deletions(-) diff --git a/python/sglang/srt/managers/data_parallel_controller.py b/python/sglang/srt/managers/data_parallel_controller.py index dca3d4f01f..1328279666 100644 --- a/python/sglang/srt/managers/data_parallel_controller.py +++ b/python/sglang/srt/managers/data_parallel_controller.py @@ -24,7 +24,6 @@ from sglang.srt.managers.io_struct import ( TokenizedEmbeddingReqInput, TokenizedGenerateReqInput, - TokenizedRewardReqInput, ) from sglang.srt.managers.scheduler import run_scheduler_process from sglang.srt.server_args import PortArgs, ServerArgs @@ -152,7 +151,6 @@ def event_loop(self): ( TokenizedGenerateReqInput, TokenizedEmbeddingReqInput, - TokenizedRewardReqInput, ), ): self.dispatching(recv_req) diff --git a/python/sglang/srt/managers/io_struct.py b/python/sglang/srt/managers/io_struct.py index df873035e9..339638c0a8 100644 --- a/python/sglang/srt/managers/io_struct.py +++ b/python/sglang/srt/managers/io_struct.py @@ -56,49 +56,47 @@ class GenerateReqInput: # LoRA related lora_path: Optional[Union[List[Optional[str]], Optional[str]]] = None - # Whether it is a single request or a batch request - is_single: bool = True - - def post_init(self): + def normalize_batch_and_arguments(self): if (self.text is None and self.input_ids is None) or ( self.text is not None and self.input_ids is not None ): raise ValueError("Either text or input_ids should be provided.") - self.is_single = False + # Derive the batch size if self.text is not None: if isinstance(self.text, str): self.is_single = True self.batch_size = 1 else: + self.is_single = False self.batch_size = len(self.text) else: if isinstance(self.input_ids[0], int): self.is_single = True self.batch_size = 1 else: + self.is_single = False self.batch_size = len(self.input_ids) + # Handle parallel sampling + # When parallel sampling is used, we always treat the input as a batch. if self.sampling_params is None: self.parallel_sample_num = 1 elif isinstance(self.sampling_params, dict): self.parallel_sample_num = self.sampling_params.get("n", 1) else: # isinstance(self.sampling_params, list): self.parallel_sample_num = self.sampling_params[0].get("n", 1) - for sp in self.sampling_params: - # TODO cope with the case that the parallel_sample_num is different for different samples - assert self.parallel_sample_num == sp.get( - "n", 1 - ), "The parallel_sample_num should be the same for all samples in sample params." - - if self.parallel_sample_num > 1: - if self.is_single: - self.is_single = False - if self.text is not None: - self.text = [self.text] - if self.input_ids is not None: - self.input_ids = [self.input_ids] + assert all(self.parallel_sample_num == sampling_params.get("n", 1) for sampling_params in self.sampling_params), ( + "The parallel_sample_num should be the same for all samples in sample params.") + if self.parallel_sample_num > 1 and self.is_single: + self.is_single = False + if self.text is not None: + self.text = [self.text] + if self.input_ids is not None: + self.input_ids = [self.input_ids] + + # Fill in default arguments if self.is_single: if self.sampling_params is None: self.sampling_params = {} @@ -114,8 +112,8 @@ def post_init(self): if self.parallel_sample_num == 1: num = self.batch_size else: - # The first bs samples are used for caching the prefix for parallel sampling - num = self.batch_size + self.parallel_sample_num * self.batch_size + # Expand parallel_sample_num + num = self.batch_size * self.parallel_sample_num if self.image_data is None: self.image_data = [None] * num @@ -128,14 +126,11 @@ def post_init(self): self.sampling_params = [{}] * num elif not isinstance(self.sampling_params, list): self.sampling_params = [self.sampling_params] * num - else: - assert self.parallel_sample_num == 1 if self.rid is None: self.rid = [uuid.uuid4().hex for _ in range(num)] else: assert isinstance(self.rid, list), "The rid should be a list." - assert self.parallel_sample_num == 1 if self.return_logprob is None: self.return_logprob = [False] * num @@ -158,6 +153,26 @@ def post_init(self): else: assert self.parallel_sample_num == 1 + def regenerate_rid(self): + self.rid = uuid.uuid4().hex + return self.rid + + def __getitem__(self, i): + return GenerateReqInput( + text=self.text[i] if self.text is not None else None, + input_ids=self.input_ids[i] if self.input_ids is not None else None, + image_data=self.image_data[i], + sampling_params=self.sampling_params[i], + rid=self.rid[i], + return_logprob=self.return_logprob[i], + logprob_start_len=self.logprob_start_len[i], + top_logprobs_num=self.top_logprobs_num[i], + return_text_in_logprobs=self.return_text_in_logprobs, + stream=self.stream, + modalities=self.modalities[i] if self.modalities else None, + lora_path=self.lora_path[i] if self.lora_path is not None else None, + ) + @dataclass class TokenizedGenerateReqInput: @@ -195,20 +210,29 @@ class EmbeddingReqInput: # Dummy sampling params for compatibility sampling_params: Union[List[Dict], Dict] = None - # Whether it is a single request or a batch request - is_single: bool = True - - def post_init(self): + def normalize_batch_and_arguments(self): if (self.text is None and self.input_ids is None) or ( self.text is not None and self.input_ids is not None ): raise ValueError("Either text or input_ids should be provided.") + # Derive the batch size if self.text is not None: - self.is_single = isinstance(self.text, str) + if isinstance(self.text, str): + self.is_single = True + self.batch_size = 1 + else: + self.is_single = False + self.batch_size = len(self.text) else: - self.is_single = isinstance(self.input_ids[0], int) + if isinstance(self.input_ids[0], int): + self.is_single = True + self.batch_size = 1 + else: + self.is_single = False + self.batch_size = len(self.input_ids) + # Fill in default arguments if self.is_single: if self.rid is None: self.rid = uuid.uuid4().hex @@ -216,73 +240,31 @@ def post_init(self): self.sampling_params = {} self.sampling_params["max_new_tokens"] = 1 else: - # support select operation - self.batch_size = ( - len(self.text) if self.text is not None else len(self.input_ids) - ) if self.rid is None: self.rid = [uuid.uuid4().hex for _ in range(self.batch_size)] else: - if not isinstance(self.rid, list): - raise ValueError("The rid should be a list.") + assert isinstance(self.rid, list), "The rid should be a list." + if self.sampling_params is None: self.sampling_params = [{}] * self.batch_size for i in range(self.batch_size): self.sampling_params[i]["max_new_tokens"] = 1 + def regenerate_rid(self): + self.rid = uuid.uuid4().hex + return self.rid -@dataclass -class TokenizedEmbeddingReqInput: - # The request id - rid: str - # The input text - input_text: str - # The input token ids - input_ids: List[int] - # Dummy sampling params for compatibility - sampling_params: SamplingParams - - -RewardReqConv = Union[List[List[Dict]], List[Dict], str, List[str]] - - -@dataclass -class RewardReqInput: - # The input prompt. It can be a single prompt or a batch of prompts. Can be either chat format or a string. - conv: RewardReqConv - # The request id. - rid: Optional[Union[List[str], str]] = None - # Dummy sampling params for compatibility - sampling_params: Union[List[Dict], Dict] = None - - # Whether it is a single request or a batch request - is_single: bool = True - - def post_init(self): - self.is_single = isinstance(self.conv[0], dict) - - if self.is_single: - if self.rid is None: - self.rid = uuid.uuid4().hex - if self.sampling_params is None: - self.sampling_params = {} - self.sampling_params["max_new_tokens"] = 1 - else: - # support select operation - self.batch_size = len(self.conv) - if self.rid is None: - self.rid = [uuid.uuid4().hex for _ in range(self.batch_size)] - else: - if not isinstance(self.rid, list): - raise ValueError("The rid should be a list.") - if self.sampling_params is None: - self.sampling_params = [{}] * self.batch_size - for i in range(self.batch_size): - self.sampling_params[i]["max_new_tokens"] = 1 + def __getitem__(self, i): + return EmbeddingReqInput( + text=self.text[i] if self.text is not None else None, + input_ids=self.input_ids[i] if self.input_ids is not None else None, + sampling_params=self.sampling_params[i], + rid=self.rid[i], + ) @dataclass -class TokenizedRewardReqInput: +class TokenizedEmbeddingReqInput: # The request id rid: str # The input text diff --git a/python/sglang/srt/managers/scheduler.py b/python/sglang/srt/managers/scheduler.py index 74cd1f3ea6..ea98aa6969 100644 --- a/python/sglang/srt/managers/scheduler.py +++ b/python/sglang/srt/managers/scheduler.py @@ -43,7 +43,6 @@ ProfileReq, TokenizedEmbeddingReqInput, TokenizedGenerateReqInput, - TokenizedRewardReqInput, UpdateWeightReqInput, UpdateWeightReqOutput, ) @@ -394,9 +393,7 @@ def process_input_requests(self, recv_reqs: List): for recv_req in recv_reqs: if isinstance(recv_req, TokenizedGenerateReqInput): self.handle_generate_request(recv_req) - elif isinstance( - recv_req, (TokenizedEmbeddingReqInput, TokenizedRewardReqInput) - ): + elif isinstance(recv_req, TokenizedEmbeddingReqInput): self.handle_embedding_request(recv_req) elif isinstance(recv_req, FlushCacheReq): self.flush_cache() @@ -487,7 +484,7 @@ def handle_generate_request( def handle_embedding_request( self, - recv_req: Union[TokenizedEmbeddingReqInput, TokenizedRewardReqInput], + recv_req: TokenizedEmbeddingReqInput, ): req = Req( recv_req.rid, diff --git a/python/sglang/srt/managers/tokenizer_manager.py b/python/sglang/srt/managers/tokenizer_manager.py index c7d0bc7837..1a9dc5e2bb 100644 --- a/python/sglang/srt/managers/tokenizer_manager.py +++ b/python/sglang/srt/managers/tokenizer_manager.py @@ -16,6 +16,7 @@ """TokenizerManager is a process that tokenizes the text.""" import asyncio +import copy import dataclasses import json import logging @@ -51,11 +52,8 @@ GetMemPoolSizeReq, GetMemPoolSizeReqOutput, ProfileReq, - RewardReqConv, - RewardReqInput, TokenizedEmbeddingReqInput, TokenizedGenerateReqInput, - TokenizedRewardReqInput, UpdateWeightReqInput, UpdateWeightReqOutput, ) @@ -157,7 +155,7 @@ def __init__( async def generate_request( self, - obj: Union[GenerateReqInput, EmbeddingReqInput, RewardReqInput], + obj: Union[GenerateReqInput, EmbeddingReqInput], request: Optional[fastapi.Request] = None, ): if self.to_create_loop: @@ -172,122 +170,54 @@ async def generate_request( "Please add `--is-embedding` when launching the server or try another model." ) - obj.post_init() + obj.normalize_batch_and_arguments() is_single = obj.is_single if is_single: - async for response in self._handle_single_request(obj, request): + tokenized_obj = await self._tokenize_one_request(obj) + self.send_to_scheduler.send_pyobj(tokenized_obj) + async for response in self._wait_one_response(obj, request): yield response else: async for response in self._handle_batch_request(obj, request): yield response - async def _send_single_request( + async def _tokenize_one_request( self, - obj: Union[GenerateReqInput, EmbeddingReqInput, RewardReqInput], - index: Optional[int] = None, - input_id_index: Optional[int] = None, - is_cache_for_prefill: Optional[bool] = False, + obj: Union[GenerateReqInput, EmbeddingReqInput], ): - if not is_cache_for_prefill: # The normal case with a single prompt - if index is None: - rid = obj.rid - if isinstance(obj, RewardReqInput): - input_text = self._apply_chat_template(obj.conv) - input_ids = self.tokenizer.encode(input_text) - elif obj.input_ids is None: - input_text = obj.text - input_ids = self.tokenizer.encode(input_text) - else: - input_text = obj.text if obj.text is not None else None - input_ids = obj.input_ids - - sampling_params = self._get_sampling_params(obj.sampling_params) - if self.is_generation: - image_inputs = await self.image_processor.process_images_async( - obj.image_data, input_text or input_ids, obj - ) - if image_inputs and "input_ids" in image_inputs: - input_ids = image_inputs["input_ids"] - return_logprob = obj.return_logprob - logprob_start_len = obj.logprob_start_len - top_logprobs_num = obj.top_logprobs_num - else: - rid = obj.rid[index] - if isinstance(obj, RewardReqInput): - input_text = self._apply_chat_template(obj.conv[input_id_index]) - input_ids = self.tokenizer.encode(input_text) - elif obj.input_ids is None: - input_text = obj.text[input_id_index] - input_ids = self.tokenizer.encode(input_text) - else: - input_text = ( - obj.text[input_id_index] if obj.text is not None else None - ) - input_ids = obj.input_ids[input_id_index] - - sampling_params = self._get_sampling_params(obj.sampling_params[index]) - if self.is_generation: - image_inputs = await self.image_processor.process_images_async( - obj.image_data[index], input_text or input_ids, obj - ) - if image_inputs and "input_ids" in image_inputs: - input_ids = image_inputs["input_ids"] - return_logprob = obj.return_logprob[index] - logprob_start_len = obj.logprob_start_len[index] - top_logprobs_num = obj.top_logprobs_num[index] - - self._validate_input_length(input_ids) - - else: # A prefill request to cache the common prompt for parallel sampling - assert self.is_generation - if obj.text is not None: - if isinstance(obj.text, list): - input_text = obj.text[input_id_index] - rid = obj.rid[index] - else: - input_text = obj.text - rid = obj.rid[0] - if self.tokenizer is not None: - input_ids = self.tokenizer.encode(input_text) - else: - assert obj.input_ids is not None - input_ids = obj.input_ids - if isinstance(obj.input_ids, list) and isinstance( - obj.input_ids[0], list - ): - # when obj["input_ids"] is List[List[int]] - input_ids = obj.input_ids[input_id_index] - rid = obj.rid[index] - else: - input_ids = obj.input_ids - rid = obj.rid[0] - else: - input_text = None - if isinstance(obj.input_ids, list) and isinstance( - obj.input_ids[0], list - ): - # when obj["input_ids"] is List[List[int]] - input_ids = obj.input_ids[input_id_index] - rid = obj.rid[index] - else: - input_ids = obj.input_ids - rid = obj.rid[0] + """Tokenize one request.""" + # Tokenize + input_text = obj.text + if obj.input_ids is None: + input_ids = self.tokenizer.encode(input_text) + else: + input_ids = obj.input_ids - sampling_params = SamplingParams(**obj.sampling_params[0]) - sampling_params.max_new_tokens = 0 + if self.is_generation: image_inputs = await self.image_processor.process_images_async( - obj.image_data[0], input_text or input_ids, obj + obj.image_data, input_text or input_ids, obj ) if image_inputs and "input_ids" in image_inputs: input_ids = image_inputs["input_ids"] - return_logprob = obj.return_logprob[0] - logprob_start_len = obj.logprob_start_len[0] - top_logprobs_num = obj.top_logprobs_num[0] + return_logprob = obj.return_logprob + logprob_start_len = obj.logprob_start_len + top_logprobs_num = obj.top_logprobs_num - # Send to the controller - if self.is_generation: + if len(input_ids) >= self.context_len: + raise ValueError( + f"The input ({len(input_ids)} tokens) is longer than the " + f"model's context length ({self.context_len} tokens)." + ) + + # Parse sampling parameters + sampling_params = SamplingParams(**obj.sampling_params) + sampling_params.normalize(self.tokenizer) + sampling_params.verify() + + # Build return object + if isinstance(obj, GenerateReqInput): tokenized_obj = TokenizedGenerateReqInput( - rid, + obj.rid, input_text, input_ids, image_inputs, @@ -296,219 +226,126 @@ async def _send_single_request( logprob_start_len, top_logprobs_num, obj.stream, - ( - obj.lora_path[input_id_index] - if isinstance(obj.lora_path, list) - else obj.lora_path - ), + obj.lora_path ) elif isinstance(obj, EmbeddingReqInput): tokenized_obj = TokenizedEmbeddingReqInput( - rid, - input_text, - input_ids, - sampling_params, - ) - else: - assert isinstance(obj, RewardReqInput) - tokenized_obj = TokenizedRewardReqInput( - rid, + obj.rid, input_text, input_ids, sampling_params, ) - self.send_to_scheduler.send_pyobj(tokenized_obj) - return rid, input_ids + return tokenized_obj - async def _handle_single_request( + async def _wait_one_response( self, - obj: Union[GenerateReqInput, EmbeddingReqInput, RewardReqInput], + obj: Union[GenerateReqInput, EmbeddingReqInput], request: Optional[fastapi.Request] = None, - index: Optional[int] = None, - input_id_index: Optional[int] = None, - is_cache_for_prefill: Optional[bool] = False, ): - rid, input_ids = await self._send_single_request( - obj, - index, - input_id_index=input_id_index, - is_cache_for_prefill=is_cache_for_prefill, - ) - - # Recv results + """Wait for the response of one request.""" event = asyncio.Event() state = ReqState([], False, event) - self.rid_to_state[rid] = state - - if not is_cache_for_prefill: - async for response in self._wait_for_response(state, obj, rid, request): - yield response - else: - await state.event.wait() - assert state.finished - del self.rid_to_state[rid] - yield input_ids - - async def _handle_batch_request( - self, - obj: Union[GenerateReqInput, EmbeddingReqInput, RewardReqInput], - request: Optional[fastapi.Request] = None, - ): - batch_size = obj.batch_size - if self.is_generation: - parallel_sample_num = obj.parallel_sample_num - - if parallel_sample_num != 1: - # Send prefill requests to cache the common prefix - parallel_sample_num += 1 - input_id_result = [] if obj.input_ids is None else None - for i in range(batch_size): - async for input_id in self._handle_single_request( - obj, - request, - index=i, - input_id_index=i, - is_cache_for_prefill=True, - ): - if input_id_result is not None: - input_id_result.append(input_id) - if input_id_result is not None: - obj.input_ids = input_id_result - else: - parallel_sample_num = 1 - - # First send out all requests - generators = [] - for i in range(batch_size): - for j in range(parallel_sample_num): - if j == 0 and parallel_sample_num != 1: - continue - index = i * parallel_sample_num + j - if parallel_sample_num != 1: - # Here when using parallel sampling we should consider prefill stage so the index is : j + i * (parallel_sample_num-1) + batch_size - 1 - index += batch_size - 1 - i + self.rid_to_state[obj.rid] = state - rid, _ = await self._send_single_request( - obj, index, input_id_index=i, is_cache_for_prefill=False - ) - - event = asyncio.Event() - state = ReqState([], False, event) - self.rid_to_state[rid] = state - - generators.append( - self._wait_for_response( - state, - obj, - rid, - request, - index=index, - response_index=len(generators), - ) - ) - - # Then process the responses based on streaming option - is_stream = hasattr(obj, "stream") and obj.stream - - tasks = [asyncio.create_task(gen.__anext__()) for gen in generators] - output_list = [None] * len(tasks) - - # Fetch results - while tasks: - done, _ = await asyncio.wait(tasks, return_when=asyncio.FIRST_COMPLETED) - - for task in done: - cur_index = tasks.index(task) - - try: - result = task.result() - - if is_stream: - yield result - else: - output_list[result["index"]] = result - - tasks[cur_index] = asyncio.create_task( - generators[cur_index].__anext__() - ) - except StopAsyncIteration: - del generators[cur_index] - del tasks[cur_index] - - if not is_stream: - yield output_list - - def _validate_input_length(self, input_ids: List[int]): - if len(input_ids) >= self.context_len: - raise ValueError( - f"The input ({len(input_ids)} tokens) is longer than the " - f"model's context length ({self.context_len} tokens)." - ) - - def _get_sampling_params(self, sampling_params_data: dict): - sampling_params = SamplingParams(**sampling_params_data) - if sampling_params.max_new_tokens != 0: - sampling_params.normalize(self.tokenizer) - sampling_params.verify() - return sampling_params - - def _apply_chat_template(self, conv: RewardReqConv) -> Union[str, List[str]]: - if isinstance(conv, str): - return conv - elif isinstance(conv, list): - if isinstance(conv[0], str): - return conv - else: - return self.tokenizer.apply_chat_template(conv, tokenize=False) - - async def _wait_for_response( - self, - state: ReqState, - obj: Union[GenerateReqInput, EmbeddingReqInput, RewardReqInput], - rid: str, - request: Optional[fastapi.Request] = None, - index: Optional[int] = None, - response_index: int = 0, - ): while True: try: await asyncio.wait_for(state.event.wait(), timeout=4) except asyncio.TimeoutError: if request is not None and await request.is_disconnected(): - for rid in [obj.rid] if obj.is_single else obj.rid: - self.abort_request(rid) - raise ValueError(f"Abort request {rid}") + self.abort_request(obj.rid) + raise ValueError(f"Abort request {obj.rid}") continue - if self.is_generation: + if isinstance(obj, GenerateReqInput): out = self.convert_logprob_style( state.out_list[-1], - obj.return_logprob if index is None else obj.return_logprob[index], - ( - obj.top_logprobs_num - if index is None - else obj.top_logprobs_num[index] - ), + obj.return_logprob, + obj.top_logprobs_num, obj.return_text_in_logprobs, ) - else: # isinstance(obj, (EmbeddingReqInput, RewardReqInput)) + else: # isinstance(obj, (EmbeddingReqInput,)) out = state.out_list[-1] - out["index"] = response_index - state.out_list = [] if state.finished: - # Log requests if self.server_args.log_requests: + # Log requests logger.info(f"in={obj}, out={out}") - del self.rid_to_state[rid] + del self.rid_to_state[obj.rid] yield out break state.event.clear() yield out + async def _handle_batch_request( + self, + obj: Union[GenerateReqInput, EmbeddingReqInput], + request: Optional[fastapi.Request] = None, + ): + batch_size = obj.batch_size + + generators = [] + rids = [] + if getattr(obj, "parallel_sample_num", 1) == 1: + # Send all requests + for i in range(batch_size): + tmp_obj = obj[i] + tokenized_obj = await self._tokenize_one_request(tmp_obj) + self.send_to_scheduler.send_pyobj(tokenized_obj) + generators.append(self._wait_one_response(tmp_obj, request)) + rids.append(tmp_obj.rid) + else: + # FIXME: When using batch and parallel_sample_num together, the perf is not optimal. + + # Tokenize all requests + objs = [obj[i] for i in range(batch_size)] + tokenized_objs = await asyncio.gather(*(self._tokenize_one_request(obj) for obj in objs)) + + # Cache the common prefix for parallel sampling + for i in range(batch_size): + tmp_obj = copy.copy(objs[i]) + tokenized_obj = copy.copy(tokenized_objs[i]) + tokenized_obj.rid = tmp_obj.regenerate_rid() + tokenized_obj.sampling_params = copy.copy(tokenized_obj.sampling_params) + tokenized_obj.sampling_params.max_new_tokens = 0 + tokenized_obj.stream = False + self.send_to_scheduler.send_pyobj(tokenized_obj) + await self._wait_one_response(tmp_obj, request).__anext__() + + # Expand requests, assign new rids for them, and send them + for i in range(batch_size): + for _ in range(obj.parallel_sample_num): + tmp_obj = copy.copy(objs[i]) + tokenized_obj = copy.copy(tokenized_objs[i]) + tokenized_obj.rid = tmp_obj.regenerate_rid() + self.send_to_scheduler.send_pyobj(tokenized_obj) + generators.append(self._wait_one_response(tmp_obj, request)) + rids.append(tmp_obj.rid) + + # Wait for all requests + is_stream = hasattr(obj, "stream") and obj.stream + if not is_stream: + outputs = await asyncio.gather(*(gen.__anext__() for gen in generators)) + yield outputs + else: + rid_to_index = {rid: i for i, rid in enumerate(rids)} + task_map = {asyncio.create_task(gen.__anext__()): gen for gen in generators} + while task_map: + done, _ = await asyncio.wait(task_map.keys(), return_when=asyncio.FIRST_COMPLETED) + + for task in done: + gen = task_map.pop(task) + try: + result = task.result() + result["index"] = rid_to_index[result["meta_info"]["id"]] + yield result + new_task = asyncio.create_task(gen.__anext__()) + task_map[new_task] = gen + except StopAsyncIteration: + pass + def flush_cache(self): req = FlushCacheReq() self.send_to_scheduler.send_pyobj(req) diff --git a/python/sglang/srt/openai_api/adapter.py b/python/sglang/srt/openai_api/adapter.py index 0b820a8b04..c1e399241c 100644 --- a/python/sglang/srt/openai_api/adapter.py +++ b/python/sglang/srt/openai_api/adapter.py @@ -71,6 +71,7 @@ TopLogprob, UsageInfo, ) +from sglang.utils import get_exception_traceback logger = logging.getLogger(__name__) @@ -314,6 +315,8 @@ async def process_batch(tokenizer_manager, batch_id: str, batch_request: BatchRe ) except Exception as e: + logger.error(f"error: {get_exception_traceback()}") + responses = [] error_json = { "id": f"batch_req_{uuid.uuid4()}", "custom_id": request_data.get("custom_id"), @@ -363,7 +366,7 @@ async def process_batch(tokenizer_manager, batch_id: str, batch_request: BatchRe } except Exception as e: - logger.error("error in SGLang:", e) + logger.error(f"error: {e}") # Update batch status to "failed" retrieve_batch = batch_storage[batch_id] retrieve_batch.status = "failed" @@ -469,80 +472,67 @@ def iter_file(): def v1_generate_request( all_requests: List[CompletionRequest], request_ids: List[str] = None ): + if len(all_requests) > 1: + first_prompt_type = type(all_requests[0].prompt) + for request in all_requests: + assert ( + type(request.prompt) is first_prompt_type + ), "All prompts must be of the same type in file input settings" + if request.n > 1: + raise ValueError( + "Parallel sampling is not supported for completions from files" + ) + prompts = [] sampling_params_list = [] return_logprobs = [] logprob_start_lens = [] top_logprobs_nums = [] - # NOTE: with openai API, the prompt's logprobs are always not computed - first_prompt_type = type(all_requests[0].prompt) for request in all_requests: - assert ( - type(request.prompt) is first_prompt_type - ), "All prompts must be of the same type in file input settings" - if len(all_requests) > 1 and request.n > 1: - raise ValueError( - "Parallel sampling is not supported for completions from files" - ) + # NOTE: with openai API, the prompt's logprobs are always not computed if request.echo and request.logprobs: logger.warning( "Echo is not compatible with logprobs. " - "To compute logprobs of input prompt, please use SGLang /request API." + "To compute logprobs of input prompt, please use the native /generate API." ) - for request in all_requests: prompts.append(request.prompt) + sampling_params_list.append( + { + "temperature": request.temperature, + "max_new_tokens": request.max_tokens, + "min_new_tokens": request.min_tokens, + "stop": request.stop, + "stop_token_ids": request.stop_token_ids, + "top_p": request.top_p, + "presence_penalty": request.presence_penalty, + "frequency_penalty": request.frequency_penalty, + "repetition_penalty": request.repetition_penalty, + "regex": request.regex, + "json_schema": request.json_schema, + "n": request.n, + "ignore_eos": request.ignore_eos, + "no_stop_trim": request.no_stop_trim, + } + ) return_logprobs.append(request.logprobs is not None and request.logprobs > 0) logprob_start_lens.append(-1) top_logprobs_nums.append( request.logprobs if request.logprobs is not None else 0 ) - sampling_params = [] - if isinstance(request.no_stop_trim, list): - num_reqs = len(request.prompt) - else: - num_reqs = 1 - for i in range(num_reqs): - sampling_params.append( - { - "temperature": request.temperature, - "max_new_tokens": request.max_tokens, - "min_new_tokens": request.min_tokens, - "stop": request.stop, - "stop_token_ids": request.stop_token_ids, - "top_p": request.top_p, - "presence_penalty": request.presence_penalty, - "frequency_penalty": request.frequency_penalty, - "repetition_penalty": request.repetition_penalty, - "regex": request.regex, - "json_schema": request.json_schema, - "n": request.n, - "ignore_eos": request.ignore_eos, - "no_stop_trim": ( - request.no_stop_trim - if not isinstance(request.no_stop_trim, list) - else request.no_stop_trim[i] - ), - } - ) - if num_reqs == 1: - sampling_params_list.append(sampling_params[0]) - else: - sampling_params_list.append(sampling_params) if len(all_requests) == 1: - prompt = prompts[0] + if isinstance(prompts[0], str) or isinstance(prompts[0][0], str): + prompt_kwargs = {"text": prompts[0]} + else: + prompt_kwargs = {"input_ids": prompts[0]} sampling_params_list = sampling_params_list[0] - logprob_start_lens = logprob_start_lens[0] return_logprobs = return_logprobs[0] + logprob_start_lens = logprob_start_lens[0] top_logprobs_nums = top_logprobs_nums[0] - if isinstance(prompt, str) or isinstance(prompt[0], str): - prompt_kwargs = {"text": prompt} - else: - prompt_kwargs = {"input_ids": prompt} else: - if isinstance(prompts[0], str): + if isinstance(prompts[0], str) or isinstance(prompts[0][0], str): prompt_kwargs = {"text": prompts} else: prompt_kwargs = {"input_ids": prompts} @@ -558,9 +548,7 @@ def v1_generate_request( rid=request_ids, ) - if len(all_requests) == 1: - return adapted_request, all_requests[0] - return adapted_request, all_requests + return adapted_request, all_requests if len(all_requests) > 1 else all_requests[0] def v1_generate_response(request, ret, tokenizer_manager, to_file=False): @@ -595,7 +583,7 @@ def v1_generate_response(request, ret, tokenizer_manager, to_file=False): if isinstance(request, list) and request[idx].echo: echo = True text = request[idx].prompt + text - if (not isinstance(request, list)) and echo: + if echo and not isinstance(request, list): prompt_index = idx // request.n text = prompts[prompt_index] + text @@ -709,7 +697,7 @@ async def generate_stream_resp(): async for content in tokenizer_manager.generate_request( adapted_request, raw_request ): - index = content["index"] + index = content.get("index", 0) stream_buffer = stream_buffers.get(index, "") n_prev_token = n_prev_tokens.get(index, 0) @@ -945,19 +933,18 @@ def v1_chat_generate_request( sampling_params_list.append(sampling_params) image_data_list.append(image_data) - modalities_list.extend(modalities) + modalities_list.append(modalities) if len(all_requests) == 1: - input_ids = input_ids[0] - if isinstance(input_ids, str): - prompt_kwargs = {"text": input_ids} + if isinstance(input_ids[0], str): + prompt_kwargs = {"text": input_ids[0]} else: - prompt_kwargs = {"input_ids": input_ids} + prompt_kwargs = {"input_ids": input_ids[0]} sampling_params_list = sampling_params_list[0] image_data_list = image_data_list[0] return_logprobs = return_logprobs[0] logprob_start_lens = logprob_start_lens[0] top_logprobs_nums = top_logprobs_nums[0] - modalities_list = modalities_list[:1] + modalities_list = modalities_list[0] else: if isinstance(input_ids[0], str): prompt_kwargs = {"text": input_ids} @@ -976,9 +963,8 @@ def v1_chat_generate_request( rid=request_ids, modalities=modalities_list, ) - if len(all_requests) == 1: - return adapted_request, all_requests[0] - return adapted_request, all_requests + + return adapted_request, all_requests if len(all_requests) > 1 else all_requests[0] def v1_chat_generate_response(request, ret, to_file=False, cache_report=False): @@ -1116,7 +1102,7 @@ async def generate_stream_resp(): async for content in tokenizer_manager.generate_request( adapted_request, raw_request ): - index = content["index"] + index = content.get("index", 0) is_first = is_firsts.get(index, True) stream_buffer = stream_buffers.get(index, "") diff --git a/python/sglang/srt/server.py b/python/sglang/srt/server.py index 6c46551c1a..854a0c658c 100644 --- a/python/sglang/srt/server.py +++ b/python/sglang/srt/server.py @@ -53,7 +53,6 @@ from sglang.srt.managers.io_struct import ( EmbeddingReqInput, GenerateReqInput, - RewardReqInput, UpdateWeightReqInput, ) from sglang.srt.managers.scheduler import run_scheduler_process @@ -91,7 +90,7 @@ app = FastAPI() -tokenizer_manager = None +tokenizer_manager: TokenizerManager = None app.add_middleware( CORSMiddleware, @@ -254,7 +253,7 @@ async def encode_request(obj: EmbeddingReqInput, request: Request): app.put("/encode")(encode_request) -async def judge_request(obj: RewardReqInput, request: Request): +async def judge_request(obj: EmbeddingReqInput, request: Request): """Handle a reward model request.""" try: ret = await tokenizer_manager.generate_request(obj, request).__anext__() diff --git a/test/srt/run_suite.py b/test/srt/run_suite.py index f7277f03da..ffc8e84f24 100644 --- a/test/srt/run_suite.py +++ b/test/srt/run_suite.py @@ -8,7 +8,7 @@ "models/test_embedding_models.py", "models/test_generation_models.py", "models/test_lora.py", - "models/test_reward_models.py", + # "models/test_reward_models.py", "sampling/penaltylib", "test_chunked_prefill.py", "test_double_sparsity.py", diff --git a/test/srt/test_openai_server.py b/test/srt/test_openai_server.py index d3e21d04b0..d6ae76b8ab 100644 --- a/test/srt/test_openai_server.py +++ b/test/srt/test_openai_server.py @@ -1,3 +1,8 @@ +""" +python3 -m unittest test_openai_server.TestOpenAIServer.test_batch +python3 -m unittest test_openai_server.TestOpenAIServer.test_completion + +""" import json import time import unittest diff --git a/test/srt/test_skip_tokenizer_init.py b/test/srt/test_skip_tokenizer_init.py index a5dcde4a27..3631780da7 100644 --- a/test/srt/test_skip_tokenizer_init.py +++ b/test/srt/test_skip_tokenizer_init.py @@ -1,3 +1,6 @@ +""" +python3 -m unittest test_skip_tokenizer_init.TestSkipTokenizerInit.test_parallel_sample +""" import json import unittest diff --git a/test/srt/test_srt_endpoint.py b/test/srt/test_srt_endpoint.py index e1b5318c06..045f3100c6 100644 --- a/test/srt/test_srt_endpoint.py +++ b/test/srt/test_srt_endpoint.py @@ -1,5 +1,6 @@ """ python3 -m unittest test_srt_endpoint.TestSRTEndpoint.test_simple_decode +python3 -m unittest test_srt_endpoint.TestSRTEndpoint.test_parallel_sample """ import json @@ -36,11 +37,17 @@ def run_decode( return_text=False, n=1, stream=False, + batch=False, ): + if batch: + text = ["The capital of France is"] + else: + text = "The capital of France is" + response = requests.post( self.base_url + "/generate", json={ - "text": "The capital of France is", + "text": text, "sampling_params": { "temperature": 0 if n == 1 else 0.5, "max_new_tokens": 16, @@ -67,6 +74,9 @@ def run_decode( def test_simple_decode(self): self.run_decode() + def test_simple_decode_batch(self): + self.run_decode(batch=True) + def test_parallel_sample(self): self.run_decode(n=3) diff --git a/test/srt/test_vision_openai_server.py b/test/srt/test_vision_openai_server.py index a5bf302e2f..d70dac66f5 100644 --- a/test/srt/test_vision_openai_server.py +++ b/test/srt/test_vision_openai_server.py @@ -1,6 +1,7 @@ """ Usage: python3 -m unittest test_vision_openai_server.TestOpenAIVisionServer.test_mixed_batch +python3 -m unittest test_vision_openai_server.TestOpenAIVisionServer.test_multi_images_chat_completion """ import base64 From 0abbf289a8acd01cafd182da8d6a5cc0fccb6953 Mon Sep 17 00:00:00 2001 From: Lianmin Zheng Date: Sun, 3 Nov 2024 12:25:39 -0800 Subject: [PATCH 30/44] Unify the model type checking (#1905) --- .../quick_start/local_example_llava_next.py | 2 +- python/sglang/bench_latency.py | 4 +- python/sglang/lang/chat_template.py | 73 +++++++++++++------ python/sglang/srt/configs/model_config.py | 64 ++++++++++++---- python/sglang/srt/managers/image_processor.py | 2 +- python/sglang/srt/managers/scheduler.py | 16 ++-- .../sglang/srt/managers/tokenizer_manager.py | 37 ++++------ python/sglang/srt/managers/tp_worker.py | 10 +-- .../sglang/srt/model_executor/model_runner.py | 23 ++---- python/sglang/srt/models/llama.py | 2 + python/sglang/srt/models/qwen2_vl.py | 8 +- python/sglang/srt/utils.py | 50 ------------- test/srt/test_cache_report.py | 1 - 13 files changed, 139 insertions(+), 153 deletions(-) diff --git a/examples/frontend_language/quick_start/local_example_llava_next.py b/examples/frontend_language/quick_start/local_example_llava_next.py index fc5a1d04c6..c941a549ec 100644 --- a/examples/frontend_language/quick_start/local_example_llava_next.py +++ b/examples/frontend_language/quick_start/local_example_llava_next.py @@ -50,7 +50,7 @@ def batch(): mp.set_start_method("spawn", force=True) runtime = sgl.Runtime(model_path="lmms-lab/llama3-llava-next-8b") - runtime.endpoint.chat_template = get_chat_template("llama-3-instruct") + runtime.endpoint.chat_template = get_chat_template("llama-3-instruct-llava") # Or you can use the 72B model # runtime = sgl.Runtime(model_path="lmms-lab/llava-next-72b", tp_size=8) diff --git a/python/sglang/bench_latency.py b/python/sglang/bench_latency.py index d97b641ea1..841ecf56d0 100644 --- a/python/sglang/bench_latency.py +++ b/python/sglang/bench_latency.py @@ -129,9 +129,9 @@ def load_model(server_args, port_args, tp_rank): model_config = ModelConfig( server_args.model_path, - server_args.trust_remote_code, + trust_remote_code=server_args.trust_remote_code, context_length=server_args.context_length, - model_override_args=json.loads(server_args.json_model_override_args), + model_override_args=server_args.json_model_override_args, ) model_runner = ModelRunner( model_config=model_config, diff --git a/python/sglang/lang/chat_template.py b/python/sglang/lang/chat_template.py index ca5a7a2618..3e5ac8dd52 100644 --- a/python/sglang/lang/chat_template.py +++ b/python/sglang/lang/chat_template.py @@ -116,12 +116,10 @@ def get_chat_template_by_model_path(model_path): ) ) -# There is default system prompt for qwen -# reference: https://modelscope.cn/models/qwen/Qwen2-72B-Instruct/file/view/master?fileName=tokenizer_config.json&status=1 -# The chat template is: "{% for message in messages %}{% if loop.first and messages[0]['role'] != 'system' %}{{ '<|im_start|>system\nYou are a helpful assistant.<|im_end|>\n' }}{% endif %}{{'<|im_start|>' + message['role'] + '\n' + message['content'] + '<|im_end|>' + '\n'}}{% endfor %}{% if add_generation_prompt %}{{ '<|im_start|>assistant\n' }}{% endif %}" + register_chat_template( ChatTemplate( - name="qwen", + name="chatml-llava", default_system_prompt="You are a helpful assistant.", role_prefix_and_suffix={ "system": ("<|im_start|>system\n", "<|im_end|>\n"), @@ -130,13 +128,17 @@ def get_chat_template_by_model_path(model_path): }, style=ChatTemplateStyle.PLAIN, stop_str=("<|im_end|>",), + image_token="\n", ) ) -# Reference: https://huggingface.co/docs/transformers/main/model_doc/qwen2_vl#usage-example + +# There is default system prompt for qwen +# reference: https://modelscope.cn/models/qwen/Qwen2-72B-Instruct/file/view/master?fileName=tokenizer_config.json&status=1 +# The chat template is: "{% for message in messages %}{% if loop.first and messages[0]['role'] != 'system' %}{{ '<|im_start|>system\nYou are a helpful assistant.<|im_end|>\n' }}{% endif %}{{'<|im_start|>' + message['role'] + '\n' + message['content'] + '<|im_end|>' + '\n'}}{% endfor %}{% if add_generation_prompt %}{{ '<|im_start|>assistant\n' }}{% endif %}" register_chat_template( ChatTemplate( - name="qwen2-vl", + name="qwen", default_system_prompt="You are a helpful assistant.", role_prefix_and_suffix={ "system": ("<|im_start|>system\n", "<|im_end|>\n"), @@ -145,14 +147,13 @@ def get_chat_template_by_model_path(model_path): }, style=ChatTemplateStyle.PLAIN, stop_str=("<|im_end|>",), - image_token="<|vision_start|><|image_pad|><|vision_end|>", ) ) - +# Reference: https://huggingface.co/docs/transformers/main/model_doc/qwen2_vl#usage-example register_chat_template( ChatTemplate( - name="chatml-llava", + name="qwen2-vl", default_system_prompt="You are a helpful assistant.", role_prefix_and_suffix={ "system": ("<|im_start|>system\n", "<|im_end|>\n"), @@ -161,7 +162,7 @@ def get_chat_template_by_model_path(model_path): }, style=ChatTemplateStyle.PLAIN, stop_str=("<|im_end|>",), - image_token="\n", + image_token="<|vision_start|><|image_pad|><|vision_end|>", ) ) @@ -182,37 +183,46 @@ def get_chat_template_by_model_path(model_path): ) ) -# Reference: https://modelscope.cn/models/01ai/Yi-1.5-34B-Chat/file/view/master?fileName=tokenizer_config.json&status=1 register_chat_template( ChatTemplate( - name="yi-1.5", + name="llama-2-chat", default_system_prompt=None, role_prefix_and_suffix={ - "system": ("", ""), - "user": ("<|im_start|>user\n", "<|im_end|>\n<|im_start|>assistant\n"), - "assistant": ("", "<|im_end|>\n"), + "system": ("<>\n", "\n<>\n\n"), + "user": ("[INST] ", " [/INST]"), + "assistant": ("", " "), }, - style=ChatTemplateStyle.PLAIN, - stop_str=("<|im_end|>",), + style=ChatTemplateStyle.LLAMA2, ) ) register_chat_template( ChatTemplate( - name="llama-2-chat", + name="llama-3-instruct", default_system_prompt=None, role_prefix_and_suffix={ - "system": ("<>\n", "\n<>\n\n"), - "user": ("[INST] ", " [/INST]"), - "assistant": ("", " "), + "system": ( + "<|start_header_id|>system<|end_header_id|>\n\n", + "<|eot_id|>", + ), + "user": ( + "<|start_header_id|>user<|end_header_id|>\n\n", + "<|eot_id|>", + ), + "assistant": ( + "<|start_header_id|>assistant<|end_header_id|>\n\n", + "<|eot_id|>", + ), }, - style=ChatTemplateStyle.LLAMA2, + stop_str=("<|eot_id|>",), + image_token="<|image|>", ) ) +# The difference between "llama-3-instruct-llava" and "llama-3-instruct" is that llava uses a different image_token. register_chat_template( ChatTemplate( - name="llama-3-instruct", + name="llama-3-instruct-llava", default_system_prompt=None, role_prefix_and_suffix={ "system": ( @@ -229,7 +239,22 @@ def get_chat_template_by_model_path(model_path): ), }, stop_str=("<|eot_id|>",), - image_token="<|image|>", + image_token="\n", + ) +) + +# Reference: https://modelscope.cn/models/01ai/Yi-1.5-34B-Chat/file/view/master?fileName=tokenizer_config.json&status=1 +register_chat_template( + ChatTemplate( + name="yi-1.5", + default_system_prompt=None, + role_prefix_and_suffix={ + "system": ("", ""), + "user": ("<|im_start|>user\n", "<|im_end|>\n<|im_start|>assistant\n"), + "assistant": ("", "<|im_end|>\n"), + }, + style=ChatTemplateStyle.PLAIN, + stop_str=("<|im_end|>",), ) ) diff --git a/python/sglang/srt/configs/model_config.py b/python/sglang/srt/configs/model_config.py index a74d240b49..c37cfefbd7 100644 --- a/python/sglang/srt/configs/model_config.py +++ b/python/sglang/srt/configs/model_config.py @@ -13,10 +13,11 @@ limitations under the License. """ +import json import logging import os from enum import IntEnum, auto -from typing import Optional +from typing import List, Optional from transformers import PretrainedConfig @@ -38,18 +39,24 @@ def __init__( revision: Optional[str] = None, context_length: Optional[int] = None, model_override_args: Optional[dict] = None, + is_embedding: Optional[bool] = None ) -> None: - self.path = path - self.trust_remote_code = trust_remote_code - self.revision = revision - self.model_override_args = model_override_args + # Parse args + self.model_override_args = json.loads(model_override_args) self.hf_config = get_config( - self.path, - trust_remote_code, - revision, - model_override_args=model_override_args, + path, + trust_remote_code=trust_remote_code, + revision=revision, + model_override_args=self.model_override_args, ) self.hf_text_config = get_hf_text_config(self.hf_config) + + # Check model type + self.is_generation = is_generation_model(self.hf_config.architectures, is_embedding) + self.is_multimodal = is_multimodal_model(self.hf_config.architectures) + self.is_encoder_decoder = is_encoder_decoder_model(self.hf_config.architectures) + + # Derive context length derived_context_len = get_context_length(self.hf_text_config) allow_long_context = os.environ.get( "SGLANG_ALLOW_OVERWRITE_LONGER_CONTEXT_LEN", None @@ -81,7 +88,7 @@ def __init__( self.hf_text_config.hidden_size // self.hf_text_config.num_attention_heads, ) - # FIXME: temporary special judge for deepseek v2 MLA architecture + # FIXME: temporary special judge for MLA architecture if "DeepseekV2ForCausalLM" in self.hf_config.architectures: self.head_dim = 256 self.attention_arch = AttentionArch.MLA @@ -112,8 +119,6 @@ def __init__( self.num_hidden_layers = self.hf_text_config.num_hidden_layers self.vocab_size = self.hf_text_config.vocab_size - self.is_encoder_decoder = self.hf_config.model_type in ["mllama"] - # adapted from https://github.com/vllm-project/vllm/blob/main/vllm/config.py#L289 def get_total_num_kv_heads(self) -> int: """Returns the total number of KV heads.""" @@ -163,7 +168,6 @@ def get_total_num_kv_heads(self) -> int: # equal to the number of attention heads. return self.hf_text_config.num_attention_heads - # adapted from https://github.com/vllm-project/vllm/blob/main/vllm/config.py#L328 def get_num_kv_heads(self, tensor_parallel_size) -> int: """Returns the number of KV heads per GPU.""" total_num_kv_heads = self.get_total_num_kv_heads() @@ -192,3 +196,37 @@ def get_hf_text_config(config: PretrainedConfig): return config.text_config else: return config + + +def is_generation_model(model_architectures: List[str], is_embedding: bool = False): + # We have two ways to determine whether a model is a generative model. + # 1. Check the model architectue + # 2. check the `is_embedding` server args + + if ( + "LlamaEmbeddingModel" in model_architectures + or "MistralModel" in model_architectures + or "LlamaForSequenceClassification" in model_architectures + or "LlamaForSequenceClassificationWithNormal_Weights" in model_architectures + ): + return False + else: + return not is_embedding + + +def is_multimodal_model(model_architectures: List[str]): + if ( + "LlavaLlamaForCausalLM" in model_architectures + or "LlavaQwenForCausalLM" in model_architectures + or "LlavaMistralForCausalLM" in model_architectures + or "LlavaVidForCausalLM" in model_architectures + or "MllamaForConditionalGeneration" in model_architectures + or "Qwen2VLForConditionalGeneration" in model_architectures + ): + return True + else: + return False + + +def is_encoder_decoder_model(model_architectures: List[str]): + return "MllamaForConditionalGeneration" in model_architectures diff --git a/python/sglang/srt/managers/image_processor.py b/python/sglang/srt/managers/image_processor.py index b24b761a2a..2af8173193 100644 --- a/python/sglang/srt/managers/image_processor.py +++ b/python/sglang/srt/managers/image_processor.py @@ -180,7 +180,7 @@ async def process_images_async( "pixel_values": pixel_values, "image_hashes": image_hashes, "image_sizes": image_sizes, - "modalities": request_obj.modalities, + "modalities": request_obj.modalities or ["image"], } diff --git a/python/sglang/srt/managers/scheduler.py b/python/sglang/srt/managers/scheduler.py index ea98aa6969..dd6bba8631 100644 --- a/python/sglang/srt/managers/scheduler.py +++ b/python/sglang/srt/managers/scheduler.py @@ -15,7 +15,6 @@ """A scheduler that manages a tensor parallel GPU worker.""" -import json import logging import os import threading @@ -23,7 +22,7 @@ import warnings from collections import deque from types import SimpleNamespace -from typing import List, Optional, Union +from typing import List, Optional import torch import zmq @@ -68,8 +67,6 @@ broadcast_pyobj, configure_logger, get_zmq_socket, - is_generation_model, - is_multimodal_model, kill_parent_process, set_random_seed, suppress_other_loggers, @@ -133,15 +130,17 @@ def __init__( # Init tokenizer self.model_config = ModelConfig( server_args.model_path, - server_args.trust_remote_code, + trust_remote_code=server_args.trust_remote_code, context_length=server_args.context_length, - model_override_args=json.loads(server_args.json_model_override_args), + model_override_args=server_args.json_model_override_args, + is_embedding=server_args.is_embedding, ) + self.is_generation = self.model_config.is_generation if server_args.skip_tokenizer_init: self.tokenizer = self.processor = None else: - if is_multimodal_model(self.model_config.hf_config.architectures): + if self.model_config.is_multimodal: self.processor = get_processor( server_args.tokenizer_path, tokenizer_mode=server_args.tokenizer_mode, @@ -154,9 +153,6 @@ def __init__( tokenizer_mode=server_args.tokenizer_mode, trust_remote_code=server_args.trust_remote_code, ) - self.is_generation = is_generation_model( - self.model_config.hf_config.architectures, self.server_args.is_embedding - ) # Launch a tensor parallel worker if self.enable_overlap: diff --git a/python/sglang/srt/managers/tokenizer_manager.py b/python/sglang/srt/managers/tokenizer_manager.py index 1a9dc5e2bb..cc9e2bd262 100644 --- a/python/sglang/srt/managers/tokenizer_manager.py +++ b/python/sglang/srt/managers/tokenizer_manager.py @@ -18,7 +18,6 @@ import asyncio import copy import dataclasses -import json import logging import os import signal @@ -31,12 +30,8 @@ import zmq.asyncio from fastapi import BackgroundTasks -from sglang.srt.hf_transformers_utils import ( - get_config, - get_context_length, - get_processor, - get_tokenizer, -) +from sglang.srt.configs.model_config import ModelConfig +from sglang.srt.hf_transformers_utils import get_processor, get_tokenizer from sglang.srt.managers.image_processor import ( get_dummy_image_processor, get_image_processor, @@ -59,12 +54,7 @@ ) from sglang.srt.sampling.sampling_params import SamplingParams from sglang.srt.server_args import PortArgs, ServerArgs -from sglang.srt.utils import ( - get_zmq_socket, - is_generation_model, - is_multimodal_model, - kill_child_process, -) +from sglang.srt.utils import get_zmq_socket, kill_child_process asyncio.set_event_loop_policy(uvloop.EventLoopPolicy()) @@ -103,18 +93,17 @@ def __init__( # Read model args self.model_path = server_args.model_path self.served_model_name = server_args.served_model_name - self.hf_config = get_config( - self.model_path, + self.model_config = ModelConfig( + server_args.model_path, trust_remote_code=server_args.trust_remote_code, - model_override_args=json.loads(server_args.json_model_override_args), - ) - self.is_generation = is_generation_model( - self.hf_config.architectures, self.server_args.is_embedding - ) - self.context_len = server_args.context_length or get_context_length( - self.hf_config + context_length=server_args.context_length, + model_override_args=server_args.json_model_override_args, + is_embedding=server_args.is_embedding, ) + self.is_generation = self.model_config.is_generation + self.context_len = self.model_config.context_len + # Create image processor placeholder self.image_processor = get_dummy_image_processor() @@ -122,7 +111,7 @@ def __init__( if server_args.skip_tokenizer_init: self.tokenizer = self.processor = None else: - if is_multimodal_model(self.hf_config.architectures): + if self.model_config.is_multimodal: self.processor = get_processor( server_args.tokenizer_path, tokenizer_mode=server_args.tokenizer_mode, @@ -133,7 +122,7 @@ def __init__( # We want to parallelize the image pre-processing so we create an executor for it self.image_processor = get_image_processor( - self.hf_config, server_args, self.processor + self.model_config.hf_config, server_args, self.processor ) else: self.tokenizer = get_tokenizer( diff --git a/python/sglang/srt/managers/tp_worker.py b/python/sglang/srt/managers/tp_worker.py index 561bfd77c5..8bec1a18c9 100644 --- a/python/sglang/srt/managers/tp_worker.py +++ b/python/sglang/srt/managers/tp_worker.py @@ -15,7 +15,6 @@ """A tensor parallel worker.""" -import json import logging from typing import Optional @@ -26,7 +25,7 @@ from sglang.srt.model_executor.forward_batch_info import ForwardBatch from sglang.srt.model_executor.model_runner import ModelRunner from sglang.srt.server_args import ServerArgs -from sglang.srt.utils import broadcast_pyobj, is_multimodal_model, set_random_seed +from sglang.srt.utils import broadcast_pyobj, set_random_seed logger = logging.getLogger(__name__) @@ -48,9 +47,10 @@ def __init__( # Init model and tokenizer self.model_config = ModelConfig( server_args.model_path, - server_args.trust_remote_code, + trust_remote_code=server_args.trust_remote_code, context_length=server_args.context_length, - model_override_args=json.loads(server_args.json_model_override_args), + model_override_args=server_args.json_model_override_args, + is_embedding=server_args.is_embedding, ) self.model_runner = ModelRunner( model_config=self.model_config, @@ -64,7 +64,7 @@ def __init__( if server_args.skip_tokenizer_init: self.tokenizer = self.processor = None else: - if is_multimodal_model(self.model_config.hf_config.architectures): + if self.model_config.is_multimodal: self.processor = get_processor( server_args.tokenizer_path, tokenizer_mode=server_args.tokenizer_mode, diff --git a/python/sglang/srt/model_executor/model_runner.py b/python/sglang/srt/model_executor/model_runner.py index 583cbd968c..1dde62943a 100644 --- a/python/sglang/srt/model_executor/model_runner.py +++ b/python/sglang/srt/model_executor/model_runner.py @@ -59,11 +59,6 @@ from sglang.srt.utils import ( enable_show_time_cost, get_available_gpu_memory, - is_attention_free_model, - is_embedding_model, - is_generation_model, - is_multimodal_model, - model_has_inner_state, monkey_patch_vllm_dummy_weight_loader, monkey_patch_vllm_p2p_access_check, ) @@ -93,9 +88,8 @@ def __init__( self.tp_size = tp_size self.dist_port = nccl_port self.server_args = server_args - self.is_multimodal_model = is_multimodal_model( - self.model_config.hf_config.architectures - ) + self.is_generation = model_config.is_generation + self.is_multimodal = model_config.is_multimodal # Model-specific adjustment if ( @@ -119,7 +113,7 @@ def __init__( self.server_args.ds_heavy_channel_type ) - if self.is_multimodal_model: + if self.is_multimodal: logger.warning( "Automatically turn off --chunked-prefill-size and adjust --mem-fraction-static for multimodal models." ) @@ -270,9 +264,6 @@ def load_model(self): if hasattr(self.model, "get_attention_sliding_window_size") else None ) - self.is_generation = is_generation_model( - self.model_config.hf_config.architectures, self.server_args.is_embedding - ) logger.info( f"Load weight end. " @@ -679,7 +670,7 @@ def load_model_cls_srt(model_arch: str) -> Optional[Type[nn.Module]]: # Monkey patch model loader setattr(ModelRegistry, "_try_load_model_cls", load_model_cls_srt) -setattr(ModelRegistry, "is_multimodal_model", is_multimodal_model) -setattr(ModelRegistry, "is_attention_free_model", is_attention_free_model) -setattr(ModelRegistry, "model_has_inner_state", model_has_inner_state) -setattr(ModelRegistry, "is_embedding_model", is_embedding_model) +setattr(ModelRegistry, "is_multimodal_model", lambda model_architectures: False) +setattr(ModelRegistry, "is_attention_free_model", lambda model_architectures: False) +setattr(ModelRegistry, "model_has_inner_state", lambda model_architectures: False) +setattr(ModelRegistry, "is_embedding_model", lambda model_architectures: False) diff --git a/python/sglang/srt/models/llama.py b/python/sglang/srt/models/llama.py index ab86a55b9e..a9eaa81c1c 100644 --- a/python/sglang/srt/models/llama.py +++ b/python/sglang/srt/models/llama.py @@ -409,11 +409,13 @@ def load_weights(self, weights: Iterable[Tuple[str, torch.Tensor]]): if ( hasattr(self.config, "tie_word_embeddings") and self.config.tie_word_embeddings + and "lm_head.weight" in params_dict ): # Tie output embedding layer to input embedding layer, to solve issues where lm_head.weight is missing param = self.lm_head.weight weight_loader = getattr(param, "weight_loader", default_weight_loader) weight_loader(param, self.model.embed_tokens.weight) + apply_torchao_config_(self, params_dict, set(["proj.weight"])) diff --git a/python/sglang/srt/models/qwen2_vl.py b/python/sglang/srt/models/qwen2_vl.py index 80afee557d..59adb2ee77 100644 --- a/python/sglang/srt/models/qwen2_vl.py +++ b/python/sglang/srt/models/qwen2_vl.py @@ -23,7 +23,7 @@ # limitations under the License. """Inference-only Qwen2-VL model compatible with HuggingFace weights.""" from functools import lru_cache, partial -from typing import Iterable, List, Mapping, Optional, Tuple, Type, TypedDict, Union +from typing import Iterable, List, Optional, Tuple, Type, TypedDict import numpy as np import torch @@ -36,7 +36,6 @@ from vllm.logger import init_logger from vllm.model_executor.layers.activation import QuickGELU from vllm.model_executor.model_loader.weight_utils import default_weight_loader -from vllm.model_executor.models.interfaces import SupportsMultiModal from sglang.srt.configs import Qwen2VLConfig, Qwen2VLVisionConfig from sglang.srt.hf_transformers_utils import get_processor @@ -486,7 +485,7 @@ def forward( cached_get_processor = lru_cache(get_processor) -class Qwen2VLForConditionalGeneration(nn.Module, SupportsMultiModal): +class Qwen2VLForConditionalGeneration(nn.Module): def calculate_num_image_tokens(self, image_grid_thw: Tuple[int, int, int]): processor = cached_get_processor(self.config._name_or_path) grid_t, grid_h, grid_w = image_grid_thw @@ -536,15 +535,12 @@ def pad_input_ids(self, input_ids: List[int], image_inputs: ImageInputs): def __init__( self, config: Qwen2VLConfig, - multimodal_config: MultiModalConfig, cache_config: Optional[CacheConfig] = None, quant_config: Optional[QuantizationConfig] = None, ) -> None: super().__init__() self.config = config - self.multimodal_config = multimodal_config - self.visual = Qwen2VisionTransformer( config.vision_config, norm_eps=getattr(config, "rms_norm_eps", 1e-6), diff --git a/python/sglang/srt/utils.py b/python/sglang/srt/utils.py index 2be3a298ec..0c3ae0c5a7 100644 --- a/python/sglang/srt/utils.py +++ b/python/sglang/srt/utils.py @@ -204,56 +204,6 @@ def is_port_available(port): return False -def is_multimodal_model(model_architectures): - if ( - "LlavaLlamaForCausalLM" in model_architectures - or "LlavaQwenForCausalLM" in model_architectures - or "LlavaMistralForCausalLM" in model_architectures - or "LlavaVidForCausalLM" in model_architectures - or "MllamaForConditionalGeneration" in model_architectures - or "Qwen2VLForConditionalGeneration" in model_architectures - ): - return True - else: - return False - - -def is_attention_free_model(model_architectures): - return False - - -def model_has_inner_state(model_architectures): - return False - - -def is_embedding_model(model_architectures): - if ( - "LlamaEmbeddingModel" in model_architectures - or "MistralModel" in model_architectures - or "LlamaForSequenceClassification" in model_architectures - or "LlamaForSequenceClassificationWithNormal_Weights" in model_architectures - ): - return True - else: - return False - - -def is_generation_model(model_architectures, is_embedding: bool = False): - # We have two ways to determine whether a model is a generative model. - # 1. Check the model architectue - # 2. check the `is_embedding` server args - - if ( - "LlamaEmbeddingModel" in model_architectures - or "MistralModel" in model_architectures - or "LlamaForSequenceClassification" in model_architectures - or "LlamaForSequenceClassificationWithNormal_Weights" in model_architectures - ): - return False - else: - return not is_embedding - - def decode_video_base64(video_base64): from PIL import Image diff --git a/test/srt/test_cache_report.py b/test/srt/test_cache_report.py index dfc140d587..b790c3ae69 100644 --- a/test/srt/test_cache_report.py +++ b/test/srt/test_cache_report.py @@ -1,5 +1,4 @@ import asyncio -import json import unittest import openai From 1363b51983415a5180fd3981e676a6b20ea77ed8 Mon Sep 17 00:00:00 2001 From: =?UTF-8?q?I=C3=B1aki=20Arango?= Date: Sun, 3 Nov 2024 12:27:11 -0800 Subject: [PATCH 31/44] Escape backwards slash (#1902) --- python/sglang/utils.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/python/sglang/utils.py b/python/sglang/utils.py index ef4713bd2f..9c1fc67950 100644 --- a/python/sglang/utils.py +++ b/python/sglang/utils.py @@ -305,7 +305,7 @@ def execute_shell_command(command: str) -> subprocess.Popen: Execute a shell command and return the process handle Args: - command: Shell command as a string (can include \ line continuations) + command: Shell command as a string (can include \\ line continuations) Returns: subprocess.Popen: Process handle """ @@ -354,4 +354,4 @@ def terminate_process(process): def print_highlight(html_content: str): html_content = str(html_content).replace("\n", "
") - display(HTML(f"{html_content}")) \ No newline at end of file + display(HTML(f"{html_content}")) From 793b79dbe901fd2f4257744125f15edcc14567f4 Mon Sep 17 00:00:00 2001 From: Yineng Zhang Date: Sun, 3 Nov 2024 12:56:10 -0800 Subject: [PATCH 32/44] feat: support truss endpoint for benchmark serving (#1906) --- python/sglang/bench_serving.py | 92 ++++++++++++++++++++++++++++++++++ 1 file changed, 92 insertions(+) diff --git a/python/sglang/bench_serving.py b/python/sglang/bench_serving.py index 2ca35aca95..8bb452cd06 100644 --- a/python/sglang/bench_serving.py +++ b/python/sglang/bench_serving.py @@ -222,6 +222,85 @@ async def async_request_openai_completions( return output +async def async_request_truss( + request_func_input: RequestFuncInput, + pbar: Optional[tqdm] = None, +) -> RequestFuncOutput: + api_url = request_func_input.api_url + + prompt = request_func_input.prompt + + async with aiohttp.ClientSession(timeout=AIOHTTP_TIMEOUT) as session: + payload = { + "model": request_func_input.model, + "prompt": prompt, + "temperature": 0.0, + "best_of": 1, + "max_tokens": request_func_input.output_len, + "stream": not args.disable_stream, + "ignore_eos": not args.disable_ignore_eos, + **request_func_input.extra_request_body, + } + headers = {"Authorization": f"Bearer {os.environ.get('OPENAI_API_KEY')}"} + + output = RequestFuncOutput() + output.prompt_len = request_func_input.prompt_len + + generated_text = "" + ttft = 0.0 + st = time.perf_counter() + most_recent_timestamp = st + try: + async with session.post( + url=api_url, json=payload, headers=headers + ) as response: + if response.status == 200: + async for chunk_bytes in response.content: + chunk_bytes = chunk_bytes.strip() + if not chunk_bytes: + continue + + chunk = remove_prefix(chunk_bytes.decode("utf-8"), "data: ") + latency = time.perf_counter() - st + if chunk == "[DONE]": + pass + else: + data = json.loads(chunk) + + # NOTE: Some completion API might have a last + # usage summary response without a token so we + # want to check a token was generated + if data["choices"][0]["delta"]["content"]: + timestamp = time.perf_counter() + # First token + if ttft == 0.0: + ttft = time.perf_counter() - st + output.ttft = ttft + + # Decoding phase + else: + output.itl.append(timestamp - most_recent_timestamp) + + most_recent_timestamp = timestamp + generated_text += data["choices"][0]["delta"]["content"] + + output.generated_text = generated_text + output.success = True + output.latency = latency + output.output_len = request_func_input.output_len + else: + output.error = response.reason or "" + output.success = False + except Exception: + output.success = False + exc_info = sys.exc_info() + output.error = "".join(traceback.format_exception(*exc_info)) + + if pbar: + pbar.update(1) + return output + + async def async_request_sglang_generate( request_func_input: RequestFuncInput, pbar: Optional[tqdm] = None, @@ -350,6 +429,7 @@ def get_tokenizer( "lmdeploy": async_request_openai_completions, "trt": async_request_trt_llm, "gserver": async_request_gserver, + "truss": async_request_truss, } @@ -873,6 +953,7 @@ def run_benchmark(args_: argparse.Namespace): "vllm": 8000, "trt": 8000, "gserver": 9988, + "truss": 8080, }.get(args.backend, 30000) model_url = ( @@ -905,9 +986,20 @@ def run_benchmark(args_: argparse.Namespace): elif args.backend == "gserver": api_url = args.base_url if args.base_url else f"{args.host}:{args.port}" args.model = args.model or "default" + elif args.backend == "truss": + api_url = ( + f"{args.base_url}/v1/models/model:predict" + if args.base_url + else f"http://{args.host}:{args.port}/v1/models/model:predict" + ) # Get model name if args.model is None: + if args.backend == "truss": + print( + "Please provide a model with `--model` when using truss backend. e.g. --model meta-llama/Llama-3.1-8B-Instruct" + ) + sys.exit(1) try: response = requests.get(model_url) model_list = response.json().get("data", []) From 2ce32db6fb317c252f9c877880c1b5dd47dca7b6 Mon Sep 17 00:00:00 2001 From: Lianmin Zheng Date: Sun, 3 Nov 2024 13:27:12 -0800 Subject: [PATCH 33/44] Let reward model take text inputs instead of message lists (#1907) Co-authored-by: Kyle Corbitt --- python/sglang/srt/hf_transformers_utils.py | 7 ++----- python/sglang/srt/managers/io_struct.py | 4 ++-- python/sglang/srt/models/llama.py | 12 ++++++++--- python/sglang/srt/models/llama_embedding.py | 12 ++--------- python/sglang/srt/models/llama_reward.py | 5 +++++ python/sglang/srt/models/qwen2_vl.py | 2 +- python/sglang/srt/server.py | 22 +++------------------ python/sglang/test/runners.py | 3 ++- test/srt/models/test_embedding_models.py | 9 ++++----- test/srt/models/test_generation_models.py | 3 ++- test/srt/models/test_reward_models.py | 20 +++++++++---------- test/srt/run_suite.py | 2 +- 12 files changed, 43 insertions(+), 58 deletions(-) diff --git a/python/sglang/srt/hf_transformers_utils.py b/python/sglang/srt/hf_transformers_utils.py index 7a8751043f..b1752f89e0 100644 --- a/python/sglang/srt/hf_transformers_utils.py +++ b/python/sglang/srt/hf_transformers_utils.py @@ -88,11 +88,8 @@ def get_config( def get_context_length(config): - """Get the context length of a model from a huggingface model configs. - And here the config should be text_config part if the model is a multimodal - LLM. - """ - text_config = getattr(config, "text_config", config) + """Get the context length of a model from a huggingface model configs.""" + text_config = config rope_scaling = getattr(text_config, "rope_scaling", None) if rope_scaling: rope_scaling_factor = rope_scaling.get("factor", 1) diff --git a/python/sglang/srt/managers/io_struct.py b/python/sglang/srt/managers/io_struct.py index 339638c0a8..9c5ed14f39 100644 --- a/python/sglang/srt/managers/io_struct.py +++ b/python/sglang/srt/managers/io_struct.py @@ -238,7 +238,7 @@ def normalize_batch_and_arguments(self): self.rid = uuid.uuid4().hex if self.sampling_params is None: self.sampling_params = {} - self.sampling_params["max_new_tokens"] = 1 + self.sampling_params["max_new_tokens"] = 0 else: if self.rid is None: self.rid = [uuid.uuid4().hex for _ in range(self.batch_size)] @@ -248,7 +248,7 @@ def normalize_batch_and_arguments(self): if self.sampling_params is None: self.sampling_params = [{}] * self.batch_size for i in range(self.batch_size): - self.sampling_params[i]["max_new_tokens"] = 1 + self.sampling_params[i]["max_new_tokens"] = 0 def regenerate_rid(self): self.rid = uuid.uuid4().hex diff --git a/python/sglang/srt/models/llama.py b/python/sglang/srt/models/llama.py index a9eaa81c1c..a6f460846d 100644 --- a/python/sglang/srt/models/llama.py +++ b/python/sglang/srt/models/llama.py @@ -34,6 +34,7 @@ RowParallelLinear, ) from sglang.srt.layers.logits_processor import LogitsProcessor, LogitsProcessorOutput +from sglang.srt.layers.pooler import Pooler, PoolingType from sglang.srt.layers.quantization.base_config import QuantizationConfig from sglang.srt.layers.radix_attention import RadixAttention from sglang.srt.layers.torchao_utils import apply_torchao_config_ @@ -303,6 +304,7 @@ def __init__( self.model = LlamaModel(config, quant_config=quant_config) self.lm_head = ParallelLMHead(config.vocab_size, config.hidden_size) self.logits_processor = LogitsProcessor(config) + self.pooler = Pooler(pooling_type=PoolingType.LAST, normalize=True) @torch.no_grad() def forward( @@ -311,11 +313,15 @@ def forward( positions: torch.Tensor, forward_batch: ForwardBatch, input_embeds: torch.Tensor = None, + get_embedding: bool = False, ) -> LogitsProcessorOutput: hidden_states = self.model(input_ids, positions, forward_batch, input_embeds) - return self.logits_processor( - input_ids, hidden_states, self.lm_head.weight, forward_batch - ) + if not get_embedding: + return self.logits_processor( + input_ids, hidden_states, self.lm_head.weight, forward_batch + ) + else: + return self.pooler(hidden_states, forward_batch) def get_hidden_dim(self, module_name): # return input_dim, output_dim diff --git a/python/sglang/srt/models/llama_embedding.py b/python/sglang/srt/models/llama_embedding.py index 19e324f92f..da43d03fca 100644 --- a/python/sglang/srt/models/llama_embedding.py +++ b/python/sglang/srt/models/llama_embedding.py @@ -36,9 +36,7 @@ def forward( hidden_states = self.model(input_ids, positions, forward_batch, input_embeds) return self.pooler(hidden_states, forward_batch) - def load_weights( - self, weights: Iterable[Tuple[str, torch.Tensor]], name=None, loaded_weight=None - ): + def load_weights(self, weights: Iterable[Tuple[str, torch.Tensor]]): stacked_params_mapping = [ # (param_name, shard_name, shard_id) ("qkv_proj", "q_proj", "q"), @@ -49,7 +47,7 @@ def load_weights( ] params_dict = dict(self.model.named_parameters()) - def load_weights_per_param(name, loaded_weight): + for name, loaded_weight in weights: if "rotary_emb.inv_freq" in name or "projector" in name: return if "rotary_emb.cos_cached" in name or "rotary_emb.sin_cached" in name: @@ -78,12 +76,6 @@ def load_weights_per_param(name, loaded_weight): weight_loader = getattr(param, "weight_loader", default_weight_loader) weight_loader(param, loaded_weight) - if name is None or loaded_weight is None: - for name, loaded_weight in weights: - load_weights_per_param(name, loaded_weight) - else: - load_weights_per_param(name, loaded_weight) - class MistralModel(LlamaEmbeddingModel): pass diff --git a/python/sglang/srt/models/llama_reward.py b/python/sglang/srt/models/llama_reward.py index 2e9c0457f0..5b68d1d321 100644 --- a/python/sglang/srt/models/llama_reward.py +++ b/python/sglang/srt/models/llama_reward.py @@ -52,7 +52,12 @@ def forward( positions: torch.Tensor, forward_batch: ForwardBatch, input_embeds: torch.Tensor = None, + get_embedding: bool = True, ) -> EmbeddingPoolerOutput: + assert ( + get_embedding + ), "LlamaForSequenceClassification is only used for embedding" + hidden_states = self.model(input_ids, positions, forward_batch, input_embeds) scores = self.score(hidden_states) diff --git a/python/sglang/srt/models/qwen2_vl.py b/python/sglang/srt/models/qwen2_vl.py index 59adb2ee77..82412a51a1 100644 --- a/python/sglang/srt/models/qwen2_vl.py +++ b/python/sglang/srt/models/qwen2_vl.py @@ -618,7 +618,7 @@ def forward( extend_start_loc_cpu = forward_batch.extend_start_loc.cpu().numpy() prefix_lens_cpu = forward_batch.extend_prefix_lens.cpu().numpy() for i, image in enumerate(forward_batch.image_inputs): - if image == None: + if image is None: continue start_idx = extend_start_loc_cpu[i] prefix_len = prefix_lens_cpu[i] diff --git a/python/sglang/srt/server.py b/python/sglang/srt/server.py index 854a0c658c..d96176b2de 100644 --- a/python/sglang/srt/server.py +++ b/python/sglang/srt/server.py @@ -254,7 +254,7 @@ async def encode_request(obj: EmbeddingReqInput, request: Request): async def judge_request(obj: EmbeddingReqInput, request: Request): - """Handle a reward model request.""" + """Handle a reward model request. Now the arguments and return values are the same as embedding models.""" try: ret = await tokenizer_manager.generate_request(obj, request).__anext__() return ret @@ -696,24 +696,8 @@ def encode( self, prompt: Union[str, List[str], List[Dict], List[List[Dict]]], ): - if isinstance(prompt, str) or isinstance(prompt[0], str): - # embedding - json_data = { - "text": prompt, - } - response = requests.post( - self.url + "/encode", - json=json_data, - ) - else: - # reward - json_data = { - "conv": prompt, - } - response = requests.post( - self.url + "/judge", - json=json_data, - ) + json_data = {"text": prompt} + response = requests.post(self.url + "/encode", json=json_data) return json.dumps(response.json()) def __del__(self): diff --git a/python/sglang/test/runners.py b/python/sglang/test/runners.py index 217065bd20..3870c45038 100644 --- a/python/sglang/test/runners.py +++ b/python/sglang/test/runners.py @@ -273,6 +273,7 @@ def __init__( disable_cuda_graph=disable_cuda_graph, disable_radix_cache=disable_radix_cache, ) + self.tokenizer = get_tokenizer(model_path) def forward( self, @@ -366,7 +367,7 @@ def batch_forward( return ModelOutput(embed_logits=logits) else: scores = [x["embedding"][0] for x in response] - return ModelOutput(scores=logits) + return ModelOutput(scores=scores) def __enter__(self): return self diff --git a/test/srt/models/test_embedding_models.py b/test/srt/models/test_embedding_models.py index 3ad187cbbf..aefe4f3e7d 100644 --- a/test/srt/models/test_embedding_models.py +++ b/test/srt/models/test_embedding_models.py @@ -30,6 +30,10 @@ class TestEmbeddingModels(unittest.TestCase): + @classmethod + def setUpClass(cls): + mp.set_start_method("spawn", force=True) + def assert_close_prefill_logits( self, prompts, @@ -74,9 +78,4 @@ def test_prefill_logits(self): if __name__ == "__main__": - try: - mp.set_start_method("spawn") - except RuntimeError: - pass - unittest.main() diff --git a/test/srt/models/test_generation_models.py b/test/srt/models/test_generation_models.py index 1d32b8af12..b4c2cde2de 100755 --- a/test/srt/models/test_generation_models.py +++ b/test/srt/models/test_generation_models.py @@ -63,9 +63,10 @@ class ModelCase: class TestGenerationModels(unittest.TestCase): + @classmethod def setUpClass(cls): - mp.set_start_method("spawn") + mp.set_start_method("spawn", force=True) def assert_close_logits_and_output_strs( self, diff --git a/test/srt/models/test_reward_models.py b/test/srt/models/test_reward_models.py index cd15b49670..499f7822ad 100644 --- a/test/srt/models/test_reward_models.py +++ b/test/srt/models/test_reward_models.py @@ -18,10 +18,10 @@ import torch -from sglang.test.runners import DEFAULT_PROMPTS, HFRunner, SRTRunner +from sglang.test.runners import HFRunner, SRTRunner MODELS = [ - ("LxzGordon/URM-LLaMa-3.1-8B", 1, 2e-2), + ("LxzGordon/URM-LLaMa-3.1-8B", 1, 3e-2), ] TORCH_DTYPES = [torch.float16] @@ -43,6 +43,10 @@ class TestRewardModels(unittest.TestCase): + @classmethod + def setUpClass(cls): + mp.set_start_method("spawn", force=True) + def assert_close_reward_scores( self, convs, @@ -63,12 +67,13 @@ def assert_close_reward_scores( torch_dtype=torch_dtype, model_type="reward", ) as srt_runner: - srt_outputs = srt_runner.forward(convs) + prompts = srt_runner.tokenizer.apply_chat_template(convs, tokenize=False) + srt_outputs = srt_runner.forward(prompts) hf_scores = torch.tensor(hf_outputs.scores) srt_scores = torch.tensor(srt_outputs.scores) - print(hf_scores) - print(srt_scores) + print(f"{hf_scores=}") + print(f"{srt_scores=}") assert torch.all( abs(hf_scores - srt_scores) < tolerance @@ -83,9 +88,4 @@ def test_reward_scores(self): if __name__ == "__main__": - try: - mp.set_start_method("spawn") - except RuntimeError: - pass - unittest.main() diff --git a/test/srt/run_suite.py b/test/srt/run_suite.py index ffc8e84f24..f7277f03da 100644 --- a/test/srt/run_suite.py +++ b/test/srt/run_suite.py @@ -8,7 +8,7 @@ "models/test_embedding_models.py", "models/test_generation_models.py", "models/test_lora.py", - # "models/test_reward_models.py", + "models/test_reward_models.py", "sampling/penaltylib", "test_chunked_prefill.py", "test_double_sparsity.py", From 65859754f1463ce280bbaaf68d04797705849240 Mon Sep 17 00:00:00 2001 From: Lianmin Zheng Date: Sun, 3 Nov 2024 13:48:11 -0800 Subject: [PATCH 34/44] Release v0.3.5 (#1908) --- docker/Dockerfile.rocm | 2 +- docs/start/install.md | 2 +- python/pyproject.toml | 2 +- python/sglang/version.py | 2 +- 4 files changed, 4 insertions(+), 4 deletions(-) diff --git a/docker/Dockerfile.rocm b/docker/Dockerfile.rocm index 003434454b..42b3135955 100644 --- a/docker/Dockerfile.rocm +++ b/docker/Dockerfile.rocm @@ -1,5 +1,5 @@ # Usage (to build SGLang ROCm docker image): -# docker build --build-arg SGL_BRANCH=v0.3.4.post2 -t testImage -f Dockerfile.rocm . +# docker build --build-arg SGL_BRANCH=v0.3.5 -t testImage -f Dockerfile.rocm . # default base image ARG BASE_IMAGE="rocm/vllm-dev:20241022" diff --git a/docs/start/install.md b/docs/start/install.md index c203cc4d0f..57b899da32 100644 --- a/docs/start/install.md +++ b/docs/start/install.md @@ -16,7 +16,7 @@ Note: Please check the [FlashInfer installation doc](https://docs.flashinfer.ai/ ## Method 2: From source ``` # Use the last release branch -git clone -b v0.3.4.post2 https://github.com/sgl-project/sglang.git +git clone -b v0.3.5 https://github.com/sgl-project/sglang.git cd sglang pip install --upgrade pip diff --git a/python/pyproject.toml b/python/pyproject.toml index d9749e1aba..6239963f49 100644 --- a/python/pyproject.toml +++ b/python/pyproject.toml @@ -4,7 +4,7 @@ build-backend = "setuptools.build_meta" [project] name = "sglang" -version = "0.3.4.post2" +version = "0.3.5" description = "SGLang is yet another fast serving framework for large language models and vision language models." readme = "README.md" requires-python = ">=3.8" diff --git a/python/sglang/version.py b/python/sglang/version.py index 6dff575327..a8d4557d26 100644 --- a/python/sglang/version.py +++ b/python/sglang/version.py @@ -1 +1 @@ -__version__ = "0.3.4.post2" +__version__ = "0.3.5" From 1853c3523bf13fd6664d8e68b4744f646c53f9d6 Mon Sep 17 00:00:00 2001 From: Lianmin Zheng Date: Sun, 3 Nov 2024 14:18:16 -0800 Subject: [PATCH 35/44] Fix regex docs (#1909) --- docs/backend/openai_api_completions.ipynb | 73 ++++++++++++++++++++++- docs/references/sampling_params.md | 47 +++++++++++++++ 2 files changed, 118 insertions(+), 2 deletions(-) diff --git a/docs/backend/openai_api_completions.ipynb b/docs/backend/openai_api_completions.ipynb index 2f4b988d5d..e39b328f14 100644 --- a/docs/backend/openai_api_completions.ipynb +++ b/docs/backend/openai_api_completions.ipynb @@ -87,7 +87,6 @@ "response = client.chat.completions.create(\n", " model=\"meta-llama/Meta-Llama-3.1-8B-Instruct\",\n", " messages=[\n", - " {\"role\": \"system\", \"content\": \"You are a helpful AI assistant\"},\n", " {\"role\": \"user\", \"content\": \"List 3 countries and their capitals.\"},\n", " ],\n", " temperature=0,\n", @@ -184,7 +183,6 @@ "## Completions\n", "\n", "### Usage\n", - "\n", "Completions API is similar to Chat Completions API, but without the `messages` parameter or chat templates." ] }, @@ -253,6 +251,77 @@ "print_highlight(f\"Response: {response}\")" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Structured decoding (JSON, Regex)\n", + "You can specify a JSON schema or a regular expression to constrain the model output. The model output will be guaranteed to follow the given constraints.\n", + "\n", + "### JSON" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import json\n", + "\n", + "json_schema = json.dumps(\n", + " {\n", + " \"type\": \"object\",\n", + " \"properties\": {\n", + " \"name\": {\"type\": \"string\", \"pattern\": \"^[\\\\w]+$\"},\n", + " \"population\": {\"type\": \"integer\"},\n", + " },\n", + " \"required\": [\"name\", \"population\"],\n", + " }\n", + ")\n", + "\n", + "response = client.chat.completions.create(\n", + " model=\"meta-llama/Meta-Llama-3.1-8B-Instruct\",\n", + " messages=[\n", + " {\"role\": \"user\", \"content\": \"Give me the information of the capital of France in the JSON format.\"},\n", + " ],\n", + " temperature=0,\n", + " max_tokens=128,\n", + " response_format={\n", + " \"type\": \"json_schema\",\n", + " \"json_schema\": {\"name\": \"foo\", \"schema\": json.loads(json_schema)},\n", + " },\n", + ")\n", + "\n", + "print_highlight(response.choices[0].message.content)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Regular expression" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "response = client.chat.completions.create(\n", + " model=\"meta-llama/Meta-Llama-3.1-8B-Instruct\",\n", + " messages=[\n", + " {\"role\": \"user\", \"content\": \"What is the capital of France?\"},\n", + " ],\n", + " temperature=0,\n", + " max_tokens=128,\n", + " extra_body={\"regex\": \"(Paris|London)\"},\n", + ")\n", + "\n", + "print_highlight(response.choices[0].message.content)" + ] + }, { "cell_type": "markdown", "metadata": {}, diff --git a/docs/references/sampling_params.md b/docs/references/sampling_params.md index 21850e9351..333b8fcd15 100644 --- a/docs/references/sampling_params.md +++ b/docs/references/sampling_params.md @@ -177,3 +177,50 @@ print(response.json()) The `image_data` can be a file name, a URL, or a base64 encoded string. See also `python/sglang/srt/utils.py:load_image`. Streaming is supported in a similar manner as [above](#streaming). + +### Structured decoding (JSON, Regex) +You can specify a JSON schema or a regular expression to constrain the model output. The model output will be guaranteed to follow the given constraints. + +```python +import json +import requests + +json_schema = json.dumps( + { + "type": "object", + "properties": { + "name": {"type": "string", "pattern": "^[\\w]+$"}, + "population": {"type": "integer"}, + }, + "required": ["name", "population"], + } +) + +# JSON +response = requests.post( + "http://localhost:30000/generate", + json={ + "text": "Here is the information of the capital of France in the JSON format.\n", + "sampling_params": { + "temperature": 0, + "max_new_tokens": 64, + "json_schema": json_schema, + }, + }, +) +print(response.json()) + +# Regular expression +response = requests.post( + "http://localhost:30000/generate", + json={ + "text": "Paris is the capital of", + "sampling_params": { + "temperature": 0, + "max_new_tokens": 64, + "regex": "(France|England)", + }, + }, +) +print(response.json()) +``` \ No newline at end of file From 704f8e8ed1a4ab992ac626bc91cd62e4909faa8f Mon Sep 17 00:00:00 2001 From: Chayenne Date: Sun, 3 Nov 2024 22:33:03 -0800 Subject: [PATCH 36/44] Add Reward API Docs etc (#1910) Co-authored-by: Chayenne --- .github/workflows/release-docs.yml | 3 +- README.md | 8 ++- docs/backend/native_api.ipynb | 81 ++++++++++++++++++++++++--- docs/index.rst | 2 +- docs/start/send_request.ipynb | 11 +++- test/srt/models/test_reward_models.py | 1 + 6 files changed, 90 insertions(+), 16 deletions(-) diff --git a/.github/workflows/release-docs.yml b/.github/workflows/release-docs.yml index d84cbce62a..99bd546161 100644 --- a/.github/workflows/release-docs.yml +++ b/.github/workflows/release-docs.yml @@ -48,9 +48,10 @@ jobs: make html cd _build/html - git clone https://$GITHUB_TOKEN@github.com/sgl-project/sgl-project.github.io.git ../sgl-project.github.io + git clone https://$GITHUB_TOKEN@github.com/sgl-project/sgl-project.github.io.git ../sgl-project.github.io --depth 1 rm -rf ../sgl-project.github.io/* cp -r * ../sgl-project.github.io + cp ../../README.md ../sgl-project.github.io/README.md cd ../sgl-project.github.io git config user.name "zhaochenyang20" git config user.email "zhaochenyang20@gmail.com" diff --git a/README.md b/README.md index 497b7e344a..4017d282bd 100644 --- a/README.md +++ b/README.md @@ -36,11 +36,13 @@ The core features include: - **Fast Backend Runtime**: Provides efficient serving with RadixAttention for prefix caching, jump-forward constrained decoding, continuous batching, token attention (paged attention), tensor parallelism, FlashInfer kernels, chunked prefill, and quantization (INT4/FP8/AWQ/GPTQ). - **Flexible Frontend Language**: Offers an intuitive interface for programming LLM applications, including chained generation calls, advanced prompting, control flow, multi-modal inputs, parallelism, and external interactions. -- **Extensive Model Support**: Supports a wide range of generative models (Llama, Gemma, Mistral, QWen, DeepSeek, LLaVA, etc.) and embedding models (e5-mistral), with easy extensibility for integrating new models. +- **Extensive Model Support**: Supports a wide range of generative models (Llama, Gemma, Mistral, QWen, DeepSeek, LLaVA, etc.), embedding models (e5-mistral, gte) and reward models (Skywork), with easy extensibility for integrating new models. - **Active Community**: SGLang is open-source and backed by an active community with industry adoption. -## Install -See [https://sgl-project.github.io/start/install.html](https://sgl-project.github.io/start/install.html) +## Getting Started +Install SGLang: See [https://sgl-project.github.io/start/install.html](https://sgl-project.github.io/start/install.html) + +Send requests: See [https://sgl-project.github.io/start/send_request.html](https://sgl-project.github.io/start/send_request.html) ## Backend: SGLang Runtime (SRT) See [https://sgl-project.github.io/backend/backend.html](https://sgl-project.github.io/backend/backend.html) diff --git a/docs/backend/native_api.ipynb b/docs/backend/native_api.ipynb index 39cd12cd31..95af6344a0 100644 --- a/docs/backend/native_api.ipynb +++ b/docs/backend/native_api.ipynb @@ -5,9 +5,10 @@ "metadata": {}, "source": [ "# Native APIs\n", + "\n", "Apart from the OpenAI compatible APIs, the SGLang Runtime also provides its native server APIs. We introduce these following APIs:\n", "\n", - "- `/generate`\n", + "- `/generate` (text generation model)\n", "- `/get_server_args`\n", "- `/get_model_info`\n", "- `/health`\n", @@ -15,7 +16,8 @@ "- `/flush_cache`\n", "- `/get_memory_pool_size`\n", "- `/update_weights`\n", - "- `/encode`\n", + "- `/encode`(embedding model)\n", + "- `/judge`(reward model)\n", "\n", "We mainly use `requests` to test these APIs in the following examples. You can also use `curl`." ] @@ -40,6 +42,8 @@ " print_highlight,\n", ")\n", "\n", + "import requests\n", + "\n", "server_process = execute_shell_command(\n", " \"\"\"\n", "python3 -m sglang.launch_server --model-path meta-llama/Llama-3.2-1B-Instruct --port=30010\n", @@ -53,7 +57,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "## Generate\n", + "## Generate (text generation model)\n", "Generate completions. This is similar to the `/v1/completions` in OpenAI API. Detailed parameters can be found in the [sampling parameters](../references/sampling_params.html)." ] }, @@ -63,8 +67,6 @@ "metadata": {}, "outputs": [], "source": [ - "import requests\n", - "\n", "url = \"http://localhost:30010/generate\"\n", "data = {\"text\": \"What is the capital of France?\"}\n", "\n", @@ -252,7 +254,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "## Encode\n", + "## Encode (embedding model)\n", "\n", "Encode text into embeddings. Note that this API is only available for [embedding models](openai_api_embeddings.html#openai-apis-embedding) and will raise an error for generation models.\n", "Therefore, we launch a new server to server an embedding model." @@ -292,13 +294,76 @@ "print_highlight(f\"Text embedding (first 10): {response_json['embedding'][:10]}\")" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Judge (reward model)\n", + "\n", + "SGLang Runtime also supports reward models. Here we use a reward model to judge the quality of pairwise generations." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "terminate_process(embedding_process)\n", + "\n", + "# Note that SGLang now treats embedding models and reward models as the same type of models.\n", + "# This will be updated in the future.\n", + "\n", + "reward_process = execute_shell_command(\n", + " \"\"\"\n", + "python -m sglang.launch_server --model-path Skywork/Skywork-Reward-Llama-3.1-8B-v0.2 --port 30030 --host 0.0.0.0 --is-embedding\n", + "\"\"\"\n", + ")\n", + "\n", + "wait_for_server(\"http://localhost:30030\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from transformers import AutoTokenizer\n", + "\n", + "PROMPT = (\n", + " \"What is the range of the numeric output of a sigmoid node in a neural network?\"\n", + ")\n", + "\n", + "RESPONSE1 = \"The output of a sigmoid node is bounded between -1 and 1.\"\n", + "RESPONSE2 = \"The output of a sigmoid node is bounded between 0 and 1.\"\n", + "\n", + "CONVS = [\n", + " [{\"role\": \"user\", \"content\": PROMPT}, {\"role\": \"assistant\", \"content\": RESPONSE1}],\n", + " [{\"role\": \"user\", \"content\": PROMPT}, {\"role\": \"assistant\", \"content\": RESPONSE2}],\n", + "]\n", + "\n", + "tokenizer = AutoTokenizer.from_pretrained(\"Skywork/Skywork-Reward-Llama-3.1-8B-v0.2\")\n", + "prompts = tokenizer.apply_chat_template(CONVS, tokenize=False)\n", + "\n", + "url = \"http://localhost:30030/judge\"\n", + "data = {\n", + " \"model\": \"Skywork/Skywork-Reward-Llama-3.1-8B-v0.2\", \n", + " \"text\": prompts\n", + "}\n", + "\n", + "responses = requests.post(url, json=data).json()\n", + "for response in responses:\n", + " print_highlight(f\"reward: {response['embedding'][0]}\")" + ] + }, { "cell_type": "code", - "execution_count": 43, + "execution_count": 15, "metadata": {}, "outputs": [], "source": [ - "terminate_process(embedding_process)" + "terminate_process(reward_process)" ] } ], diff --git a/docs/index.rst b/docs/index.rst index 1f83acfb46..701d25d627 100644 --- a/docs/index.rst +++ b/docs/index.rst @@ -7,7 +7,7 @@ The core features include: - **Fast Backend Runtime**: Provides efficient serving with RadixAttention for prefix caching, jump-forward constrained decoding, continuous batching, token attention (paged attention), tensor parallelism, FlashInfer kernels, chunked prefill, and quantization (INT4/FP8/AWQ/GPTQ). - **Flexible Frontend Language**: Offers an intuitive interface for programming LLM applications, including chained generation calls, advanced prompting, control flow, multi-modal inputs, parallelism, and external interactions. -- **Extensive Model Support**: Supports a wide range of generative models (Llama 3, Gemma 2, Mistral, QWen, DeepSeek, LLaVA, etc.) and embedding models (e5-mistral), with easy extensibility for integrating new models. +- **Extensive Model Support**: Supports a wide range of generative models (Llama, Gemma, Mistral, QWen, DeepSeek, LLaVA, etc.), embedding models (e5-mistral, gte) and reward models (Skywork), with easy extensibility for integrating new models. - **Active Community**: SGLang is open-source and backed by an active community with industry adoption. diff --git a/docs/start/send_request.ipynb b/docs/start/send_request.ipynb index 2323368ee4..24d39bd71d 100644 --- a/docs/start/send_request.ipynb +++ b/docs/start/send_request.ipynb @@ -5,14 +5,19 @@ "metadata": {}, "source": [ "# Quick Start: Sending Requests\n", - "This notebook provides a quick-start guide for using SGLang after installation." + "This notebook provides a quick-start guide to use SGLang in chat completions after installation.\n", + "\n", + "- For Vision Language Models, see [OpenAI APIs - Vision](../backend/openai_api_vision.ipynb).\n", + "- For Embedding Models, see [OpenAI APIs - Embedding](../backend/openai_api_embeddings.ipynb) and [Encode (embedding model)](../backend/native_api.html#Encode-(embedding-model)).\n", + "- For Reward Models, see [Judge (reward model)](../backend/native_api.html#Judge-(reward-model))." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "## Launch a server\n", + "## Launch A Server\n", + "\n", "This code block is equivalent to executing \n", "\n", "```bash\n", @@ -254,7 +259,7 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 8, "metadata": { "execution": { "iopub.execute_input": "2024-11-01T02:46:52.898411Z", diff --git a/test/srt/models/test_reward_models.py b/test/srt/models/test_reward_models.py index 499f7822ad..eb89c9dff4 100644 --- a/test/srt/models/test_reward_models.py +++ b/test/srt/models/test_reward_models.py @@ -22,6 +22,7 @@ MODELS = [ ("LxzGordon/URM-LLaMa-3.1-8B", 1, 3e-2), + ("Skywork/Skywork-Reward-Llama-3.1-8B-v0.2", 1, 3e-2), ] TORCH_DTYPES = [torch.float16] From 3cd28092771bc8af4eaaa56d24586c26ca76a3d1 Mon Sep 17 00:00:00 2001 From: HAI Date: Mon, 4 Nov 2024 01:40:57 -0800 Subject: [PATCH 37/44] [Docs, ROCm] update install to cover ROCm with MI GPUs (#1915) --- docs/start/install.md | 23 +++++++++++++++++++++-- 1 file changed, 21 insertions(+), 2 deletions(-) diff --git a/docs/start/install.md b/docs/start/install.md index 57b899da32..7a764f91af 100644 --- a/docs/start/install.md +++ b/docs/start/install.md @@ -7,7 +7,7 @@ You can install SGLang using any of the methods below. pip install --upgrade pip pip install "sglang[all]" -# Install FlashInfer accelerated kernels +# Install FlashInfer accelerated kernels (CUDA only for now) pip install flashinfer -i https://flashinfer.ai/whl/cu121/torch2.4/ ``` @@ -22,7 +22,7 @@ cd sglang pip install --upgrade pip pip install -e "python[all]" -# Install FlashInfer accelerated kernels +# Install FlashInfer accelerated kernels (CUDA only for now) pip install flashinfer -i https://flashinfer.ai/whl/cu121/torch2.4/ ``` @@ -42,6 +42,25 @@ docker run --gpus all \ python3 -m sglang.launch_server --model-path meta-llama/Llama-3.1-8B-Instruct --host 0.0.0.0 --port 30000 ``` +Note: To AMD ROCm system with Instinct/MI GPUs, it is recommended to use `docker/Dockerfile.rocm` to build images, example and usage as below: + +```bash +docker build --build-arg SGL_BRANCH=v0.3.5 -t v0.3.5-rocm620 -f Dockerfile.rocm . + +alias drun='docker run -it --rm --network=host --device=/dev/kfd --device=/dev/dri --ipc=host \ + --shm-size 16G --group-add video --cap-add=SYS_PTRACE --security-opt seccomp=unconfined \ + -v $HOME/dockerx:/dockerx -v /data:/data' + +drun -p 30000:30000 \ + -v ~/.cache/huggingface:/root/.cache/huggingface \ + --env "HF_TOKEN=" \ + v0.3.5-rocm620 \ + python3 -m sglang.launch_server --model-path meta-llama/Llama-3.1-8B-Instruct --host 0.0.0.0 --port 30000 + +# Till flashinfer backend available, --attention-backend triton --sampling-backend pytorch are set by default +drun v0.3.5-rocm620 python3 -m sglang.bench_latency --batch-size 32 --input 1024 --output 128 --model amd/Meta-Llama-3.1-8B-Instruct-FP8-KV --tp 8 --quantization fp8 +``` + ## Method 4: Using docker compose
From 530ff541cf272956ad629a3703ecda80ff68fc63 Mon Sep 17 00:00:00 2001 From: Byron Hsu Date: Mon, 4 Nov 2024 10:56:52 -0800 Subject: [PATCH 38/44] [router] Impl radix tree and set up CI (#1893) Co-authored-by: Lianmin Zheng --- .github/workflows/pr-test-rust.yml | 39 ++++++ rust/Cargo.lock | 2 +- rust/Cargo.toml | 10 +- rust/readme.md | 15 +++ rust/src/lib.rs | 13 +- rust/src/main.rs | 7 +- rust/src/router.rs | 15 ++- rust/src/server.rs | 99 +++++++--------- rust/src/tree.rs | 184 +++++++++++++++++++++++++++++ rust/tests/test_tree.rs | 131 ++++++++++++++++++++ scripts/ci_install_rust.sh | 15 +++ 11 files changed, 458 insertions(+), 72 deletions(-) create mode 100644 .github/workflows/pr-test-rust.yml create mode 100644 rust/src/tree.rs create mode 100644 rust/tests/test_tree.rs create mode 100644 scripts/ci_install_rust.sh diff --git a/.github/workflows/pr-test-rust.yml b/.github/workflows/pr-test-rust.yml new file mode 100644 index 0000000000..b7e294d28d --- /dev/null +++ b/.github/workflows/pr-test-rust.yml @@ -0,0 +1,39 @@ +name: PR Test (Rust) + +on: + push: + branches: [ main ] + paths: + - "rust/*" + pull_request: + branches: [ main ] + paths: + - "rust/*" + workflow_dispatch: + +concurrency: + group: pr-test-rust-${{ github.ref }} + cancel-in-progress: true + +jobs: + unit-test-rust: + if: github.repository == 'sgl-project/sglang' || github.event_name == 'pull_request' + runs-on: 1-gpu-runner + steps: + - name: Checkout code + uses: actions/checkout@v3 + + - name: Install dependencies + run: | + bash scripts/ci_install_rust.sh + - name: Run fmt + run: | + source "$HOME/.cargo/env" + cd rust/ + cargo fmt -- --check + - name: Run test + timeout-minutes: 20 + run: | + source "$HOME/.cargo/env" + cd rust/ + cargo test \ No newline at end of file diff --git a/rust/Cargo.lock b/rust/Cargo.lock index ffabb42534..44a5a198b5 100644 --- a/rust/Cargo.lock +++ b/rust/Cargo.lock @@ -1607,7 +1607,7 @@ dependencies = [ ] [[package]] -name = "sglang-router" +name = "sglang_router" version = "0.0.0" dependencies = [ "actix-web", diff --git a/rust/Cargo.toml b/rust/Cargo.toml index 1daed7dd5d..794ab1f7cb 100644 --- a/rust/Cargo.toml +++ b/rust/Cargo.toml @@ -1,15 +1,17 @@ [package] -name = "sglang-router" +name = "sglang_router" version = "0.0.0" edition = "2021" [[bin]] -name = "router" +name = "sglang_router" path = "src/main.rs" [lib] -name = "router" -crate-type = ["cdylib"] +name = "sglang_router" +# Pure Rust library: Just omit crate-type (defaults to rlib) +# Python/C binding + Rust library: Use ["cdylib", "rlib"] +crate-type = ["cdylib", "rlib"] [dependencies] actix-web = "4.0" diff --git a/rust/readme.md b/rust/readme.md index f73dd71ca5..7d10eed75a 100644 --- a/rust/readme.md +++ b/rust/readme.md @@ -74,4 +74,19 @@ python -m sglang.launch_server \ $ cargo build --release $ maturin build -i /usr/bin/python $ pip install +``` + + +### Development + +1. Run test + +``` +$ cargo test +``` + +2. Run lint + +``` +$ cargo fmt ``` \ No newline at end of file diff --git a/rust/src/lib.rs b/rust/src/lib.rs index 75444555dc..26e43bb8a6 100644 --- a/rust/src/lib.rs +++ b/rust/src/lib.rs @@ -1,6 +1,7 @@ use pyo3::prelude::*; -mod server; pub mod router; +mod server; +pub mod tree; // Python binding #[pyclass] @@ -8,7 +9,7 @@ struct Router { host: String, port: u16, worker_urls: Vec, - policy: String + policy: String, } #[pymethods] @@ -19,7 +20,7 @@ impl Router { host, port, worker_urls, - policy + policy, } } @@ -30,7 +31,9 @@ impl Router { let policy = self.policy.clone(); actix_web::rt::System::new().block_on(async move { - server::startup(host, port, worker_urls, policy).await.unwrap(); + server::startup(host, port, worker_urls, policy) + .await + .unwrap(); }); Ok(()) @@ -42,4 +45,4 @@ impl Router { fn sglang_router(m: &Bound<'_, PyModule>) -> PyResult<()> { m.add_class::()?; Ok(()) -} \ No newline at end of file +} diff --git a/rust/src/main.rs b/rust/src/main.rs index a7566c9a58..851a85ae55 100644 --- a/rust/src/main.rs +++ b/rust/src/main.rs @@ -1,9 +1,10 @@ // src/main.rs -use clap::Parser; use clap::builder::PossibleValuesParser; +use clap::Parser; // declare child modules -mod server; mod router; +mod server; +mod tree; #[derive(Parser, Debug)] #[command(author, version, about, long_about = None)] @@ -25,4 +26,4 @@ struct Args { async fn main() -> std::io::Result<()> { let args = Args::parse(); server::startup(args.host, args.port, args.worker_urls, args.policy).await -} \ No newline at end of file +} diff --git a/rust/src/router.rs b/rust/src/router.rs index 0641338218..9d42cc13f4 100644 --- a/rust/src/router.rs +++ b/rust/src/router.rs @@ -34,7 +34,9 @@ impl Router for RoundRobinRouter { return None; } // Use relaxed because operation order doesn't matter in round robin - let index = self.current_index.fetch_add(1, std::sync::atomic::Ordering::Relaxed) + let index = self + .current_index + .fetch_add(1, std::sync::atomic::Ordering::Relaxed) % self.worker_urls.len(); Some(self.worker_urls[index].clone()) } @@ -62,11 +64,11 @@ impl RandomRouter { impl Router for RandomRouter { fn select(&self) -> Option { use rand::seq::SliceRandom; - + if self.worker_urls.is_empty() { return None; } - + self.worker_urls.choose(&mut rand::thread_rng()).cloned() } @@ -83,6 +85,9 @@ pub fn create_router(worker_urls: Vec, policy: String) -> Box Box::new(RandomRouter::new(worker_urls)), "round_robin" => Box::new(RoundRobinRouter::new(worker_urls)), - _ => panic!("Unknown routing policy: {}. The available policies are 'random' and 'round_robin'", policy), + _ => panic!( + "Unknown routing policy: {}. The available policies are 'random' and 'round_robin'", + policy + ), } -} \ No newline at end of file +} diff --git a/rust/src/server.rs b/rust/src/server.rs index a534d27e7a..1c6c515b48 100644 --- a/rust/src/server.rs +++ b/rust/src/server.rs @@ -1,10 +1,9 @@ -use actix_web::{get, post, web, App, HttpServer, HttpResponse, HttpRequest, Responder}; +use crate::router::create_router; +use crate::router::Router; +use actix_web::http::header::{HeaderValue, CONTENT_TYPE}; +use actix_web::{get, post, web, App, HttpRequest, HttpResponse, HttpServer, Responder}; use bytes::Bytes; use futures_util::StreamExt; -use actix_web::http::header::{HeaderValue, CONTENT_TYPE}; -use crate::router::Router; -use crate::router::create_router; - #[derive(Debug)] pub struct AppState { @@ -12,89 +11,77 @@ pub struct AppState { client: reqwest::Client, } - -impl AppState -{ +impl AppState { pub fn new(worker_urls: Vec, policy: String, client: reqwest::Client) -> Self { // Create router based on policy let router = create_router(worker_urls, policy); - - Self { - router, - client, - } + + Self { router, client } } } #[get("/v1/models")] -async fn v1_model( - data: web::Data, -) -> impl Responder { - let worker_url= match data.router.get_first() { +async fn v1_model(data: web::Data) -> impl Responder { + let worker_url = match data.router.get_first() { Some(url) => url, None => return HttpResponse::InternalServerError().finish(), }; // Use the shared client - match data.client - .get(&format!("{}/v1/models", worker_url)) + match data + .client + .get(format!("{}/v1/models", worker_url)) .send() - .await + .await { Ok(res) => { let status = actix_web::http::StatusCode::from_u16(res.status().as_u16()) - .unwrap_or(actix_web::http::StatusCode::INTERNAL_SERVER_ERROR); - + .unwrap_or(actix_web::http::StatusCode::INTERNAL_SERVER_ERROR); + // print the status println!("Worker URL: {}, Status: {}", worker_url, status); match res.bytes().await { Ok(body) => HttpResponse::build(status).body(body.to_vec()), Err(_) => HttpResponse::InternalServerError().finish(), } - }, + } Err(_) => HttpResponse::InternalServerError().finish(), } } #[get("/get_model_info")] -async fn get_model_info( - data: web::Data, -) -> impl Responder { - let worker_url= match data.router.get_first() { +async fn get_model_info(data: web::Data) -> impl Responder { + let worker_url = match data.router.get_first() { Some(url) => url, None => return HttpResponse::InternalServerError().finish(), }; // Use the shared client - match data.client - .get(&format!("{}/get_model_info", worker_url)) + match data + .client + .get(format!("{}/get_model_info", worker_url)) .send() - .await + .await { Ok(res) => { let status = actix_web::http::StatusCode::from_u16(res.status().as_u16()) - .unwrap_or(actix_web::http::StatusCode::INTERNAL_SERVER_ERROR); - + .unwrap_or(actix_web::http::StatusCode::INTERNAL_SERVER_ERROR); + // print the status println!("Worker URL: {}, Status: {}", worker_url, status); match res.bytes().await { Ok(body) => HttpResponse::build(status).body(body.to_vec()), Err(_) => HttpResponse::InternalServerError().finish(), } - }, + } Err(_) => HttpResponse::InternalServerError().finish(), } } // no deser and ser, just forward and return #[post("/generate")] -async fn generate( - req: HttpRequest, - body: Bytes, - data: web::Data, -) -> impl Responder { - +async fn generate(req: HttpRequest, body: Bytes, data: web::Data) -> impl Responder { // create a router struct // TODO: use router abstraction for different policy - let worker_url= match data.router.select() { + let worker_url = match data.router.select() { Some(url) => url, None => return HttpResponse::InternalServerError().finish(), }; @@ -104,18 +91,19 @@ async fn generate( .map(|v| v.get("stream").and_then(|s| s.as_bool()).unwrap_or(false)) .unwrap_or(false); - let res = match data.client - .post(&format!("{}/generate", worker_url)) + let res = match data + .client + .post(format!("{}/generate", worker_url)) .header( - "Content-Type", + "Content-Type", req.headers() .get("Content-Type") .and_then(|h| h.to_str().ok()) - .unwrap_or("application/json") + .unwrap_or("application/json"), ) .body(body.to_vec()) .send() - .await + .await { Ok(res) => res, Err(_) => return HttpResponse::InternalServerError().finish(), @@ -128,18 +116,25 @@ async fn generate( match res.bytes().await { Ok(body) => HttpResponse::build(status).body(body.to_vec()), Err(_) => HttpResponse::InternalServerError().finish(), - } + } } else { HttpResponse::build(status) .insert_header((CONTENT_TYPE, HeaderValue::from_static("text/event-stream"))) .streaming(res.bytes_stream().map(|b| match b { Ok(b) => Ok::<_, actix_web::Error>(b), - Err(_) => Err(actix_web::Error::from(actix_web::error::ErrorInternalServerError("Failed to read stream"))), + Err(_) => Err(actix_web::error::ErrorInternalServerError( + "Failed to read stream", + )), })) } } -pub async fn startup(host: String, port: u16, worker_urls: Vec, routing_policy: String) -> std::io::Result<()> { +pub async fn startup( + host: String, + port: u16, + worker_urls: Vec, + routing_policy: String, +) -> std::io::Result<()> { println!("Starting server on {}:{}", host, port); println!("Worker URLs: {:?}", worker_urls); @@ -149,11 +144,7 @@ pub async fn startup(host: String, port: u16, worker_urls: Vec, routing_ .expect("Failed to create HTTP client"); // Store both worker_urls and client in AppState - let app_state = web::Data::new(AppState::new( - worker_urls, - routing_policy, - client, - )); + let app_state = web::Data::new(AppState::new(worker_urls, routing_policy, client)); HttpServer::new(move || { App::new() @@ -165,4 +156,4 @@ pub async fn startup(host: String, port: u16, worker_urls: Vec, routing_ .bind((host, port))? .run() .await -} \ No newline at end of file +} diff --git a/rust/src/tree.rs b/rust/src/tree.rs new file mode 100644 index 0000000000..27f1db8c2d --- /dev/null +++ b/rust/src/tree.rs @@ -0,0 +1,184 @@ +use std::collections::HashMap; +use std::mem; + +#[derive(Clone)] +pub struct Node { + pub children: HashMap, // the key is first id of the child because each child must have unique first id + pub ids: Vec, + pub count: usize, +} + +pub struct RadixTree { + pub root: Node, +} + +fn common_prefix_len(a: &[usize], b: &[usize]) -> usize { + let mut i = 0; + while i < a.len() && i < b.len() && a[i] == b[i] { + i += 1; + } + i +} + +impl Default for RadixTree { + fn default() -> Self { + Self::new() + } +} + +impl RadixTree { + pub fn new() -> Self { + RadixTree { + root: Node { + children: HashMap::new(), + ids: Vec::new(), + count: 0, + }, + } + } + + pub fn insert(&mut self, input_ids: &[usize]) { + let mut curr = &mut self.root; + curr.count += 1; + + let mut curr_idx = 0; + let input_ids_len = input_ids.len(); + + while curr_idx < input_ids_len { + let first_id = &input_ids[curr_idx]; + // TODO: changing this get_mut causes error + if curr.children.contains_key(first_id) { + let child = curr.children.get_mut(first_id).unwrap(); + + let prefix_len = common_prefix_len(&input_ids[curr_idx..], &child.ids); + + if prefix_len == child.ids.len() { + // move curr to child + curr = child; + curr.count += 1; + curr_idx += prefix_len; + } else { + // split child + // [child]->... => [child]->[new child]->... + let new_child = Node { + // to avoid clone: replace child.children with default value (empty vector) and return the original value + children: mem::take(&mut child.children), + ids: child.ids[prefix_len..].to_vec(), + count: child.count, + }; + + child.ids = child.ids[..prefix_len].to_vec(); + child.children = HashMap::new(); + child.children.insert(new_child.ids[0], new_child); + + curr = child; + curr.count += 1; + curr_idx += prefix_len; + } + } else { + // create new child + let new_child = Node { + children: HashMap::new(), + ids: input_ids[curr_idx..].to_vec(), + count: 0, + }; + + let first_id = new_child.ids[0]; + curr.children.insert(first_id, new_child); + + curr = curr.children.get_mut(&first_id).unwrap(); + curr.count += 1; + curr_idx = input_ids_len; + } + } + } + + pub fn prefix_match<'a>(&self, input_ids: &'a [usize]) -> &'a [usize] { + let mut curr = &self.root; + + let mut curr_idx = 0; + let input_ids_len = input_ids.len(); + + while curr_idx < input_ids_len { + match curr.children.get(&input_ids[curr_idx]) { + Some(child) => { + let prefix_len = common_prefix_len(&input_ids[curr_idx..], &child.ids); + + if prefix_len == child.ids.len() { + curr_idx += prefix_len; + curr = child; + } else { + curr_idx += prefix_len; + break; + } + } + None => { + break; + } + } + } + + &input_ids[..curr_idx] + } + + pub fn delete(&mut self, input_ids: &[usize]) { + let mut curr = &mut self.root; + curr.count -= 1; + + let mut curr_idx = 0; + let input_ids_len = input_ids.len(); + + while curr_idx < input_ids_len { + let first_id = &input_ids[curr_idx]; + + if curr.children.contains_key(first_id) { + let child = curr.children.get(first_id).unwrap(); + + let prefix_len = common_prefix_len(&input_ids[curr_idx..], &child.ids); + + if prefix_len == child.ids.len() { + if child.count == 1 { + // If count will become 0, remove the child + let child = curr.children.get_mut(first_id).unwrap(); + child.count -= 1; + curr.children.remove(first_id); + break; + } else { + // Otherwise decrement count and continue + let child = curr.children.get_mut(first_id).unwrap(); + + child.count -= 1; + curr = child; + curr_idx += prefix_len; + } + } else { + panic!("No match found for {:?}", input_ids); + } + } else { + panic!("No match found for {:?}", input_ids); + } + } + } + + // for debug + pub fn pretty_print(&self) { + println!("RadixTree:"); + Self::print_node(&self.root, String::from("")); + } + + fn print_node(node: &Node, prefix: String) { + // Print current node info with "count" word + println!("{}└── {:?} (count: {})", prefix, node.ids, node.count); + + // Print children with proper prefixes + for (i, child) in node.children.values().enumerate() { + let is_last = i == node.children.len() - 1; + let child_prefix = if is_last { + format!("{} ", prefix) // Add space for last child + } else { + format!("{}│ ", prefix) // Add vertical line for other children + }; + Self::print_node(child, child_prefix); + } + } +} diff --git a/rust/tests/test_tree.rs b/rust/tests/test_tree.rs new file mode 100644 index 0000000000..c9e453c10e --- /dev/null +++ b/rust/tests/test_tree.rs @@ -0,0 +1,131 @@ +use sglang_router::tree::RadixTree; + +#[test] +fn test_new_tree() { + let tree = RadixTree::new(); + assert_eq!(tree.root.count, 0); + assert!(tree.root.children.is_empty()); + assert!(tree.root.ids.is_empty()); +} + +#[test] +fn test_single_insertion() { + let mut tree = RadixTree::new(); + tree.insert(&[1, 2, 3]); + + assert_eq!(tree.root.count, 1); + assert_eq!(tree.root.children.len(), 1); + assert_eq!(tree.root.children[&1].ids, vec![1, 2, 3]); + assert_eq!(tree.root.children[&1].count, 1); +} + +#[test] +fn test_multiple_insertions_no_split() { + let mut tree = RadixTree::new(); + tree.insert(&[1, 2, 3]); + tree.insert(&[4, 5, 6]); + + assert_eq!(tree.root.count, 2); + assert_eq!(tree.root.children.len(), 2); + assert_eq!(tree.root.children[&1].ids, vec![1, 2, 3]); + assert_eq!(tree.root.children[&4].ids, vec![4, 5, 6]); +} + +#[test] +fn test_insertion_with_split() { + let mut tree = RadixTree::new(); + tree.insert(&[1, 2, 3, 4]); + tree.insert(&[1, 2, 5, 6]); + + assert_eq!(tree.root.count, 2); + assert_eq!(tree.root.children.len(), 1); + assert_eq!(tree.root.children[&1].ids, vec![1, 2]); + assert_eq!(tree.root.children[&1].children.len(), 2); + assert_eq!(tree.root.children[&1].children[&3].ids, vec![3, 4]); + assert_eq!(tree.root.children[&1].children[&5].ids, vec![5, 6]); +} + +#[test] +fn test_prefix_match_exact() { + let mut tree = RadixTree::new(); + tree.insert(&[1, 2, 3, 4]); + + assert_eq!(tree.prefix_match(&[1, 2, 3, 4]), &[1, 2, 3, 4]); +} + +#[test] +fn test_prefix_match_partial() { + let mut tree = RadixTree::new(); + tree.insert(&[1, 2, 3, 4]); + + assert_eq!(tree.prefix_match(&[1, 2, 3, 5]), &[1, 2, 3]); + assert_eq!(tree.prefix_match(&[1, 2, 5]), &[1, 2]); + assert_eq!(tree.prefix_match(&[1, 5]), &[1]); +} + +#[test] +fn test_prefix_match_no_match() { + let mut tree = RadixTree::new(); + tree.insert(&[1, 2, 3, 4]); + let empty_slices: &[usize] = &[]; + assert_eq!(tree.prefix_match(&[5, 6, 7]), empty_slices); +} + +#[test] +fn test_delete_leaf() { + let mut tree = RadixTree::new(); + tree.insert(&[1, 2, 3]); + tree.delete(&[1, 2, 3]); + + assert_eq!(tree.root.count, 0); + assert_eq!(tree.root.children.len(), 0); +} + +#[test] +fn test_delete_with_siblings() { + let mut tree = RadixTree::new(); + tree.insert(&[1, 2, 3]); + tree.insert(&[1, 2, 4]); + tree.delete(&[1, 2, 3]); + + assert_eq!(tree.root.count, 1); + assert_eq!(tree.root.children[&1].children[&4].ids, vec![4]); +} + +#[test] +fn test_multiple_operations() { + let mut tree = RadixTree::new(); + + // Insert several paths + tree.insert(&[1, 2, 3]); + tree.insert(&[1, 2, 4]); + tree.insert(&[1, 5, 6]); + + // Verify structure + assert_eq!(tree.root.count, 3); + assert_eq!(tree.prefix_match(&[1, 2, 3]), &[1, 2, 3]); + assert_eq!(tree.prefix_match(&[1, 2, 4]), &[1, 2, 4]); + assert_eq!(tree.prefix_match(&[1, 5, 6]), &[1, 5, 6]); + + // Delete and verify + tree.delete(&[1, 2, 3]); + assert_eq!(tree.root.count, 2); + assert_eq!(tree.prefix_match(&[1, 2, 3]), &[1, 2]); // Now only matches prefix +} + +#[test] +#[should_panic(expected = "No match found")] +fn test_delete_nonexistent() { + let mut tree = RadixTree::new(); + tree.insert(&[1, 2, 3]); + tree.delete(&[4, 5, 6]); // Should panic +} + +#[test] +fn test_empty_input() { + let mut tree = RadixTree::new(); + let empty_slice: &[usize] = &[]; + tree.insert(empty_slice); + assert_eq!(tree.prefix_match(empty_slice), empty_slice); + tree.delete(empty_slice); // Should not panic +} diff --git a/scripts/ci_install_rust.sh b/scripts/ci_install_rust.sh new file mode 100644 index 0000000000..23bcc3bef5 --- /dev/null +++ b/scripts/ci_install_rust.sh @@ -0,0 +1,15 @@ +# these are required for actix +apt-get update +apt-get install -y libssl-dev pkg-config + +# Install rustup (Rust installer and version manager) +curl --proto '=https' --tlsv1.2 -sSf https://sh.rustup.rs | sh -s -- -y + + +# Follow the installation prompts, then reload your shell +. "$HOME/.cargo/env" +source $HOME/.cargo/env + +# Verify installation +rustc --version +cargo --version \ No newline at end of file From 463d56bf4439b078748c47421dffaf73d8eaede4 Mon Sep 17 00:00:00 2001 From: Byron Hsu Date: Mon, 4 Nov 2024 17:13:41 -0800 Subject: [PATCH 39/44] Update CODEOWNERS (#1916) --- .github/CODEOWNERS | 1 + 1 file changed, 1 insertion(+) diff --git a/.github/CODEOWNERS b/.github/CODEOWNERS index e580b502f7..62612312f5 100644 --- a/.github/CODEOWNERS +++ b/.github/CODEOWNERS @@ -11,3 +11,4 @@ /python/sglang/srt/sampling @merrymercy @hnyls2002 /test/lang @merrymercy @Ying1123 @ByronHsu /test/srt @merrymercy @Ying1123 @zhyncs +/rust @ByronHsu @Ying1123 From 02755768d32765eb49f9fa1499ed841c3aab7edb Mon Sep 17 00:00:00 2001 From: Chayenne Date: Mon, 4 Nov 2024 23:53:44 -0800 Subject: [PATCH 40/44] Change judge to classify & Modify make file (#1920) --- docs/Makefile | 2 +- docs/backend/native_api.ipynb | 143 +++++++++++++++++++--- docs/backend/offline_engine_api.ipynb | 56 +++++++-- docs/backend/openai_api_completions.ipynb | 109 ++++++++++------- docs/backend/openai_api_embeddings.ipynb | 49 ++++---- docs/backend/openai_api_vision.ipynb | 56 +++++++-- docs/start/send_request.ipynb | 70 +++++++---- examples/runtime/reward_model.py | 2 +- python/sglang/srt/server.py | 6 +- 9 files changed, 369 insertions(+), 124 deletions(-) diff --git a/docs/Makefile b/docs/Makefile index 51446dc384..50f77a30c0 100644 --- a/docs/Makefile +++ b/docs/Makefile @@ -14,7 +14,7 @@ help: # New target to compile Markdown and Jupyter Notebook files compile: - find $(SOURCEDIR) -name '*.ipynb' | while read nb; do \ + find $(SOURCEDIR) -path "*/_build/*" -prune -o -name "*.ipynb" -print | while read nb; do \ if [ -f "$$nb" ]; then \ echo "Executing $$nb"; \ jupyter nbconvert --to notebook --execute --inplace "$$nb" \ diff --git a/docs/backend/native_api.ipynb b/docs/backend/native_api.ipynb index 95af6344a0..f84e02b59f 100644 --- a/docs/backend/native_api.ipynb +++ b/docs/backend/native_api.ipynb @@ -17,7 +17,7 @@ "- `/get_memory_pool_size`\n", "- `/update_weights`\n", "- `/encode`(embedding model)\n", - "- `/judge`(reward model)\n", + "- `/classify`(reward model)\n", "\n", "We mainly use `requests` to test these APIs in the following examples. You can also use `curl`." ] @@ -32,7 +32,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:08:08.536886Z", + "iopub.status.busy": "2024-11-05T05:08:08.536763Z", + "iopub.status.idle": "2024-11-05T05:08:34.725831Z", + "shell.execute_reply": "2024-11-05T05:08:34.725316Z" + } + }, "outputs": [], "source": [ "from sglang.utils import (\n", @@ -64,7 +71,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:08:34.727530Z", + "iopub.status.busy": "2024-11-05T05:08:34.727333Z", + "iopub.status.idle": "2024-11-05T05:08:35.359784Z", + "shell.execute_reply": "2024-11-05T05:08:35.359090Z" + } + }, "outputs": [], "source": [ "url = \"http://localhost:30010/generate\"\n", @@ -85,7 +99,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:08:35.362286Z", + "iopub.status.busy": "2024-11-05T05:08:35.362140Z", + "iopub.status.idle": "2024-11-05T05:08:35.368711Z", + "shell.execute_reply": "2024-11-05T05:08:35.368220Z" + } + }, "outputs": [], "source": [ "url = \"http://localhost:30010/get_server_args\"\n", @@ -109,7 +130,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:08:35.371313Z", + "iopub.status.busy": "2024-11-05T05:08:35.370877Z", + "iopub.status.idle": "2024-11-05T05:08:35.376712Z", + "shell.execute_reply": "2024-11-05T05:08:35.376230Z" + } + }, "outputs": [], "source": [ "url = \"http://localhost:30010/get_model_info\"\n", @@ -134,7 +162,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:08:35.378982Z", + "iopub.status.busy": "2024-11-05T05:08:35.378597Z", + "iopub.status.idle": "2024-11-05T05:08:35.391820Z", + "shell.execute_reply": "2024-11-05T05:08:35.391336Z" + } + }, "outputs": [], "source": [ "url = \"http://localhost:30010/health_generate\"\n", @@ -146,7 +181,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:08:35.393748Z", + "iopub.status.busy": "2024-11-05T05:08:35.393606Z", + "iopub.status.idle": "2024-11-05T05:08:35.398645Z", + "shell.execute_reply": "2024-11-05T05:08:35.398145Z" + } + }, "outputs": [], "source": [ "url = \"http://localhost:30010/health\"\n", @@ -167,7 +209,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:08:35.400683Z", + "iopub.status.busy": "2024-11-05T05:08:35.400419Z", + "iopub.status.idle": "2024-11-05T05:08:35.406146Z", + "shell.execute_reply": "2024-11-05T05:08:35.405661Z" + } + }, "outputs": [], "source": [ "# flush cache\n", @@ -190,7 +239,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:08:35.408176Z", + "iopub.status.busy": "2024-11-05T05:08:35.407884Z", + "iopub.status.idle": "2024-11-05T05:08:35.413587Z", + "shell.execute_reply": "2024-11-05T05:08:35.413108Z" + } + }, "outputs": [], "source": [ "# get_memory_pool_size\n", @@ -213,7 +269,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:08:35.416090Z", + "iopub.status.busy": "2024-11-05T05:08:35.415793Z", + "iopub.status.idle": "2024-11-05T05:08:36.552549Z", + "shell.execute_reply": "2024-11-05T05:08:36.551870Z" + } + }, "outputs": [], "source": [ "# successful update with same architecture and size\n", @@ -231,7 +294,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:08:36.554823Z", + "iopub.status.busy": "2024-11-05T05:08:36.554680Z", + "iopub.status.idle": "2024-11-05T05:08:38.053945Z", + "shell.execute_reply": "2024-11-05T05:08:38.053034Z" + } + }, "outputs": [], "source": [ "# failed update with different parameter size\n", @@ -263,7 +333,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:08:38.056783Z", + "iopub.status.busy": "2024-11-05T05:08:38.056497Z", + "iopub.status.idle": "2024-11-05T05:09:04.436030Z", + "shell.execute_reply": "2024-11-05T05:09:04.435311Z" + } + }, "outputs": [], "source": [ "terminate_process(server_process)\n", @@ -281,7 +358,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:09:04.438987Z", + "iopub.status.busy": "2024-11-05T05:09:04.438568Z", + "iopub.status.idle": "2024-11-05T05:09:04.485291Z", + "shell.execute_reply": "2024-11-05T05:09:04.484829Z" + } + }, "outputs": [], "source": [ "# successful encode for embedding model\n", @@ -298,15 +382,22 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "## Judge (reward model)\n", + "## Classify (reward model)\n", "\n", - "SGLang Runtime also supports reward models. Here we use a reward model to judge the quality of pairwise generations." + "SGLang Runtime also supports reward models. Here we use a reward model to classify the quality of pairwise generations." ] }, { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:09:04.487191Z", + "iopub.status.busy": "2024-11-05T05:09:04.486929Z", + "iopub.status.idle": "2024-11-05T05:09:25.553481Z", + "shell.execute_reply": "2024-11-05T05:09:25.552747Z" + } + }, "outputs": [], "source": [ "terminate_process(embedding_process)\n", @@ -326,7 +417,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:09:25.555813Z", + "iopub.status.busy": "2024-11-05T05:09:25.555666Z", + "iopub.status.idle": "2024-11-05T05:09:26.354372Z", + "shell.execute_reply": "2024-11-05T05:09:26.353693Z" + } + }, "outputs": [], "source": [ "from transformers import AutoTokenizer\n", @@ -346,7 +444,7 @@ "tokenizer = AutoTokenizer.from_pretrained(\"Skywork/Skywork-Reward-Llama-3.1-8B-v0.2\")\n", "prompts = tokenizer.apply_chat_template(CONVS, tokenize=False)\n", "\n", - "url = \"http://localhost:30030/judge\"\n", + "url = \"http://localhost:30030/classify\"\n", "data = {\n", " \"model\": \"Skywork/Skywork-Reward-Llama-3.1-8B-v0.2\", \n", " \"text\": prompts\n", @@ -360,7 +458,14 @@ { "cell_type": "code", "execution_count": 15, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:09:26.356532Z", + "iopub.status.busy": "2024-11-05T05:09:26.356327Z", + "iopub.status.idle": "2024-11-05T05:09:26.396590Z", + "shell.execute_reply": "2024-11-05T05:09:26.395914Z" + } + }, "outputs": [], "source": [ "terminate_process(reward_process)" diff --git a/docs/backend/offline_engine_api.ipynb b/docs/backend/offline_engine_api.ipynb index 63a175ffa9..4ca10a7186 100644 --- a/docs/backend/offline_engine_api.ipynb +++ b/docs/backend/offline_engine_api.ipynb @@ -33,7 +33,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:21:27.503026Z", + "iopub.status.busy": "2024-11-05T05:21:27.502741Z", + "iopub.status.idle": "2024-11-05T05:21:49.554631Z", + "shell.execute_reply": "2024-11-05T05:21:49.553690Z" + } + }, "outputs": [], "source": [ "# launch the offline engine\n", @@ -55,7 +62,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:21:49.558275Z", + "iopub.status.busy": "2024-11-05T05:21:49.558110Z", + "iopub.status.idle": "2024-11-05T05:21:52.717287Z", + "shell.execute_reply": "2024-11-05T05:21:52.716842Z" + } + }, "outputs": [], "source": [ "prompts = [\n", @@ -83,7 +97,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:21:52.721738Z", + "iopub.status.busy": "2024-11-05T05:21:52.720908Z", + "iopub.status.idle": "2024-11-05T05:22:01.770341Z", + "shell.execute_reply": "2024-11-05T05:22:01.769510Z" + } + }, "outputs": [], "source": [ "prompts = [\n", @@ -114,7 +135,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:22:01.772662Z", + "iopub.status.busy": "2024-11-05T05:22:01.772377Z", + "iopub.status.idle": "2024-11-05T05:22:04.897499Z", + "shell.execute_reply": "2024-11-05T05:22:04.896867Z" + } + }, "outputs": [], "source": [ "prompts = [\n", @@ -149,7 +177,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:22:04.899754Z", + "iopub.status.busy": "2024-11-05T05:22:04.899478Z", + "iopub.status.idle": "2024-11-05T05:22:13.970245Z", + "shell.execute_reply": "2024-11-05T05:22:13.969779Z" + } + }, "outputs": [], "source": [ "prompts = [\n", @@ -178,8 +213,15 @@ }, { "cell_type": "code", - "execution_count": null, - "metadata": {}, + "execution_count": 6, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:22:13.972039Z", + "iopub.status.busy": "2024-11-05T05:22:13.971846Z", + "iopub.status.idle": "2024-11-05T05:22:14.027421Z", + "shell.execute_reply": "2024-11-05T05:22:14.027003Z" + } + }, "outputs": [], "source": [ "llm.shutdown()" diff --git a/docs/backend/openai_api_completions.ipynb b/docs/backend/openai_api_completions.ipynb index e39b328f14..1dfa531299 100644 --- a/docs/backend/openai_api_completions.ipynb +++ b/docs/backend/openai_api_completions.ipynb @@ -37,7 +37,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:09:30.637832Z", + "iopub.status.busy": "2024-11-05T05:09:30.637709Z", + "iopub.status.idle": "2024-11-05T05:09:58.830158Z", + "shell.execute_reply": "2024-11-05T05:09:58.829395Z" + } + }, "outputs": [], "source": [ "from sglang.utils import (\n", @@ -72,10 +79,10 @@ "execution_count": null, "metadata": { "execution": { - "iopub.execute_input": "2024-11-01T02:45:16.624550Z", - "iopub.status.busy": "2024-11-01T02:45:16.624258Z", - "iopub.status.idle": "2024-11-01T02:45:18.087455Z", - "shell.execute_reply": "2024-11-01T02:45:18.086450Z" + "iopub.execute_input": "2024-11-05T05:09:58.833008Z", + "iopub.status.busy": "2024-11-05T05:09:58.832805Z", + "iopub.status.idle": "2024-11-05T05:10:00.187146Z", + "shell.execute_reply": "2024-11-05T05:10:00.186657Z" } }, "outputs": [], @@ -112,10 +119,10 @@ "execution_count": null, "metadata": { "execution": { - "iopub.execute_input": "2024-11-01T02:45:18.090228Z", - "iopub.status.busy": "2024-11-01T02:45:18.090071Z", - "iopub.status.idle": "2024-11-01T02:45:21.193221Z", - "shell.execute_reply": "2024-11-01T02:45:21.192539Z" + "iopub.execute_input": "2024-11-05T05:10:00.189444Z", + "iopub.status.busy": "2024-11-05T05:10:00.189289Z", + "iopub.status.idle": "2024-11-05T05:10:03.291891Z", + "shell.execute_reply": "2024-11-05T05:10:03.291173Z" } }, "outputs": [], @@ -158,10 +165,10 @@ "execution_count": null, "metadata": { "execution": { - "iopub.execute_input": "2024-11-01T02:45:21.195226Z", - "iopub.status.busy": "2024-11-01T02:45:21.194680Z", - "iopub.status.idle": "2024-11-01T02:45:21.675473Z", - "shell.execute_reply": "2024-11-01T02:45:21.675050Z" + "iopub.execute_input": "2024-11-05T05:10:03.294389Z", + "iopub.status.busy": "2024-11-05T05:10:03.294237Z", + "iopub.status.idle": "2024-11-05T05:10:03.469357Z", + "shell.execute_reply": "2024-11-05T05:10:03.468661Z" } }, "outputs": [], @@ -191,10 +198,10 @@ "execution_count": null, "metadata": { "execution": { - "iopub.execute_input": "2024-11-01T02:45:21.676813Z", - "iopub.status.busy": "2024-11-01T02:45:21.676665Z", - "iopub.status.idle": "2024-11-01T02:45:23.182104Z", - "shell.execute_reply": "2024-11-01T02:45:23.181695Z" + "iopub.execute_input": "2024-11-05T05:10:03.471573Z", + "iopub.status.busy": "2024-11-05T05:10:03.471430Z", + "iopub.status.idle": "2024-11-05T05:10:04.977081Z", + "shell.execute_reply": "2024-11-05T05:10:04.976391Z" } }, "outputs": [], @@ -227,10 +234,10 @@ "execution_count": null, "metadata": { "execution": { - "iopub.execute_input": "2024-11-01T02:45:23.186337Z", - "iopub.status.busy": "2024-11-01T02:45:23.186189Z", - "iopub.status.idle": "2024-11-01T02:45:26.769744Z", - "shell.execute_reply": "2024-11-01T02:45:26.769299Z" + "iopub.execute_input": "2024-11-05T05:10:04.979428Z", + "iopub.status.busy": "2024-11-05T05:10:04.979272Z", + "iopub.status.idle": "2024-11-05T05:10:08.568761Z", + "shell.execute_reply": "2024-11-05T05:10:08.568355Z" } }, "outputs": [], @@ -264,7 +271,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:10:08.571102Z", + "iopub.status.busy": "2024-11-05T05:10:08.570964Z", + "iopub.status.idle": "2024-11-05T05:10:23.214087Z", + "shell.execute_reply": "2024-11-05T05:10:23.213664Z" + } + }, "outputs": [], "source": [ "import json\n", @@ -306,7 +320,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:10:23.216229Z", + "iopub.status.busy": "2024-11-05T05:10:23.216076Z", + "iopub.status.idle": "2024-11-05T05:10:23.884236Z", + "shell.execute_reply": "2024-11-05T05:10:23.883897Z" + } + }, "outputs": [], "source": [ "response = client.chat.completions.create(\n", @@ -344,10 +365,10 @@ "execution_count": null, "metadata": { "execution": { - "iopub.execute_input": "2024-11-01T02:45:26.772016Z", - "iopub.status.busy": "2024-11-01T02:45:26.771868Z", - "iopub.status.idle": "2024-11-01T02:45:26.794225Z", - "shell.execute_reply": "2024-11-01T02:45:26.793811Z" + "iopub.execute_input": "2024-11-05T05:10:23.886276Z", + "iopub.status.busy": "2024-11-05T05:10:23.886136Z", + "iopub.status.idle": "2024-11-05T05:10:23.905880Z", + "shell.execute_reply": "2024-11-05T05:10:23.905529Z" } }, "outputs": [], @@ -406,10 +427,10 @@ "execution_count": null, "metadata": { "execution": { - "iopub.execute_input": "2024-11-01T02:45:26.796422Z", - "iopub.status.busy": "2024-11-01T02:45:26.796273Z", - "iopub.status.idle": "2024-11-01T02:45:29.810471Z", - "shell.execute_reply": "2024-11-01T02:45:29.810041Z" + "iopub.execute_input": "2024-11-05T05:10:23.907468Z", + "iopub.status.busy": "2024-11-05T05:10:23.907247Z", + "iopub.status.idle": "2024-11-05T05:10:26.920212Z", + "shell.execute_reply": "2024-11-05T05:10:26.919865Z" } }, "outputs": [], @@ -461,10 +482,10 @@ "execution_count": null, "metadata": { "execution": { - "iopub.execute_input": "2024-11-01T02:45:29.812339Z", - "iopub.status.busy": "2024-11-01T02:45:29.812198Z", - "iopub.status.idle": "2024-11-01T02:45:54.851243Z", - "shell.execute_reply": "2024-11-01T02:45:54.850668Z" + "iopub.execute_input": "2024-11-05T05:10:26.922675Z", + "iopub.status.busy": "2024-11-05T05:10:26.922413Z", + "iopub.status.idle": "2024-11-05T05:10:51.961703Z", + "shell.execute_reply": "2024-11-05T05:10:51.960846Z" } }, "outputs": [], @@ -544,10 +565,10 @@ "execution_count": null, "metadata": { "execution": { - "iopub.execute_input": "2024-11-01T02:45:54.854018Z", - "iopub.status.busy": "2024-11-01T02:45:54.853851Z", - "iopub.status.idle": "2024-11-01T02:46:07.893199Z", - "shell.execute_reply": "2024-11-01T02:46:07.892310Z" + "iopub.execute_input": "2024-11-05T05:10:51.964749Z", + "iopub.status.busy": "2024-11-05T05:10:51.964215Z", + "iopub.status.idle": "2024-11-05T05:11:05.023450Z", + "shell.execute_reply": "2024-11-05T05:11:05.023101Z" } }, "outputs": [], @@ -636,13 +657,13 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 13, "metadata": { "execution": { - "iopub.execute_input": "2024-11-01T02:46:07.896114Z", - "iopub.status.busy": "2024-11-01T02:46:07.895820Z", - "iopub.status.idle": "2024-11-01T02:46:09.365287Z", - "shell.execute_reply": "2024-11-01T02:46:09.364705Z" + "iopub.execute_input": "2024-11-05T05:11:05.024877Z", + "iopub.status.busy": "2024-11-05T05:11:05.024561Z", + "iopub.status.idle": "2024-11-05T05:11:06.358695Z", + "shell.execute_reply": "2024-11-05T05:11:06.357635Z" } }, "outputs": [], diff --git a/docs/backend/openai_api_embeddings.ipynb b/docs/backend/openai_api_embeddings.ipynb index 54b48d60ce..a221c16eb4 100644 --- a/docs/backend/openai_api_embeddings.ipynb +++ b/docs/backend/openai_api_embeddings.ipynb @@ -35,10 +35,10 @@ "execution_count": null, "metadata": { "execution": { - "iopub.execute_input": "2024-11-01T02:47:32.337369Z", - "iopub.status.busy": "2024-11-01T02:47:32.337032Z", - "iopub.status.idle": "2024-11-01T02:47:59.540926Z", - "shell.execute_reply": "2024-11-01T02:47:59.539861Z" + "iopub.execute_input": "2024-11-05T05:22:17.227174Z", + "iopub.status.busy": "2024-11-05T05:22:17.226952Z", + "iopub.status.idle": "2024-11-05T05:22:42.445791Z", + "shell.execute_reply": "2024-11-05T05:22:42.444980Z" } }, "outputs": [], @@ -72,10 +72,10 @@ "execution_count": null, "metadata": { "execution": { - "iopub.execute_input": "2024-11-01T02:47:59.543958Z", - "iopub.status.busy": "2024-11-01T02:47:59.543670Z", - "iopub.status.idle": "2024-11-01T02:47:59.591699Z", - "shell.execute_reply": "2024-11-01T02:47:59.590809Z" + "iopub.execute_input": "2024-11-05T05:22:42.448147Z", + "iopub.status.busy": "2024-11-05T05:22:42.447775Z", + "iopub.status.idle": "2024-11-05T05:22:42.495311Z", + "shell.execute_reply": "2024-11-05T05:22:42.495027Z" } }, "outputs": [], @@ -104,7 +104,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:22:42.496666Z", + "iopub.status.busy": "2024-11-05T05:22:42.496524Z", + "iopub.status.idle": "2024-11-05T05:22:42.540687Z", + "shell.execute_reply": "2024-11-05T05:22:42.540060Z" + } + }, "outputs": [], "source": [ "import requests\n", @@ -133,10 +140,10 @@ "execution_count": null, "metadata": { "execution": { - "iopub.execute_input": "2024-11-01T02:47:59.594229Z", - "iopub.status.busy": "2024-11-01T02:47:59.594049Z", - "iopub.status.idle": "2024-11-01T02:48:00.006233Z", - "shell.execute_reply": "2024-11-01T02:48:00.005255Z" + "iopub.execute_input": "2024-11-05T05:22:42.542551Z", + "iopub.status.busy": "2024-11-05T05:22:42.542282Z", + "iopub.status.idle": "2024-11-05T05:22:42.928542Z", + "shell.execute_reply": "2024-11-05T05:22:42.928181Z" } }, "outputs": [], @@ -169,10 +176,10 @@ "execution_count": null, "metadata": { "execution": { - "iopub.execute_input": "2024-11-01T02:48:00.008858Z", - "iopub.status.busy": "2024-11-01T02:48:00.008689Z", - "iopub.status.idle": "2024-11-01T02:48:01.872542Z", - "shell.execute_reply": "2024-11-01T02:48:01.871573Z" + "iopub.execute_input": "2024-11-05T05:22:42.930093Z", + "iopub.status.busy": "2024-11-05T05:22:42.929954Z", + "iopub.status.idle": "2024-11-05T05:22:44.799945Z", + "shell.execute_reply": "2024-11-05T05:22:44.799562Z" } }, "outputs": [], @@ -201,10 +208,10 @@ "execution_count": 6, "metadata": { "execution": { - "iopub.execute_input": "2024-11-01T02:48:01.875204Z", - "iopub.status.busy": "2024-11-01T02:48:01.874915Z", - "iopub.status.idle": "2024-11-01T02:48:02.193734Z", - "shell.execute_reply": "2024-11-01T02:48:02.192158Z" + "iopub.execute_input": "2024-11-05T05:22:44.801418Z", + "iopub.status.busy": "2024-11-05T05:22:44.801192Z", + "iopub.status.idle": "2024-11-05T05:22:45.094634Z", + "shell.execute_reply": "2024-11-05T05:22:45.093950Z" } }, "outputs": [], diff --git a/docs/backend/openai_api_vision.ipynb b/docs/backend/openai_api_vision.ipynb index eb06e55ed4..cbbba8c12d 100644 --- a/docs/backend/openai_api_vision.ipynb +++ b/docs/backend/openai_api_vision.ipynb @@ -37,7 +37,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:22:49.320999Z", + "iopub.status.busy": "2024-11-05T05:22:49.320880Z", + "iopub.status.idle": "2024-11-05T05:23:21.537478Z", + "shell.execute_reply": "2024-11-05T05:23:21.536956Z" + } + }, "outputs": [], "source": [ "from sglang.utils import (\n", @@ -69,7 +76,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:23:21.539953Z", + "iopub.status.busy": "2024-11-05T05:23:21.539100Z", + "iopub.status.idle": "2024-11-05T05:23:25.880179Z", + "shell.execute_reply": "2024-11-05T05:23:25.879744Z" + } + }, "outputs": [], "source": [ "import subprocess\n", @@ -113,7 +127,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:23:25.881742Z", + "iopub.status.busy": "2024-11-05T05:23:25.881595Z", + "iopub.status.idle": "2024-11-05T05:23:26.758503Z", + "shell.execute_reply": "2024-11-05T05:23:26.758084Z" + } + }, "outputs": [], "source": [ "import requests\n", @@ -153,7 +174,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:23:26.760098Z", + "iopub.status.busy": "2024-11-05T05:23:26.759955Z", + "iopub.status.idle": "2024-11-05T05:23:27.849510Z", + "shell.execute_reply": "2024-11-05T05:23:27.849117Z" + } + }, "outputs": [], "source": [ "from openai import OpenAI\n", @@ -197,7 +225,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:23:27.850994Z", + "iopub.status.busy": "2024-11-05T05:23:27.850864Z", + "iopub.status.idle": "2024-11-05T05:23:31.609137Z", + "shell.execute_reply": "2024-11-05T05:23:31.608748Z" + } + }, "outputs": [], "source": [ "from openai import OpenAI\n", @@ -238,8 +273,15 @@ }, { "cell_type": "code", - "execution_count": null, - "metadata": {}, + "execution_count": 6, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:23:31.610683Z", + "iopub.status.busy": "2024-11-05T05:23:31.610560Z", + "iopub.status.idle": "2024-11-05T05:23:32.965146Z", + "shell.execute_reply": "2024-11-05T05:23:32.963922Z" + } + }, "outputs": [], "source": [ "terminate_process(embedding_process)" diff --git a/docs/start/send_request.ipynb b/docs/start/send_request.ipynb index 24d39bd71d..30aafbe903 100644 --- a/docs/start/send_request.ipynb +++ b/docs/start/send_request.ipynb @@ -9,7 +9,7 @@ "\n", "- For Vision Language Models, see [OpenAI APIs - Vision](../backend/openai_api_vision.ipynb).\n", "- For Embedding Models, see [OpenAI APIs - Embedding](../backend/openai_api_embeddings.ipynb) and [Encode (embedding model)](../backend/native_api.html#Encode-(embedding-model)).\n", - "- For Reward Models, see [Judge (reward model)](../backend/native_api.html#Judge-(reward-model))." + "- For Reward Models, see [Classify (reward model)](../backend/native_api.html#Classify-(reward-model))." ] }, { @@ -33,10 +33,10 @@ "execution_count": null, "metadata": { "execution": { - "iopub.execute_input": "2024-11-01T02:46:13.611212Z", - "iopub.status.busy": "2024-11-01T02:46:13.611093Z", - "iopub.status.idle": "2024-11-01T02:46:42.810261Z", - "shell.execute_reply": "2024-11-01T02:46:42.809147Z" + "iopub.execute_input": "2024-11-05T05:11:10.680191Z", + "iopub.status.busy": "2024-11-05T05:11:10.679710Z", + "iopub.status.idle": "2024-11-05T05:11:39.882385Z", + "shell.execute_reply": "2024-11-05T05:11:39.881827Z" } }, "outputs": [], @@ -68,7 +68,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:11:39.883923Z", + "iopub.status.busy": "2024-11-05T05:11:39.883721Z", + "iopub.status.idle": "2024-11-05T05:11:40.124980Z", + "shell.execute_reply": "2024-11-05T05:11:40.124557Z" + } + }, "outputs": [], "source": [ "import subprocess, json\n", @@ -94,10 +101,10 @@ "execution_count": null, "metadata": { "execution": { - "iopub.execute_input": "2024-11-01T02:46:42.813656Z", - "iopub.status.busy": "2024-11-01T02:46:42.813354Z", - "iopub.status.idle": "2024-11-01T02:46:51.436613Z", - "shell.execute_reply": "2024-11-01T02:46:51.435965Z" + "iopub.execute_input": "2024-11-05T05:11:40.126564Z", + "iopub.status.busy": "2024-11-05T05:11:40.126369Z", + "iopub.status.idle": "2024-11-05T05:11:40.324316Z", + "shell.execute_reply": "2024-11-05T05:11:40.323693Z" } }, "outputs": [], @@ -129,10 +136,10 @@ "execution_count": null, "metadata": { "execution": { - "iopub.execute_input": "2024-11-01T02:46:51.439372Z", - "iopub.status.busy": "2024-11-01T02:46:51.439178Z", - "iopub.status.idle": "2024-11-01T02:46:52.895776Z", - "shell.execute_reply": "2024-11-01T02:46:52.895318Z" + "iopub.execute_input": "2024-11-05T05:11:40.327043Z", + "iopub.status.busy": "2024-11-05T05:11:40.326759Z", + "iopub.status.idle": "2024-11-05T05:11:41.687336Z", + "shell.execute_reply": "2024-11-05T05:11:41.686855Z" } }, "outputs": [], @@ -162,7 +169,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:11:41.688676Z", + "iopub.status.busy": "2024-11-05T05:11:41.688527Z", + "iopub.status.idle": "2024-11-05T05:11:42.717140Z", + "shell.execute_reply": "2024-11-05T05:11:42.716452Z" + } + }, "outputs": [], "source": [ "import openai\n", @@ -198,7 +212,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:11:42.720467Z", + "iopub.status.busy": "2024-11-05T05:11:42.720182Z", + "iopub.status.idle": "2024-11-05T05:11:43.480765Z", + "shell.execute_reply": "2024-11-05T05:11:43.480143Z" + } + }, "outputs": [], "source": [ "import requests\n", @@ -227,7 +248,14 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "execution": { + "iopub.execute_input": "2024-11-05T05:11:43.483575Z", + "iopub.status.busy": "2024-11-05T05:11:43.483295Z", + "iopub.status.idle": "2024-11-05T05:11:44.242950Z", + "shell.execute_reply": "2024-11-05T05:11:44.242248Z" + } + }, "outputs": [], "source": [ "import requests, json\n", @@ -262,10 +290,10 @@ "execution_count": 8, "metadata": { "execution": { - "iopub.execute_input": "2024-11-01T02:46:52.898411Z", - "iopub.status.busy": "2024-11-01T02:46:52.898149Z", - "iopub.status.idle": "2024-11-01T02:46:54.398382Z", - "shell.execute_reply": "2024-11-01T02:46:54.397564Z" + "iopub.execute_input": "2024-11-05T05:11:44.245660Z", + "iopub.status.busy": "2024-11-05T05:11:44.245373Z", + "iopub.status.idle": "2024-11-05T05:11:45.591682Z", + "shell.execute_reply": "2024-11-05T05:11:45.591184Z" } }, "outputs": [], diff --git a/examples/runtime/reward_model.py b/examples/runtime/reward_model.py index a18417df7f..1a1177e667 100644 --- a/examples/runtime/reward_model.py +++ b/examples/runtime/reward_model.py @@ -24,7 +24,7 @@ ], } response = requests.post( - url + "/judge", + url + "/classify", json=json_data, ).json() diff --git a/python/sglang/srt/server.py b/python/sglang/srt/server.py index d96176b2de..c881ba3957 100644 --- a/python/sglang/srt/server.py +++ b/python/sglang/srt/server.py @@ -253,7 +253,7 @@ async def encode_request(obj: EmbeddingReqInput, request: Request): app.put("/encode")(encode_request) -async def judge_request(obj: EmbeddingReqInput, request: Request): +async def classify_request(obj: EmbeddingReqInput, request: Request): """Handle a reward model request. Now the arguments and return values are the same as embedding models.""" try: ret = await tokenizer_manager.generate_request(obj, request).__anext__() @@ -264,8 +264,8 @@ async def judge_request(obj: EmbeddingReqInput, request: Request): ) -app.post("/judge")(judge_request) -app.put("/judge")(judge_request) +app.post("/classify")(classify_request) +app.put("/classify")(classify_request) @app.post("/v1/completions") From f5113e50aed22cfca0b411e9815ea37c40103615 Mon Sep 17 00:00:00 2001 From: Lianmin Zheng Date: Tue, 5 Nov 2024 01:12:10 -0800 Subject: [PATCH 41/44] [Doc] improve relative links and structure (#1924) --- docs/backend/backend.md | 62 ++----------------- docs/backend/native_api.ipynb | 6 +- docs/backend/offline_engine_api.ipynb | 2 +- docs/index.rst | 2 +- .../{model_support.md => supported_models.md} | 55 ++++++++++++++-- docs/start/send_request.ipynb | 2 +- 6 files changed, 60 insertions(+), 69 deletions(-) rename docs/references/{model_support.md => supported_models.md} (55%) diff --git a/docs/backend/backend.md b/docs/backend/backend.md index 5913568f86..0f945364e3 100644 --- a/docs/backend/backend.md +++ b/docs/backend/backend.md @@ -20,7 +20,7 @@ curl http://localhost:30000/generate \ }' ``` -Learn more about the argument specification, streaming, and multi-modal support [here](https://sgl-project.github.io/references/sampling_params.html). +Learn more about the argument specification, streaming, and multi-modal support [here](../references/sampling_params.md). ## OpenAI Compatible API In addition, the server supports OpenAI-compatible APIs. @@ -74,7 +74,7 @@ python -m sglang.launch_server --model-path meta-llama/Meta-Llama-3-8B-Instruct ``` python -m sglang.launch_server --model-path meta-llama/Meta-Llama-3-8B-Instruct --mem-fraction-static 0.7 ``` -- See [hyperparameter tuning](https://sgl-project.github.io/references/hyperparameter_tuning.html) on tuning hyperparameters for better performance. +- See [hyperparameter tuning](../references/hyperparameter_tuning.md) on tuning hyperparameters for better performance. - If you see out-of-memory errors during prefill for long prompts, try to set a smaller chunked prefill size. ``` python -m sglang.launch_server --model-path meta-llama/Meta-Llama-3-8B-Instruct --chunked-prefill-size 4096 @@ -84,7 +84,7 @@ python -m sglang.launch_server --model-path meta-llama/Meta-Llama-3-8B-Instruct - To enable torchao quantization, add `--torchao-config int4wo-128`. It supports various quantization strategies. - To enable fp8 weight quantization, add `--quantization fp8` on a fp16 checkpoint or directly load a fp8 checkpoint without specifying any arguments. - To enable fp8 kv cache quantization, add `--kv-cache-dtype fp8_e5m2`. -- If the model does not have a chat template in the Hugging Face tokenizer, you can specify a [custom chat template](https://sgl-project.github.io/references/custom_chat_template.html). +- If the model does not have a chat template in the Hugging Face tokenizer, you can specify a [custom chat template](../references/custom_chat_template.md). - To run tensor parallelism on multiple nodes, add `--nnodes 2`. If you have two nodes with two GPUs on each node and want to run TP=4, let `sgl-dev-0` be the hostname of the first node and `50000` be an available port, you can use the following commands. If you meet deadlock, please try to add `--disable-cuda-graph` ``` @@ -124,46 +124,7 @@ if __name__ == "__main__": This can be used for offline batch inference and building custom servers. You can view the full example [here](https://github.com/sgl-project/sglang/tree/main/examples/runtime/engine). -## Supported Models - -**Generative Models** -- Llama / Llama 2 / Llama 3 / Llama 3.1 / Llama 3.2 -- Mistral / Mixtral / Mistral NeMo -- Gemma / Gemma 2 -- Qwen / Qwen 2 / Qwen 2 MoE / Qwen 2 VL -- DeepSeek / DeepSeek 2 -- OLMoE -- [LLaVA-OneVision](https://llava-vl.github.io/blog/2024-08-05-llava-onevision/) - - `python3 -m sglang.launch_server --model-path lmms-lab/llava-onevision-qwen2-7b-ov --port=30000 --chat-template=chatml-llava` - - `python3 -m sglang.launch_server --model-path lmms-lab/llava-onevision-qwen2-72b-ov --port=30000 --tp-size=8 --chat-template=chatml-llava` - - Query the server with the [OpenAI Vision API](https://platform.openai.com/docs/guides/vision). See examples at [test/srt/test_vision_openai_server.py](https://github.com/sgl-project/sglang/blob/main/test/srt/test_vision_openai_server.py) -- LLaVA 1.5 / 1.6 / NeXT - - `python -m sglang.launch_server --model-path lmms-lab/llama3-llava-next-8b --port=30000 --tp-size=1 --chat-template=llava_llama_3` - - `python -m sglang.launch_server --model-path lmms-lab/llava-next-72b --port=30000 --tp-size=8 --chat-template=chatml-llava` - - Query the server with the [OpenAI Vision API](https://platform.openai.com/docs/guides/vision). See examples at [test/srt/test_vision_openai_server.py](https://github.com/sgl-project/sglang/blob/main/test/srt/test_vision_openai_server.py) -- Yi-VL -- StableLM -- Command-R -- DBRX -- Grok -- ChatGLM -- InternLM 2 -- Exaone 3 -- BaiChuan2 -- MiniCPM / MiniCPM 3 -- XVERSE / XVERSE MoE -- SmolLM -- GLM-4 - -**Embedding Models** - -- e5-mistral -- gte-Qwen2 - - `python -m sglang.launch_server --model-path Alibaba-NLP/gte-Qwen2-7B-instruct --is-embedding` - -Instructions for supporting a new model are [here](https://sgl-project.github.io/references/model_support.html). - -### Use Models From ModelScope +## Use Models From ModelScope
More @@ -189,7 +150,7 @@ docker run --gpus all \
-### Run Llama 3.1 405B +## Example: Run Llama 3.1 405B
More @@ -206,16 +167,3 @@ GLOO_SOCKET_IFNAME=eth0 python3 -m sglang.launch_server --model-path meta-llama/ ```
- -## Benchmark Performance - -- Benchmark a single static batch by running the following command without launching a server. The arguments are the same as for `launch_server.py`. - Note that this is not a dynamic batching server, so it may run out of memory for a batch size that a real server can handle. - A real server truncates the prefill into several batches, while this unit test does not. For accurate large batch testing, please use `sglang.bench_serving` instead. - ``` - python -m sglang.bench_latency --model-path meta-llama/Meta-Llama-3-8B-Instruct --batch 32 --input-len 256 --output-len 32 - ``` -- Benchmark online serving. Launch a server first and run the following command. - ``` - python3 -m sglang.bench_serving --backend sglang --num-prompt 10 - ``` diff --git a/docs/backend/native_api.ipynb b/docs/backend/native_api.ipynb index f84e02b59f..04cee07766 100644 --- a/docs/backend/native_api.ipynb +++ b/docs/backend/native_api.ipynb @@ -65,7 +65,7 @@ "metadata": {}, "source": [ "## Generate (text generation model)\n", - "Generate completions. This is similar to the `/v1/completions` in OpenAI API. Detailed parameters can be found in the [sampling parameters](../references/sampling_params.html)." + "Generate completions. This is similar to the `/v1/completions` in OpenAI API. Detailed parameters can be found in the [sampling parameters](../references/sampling_params.md)." ] }, { @@ -286,7 +286,7 @@ "\n", "response = requests.post(url, json=data)\n", "print_highlight(response.text)\n", - "assert response.json()[\"success\"] == True\n", + "assert response.json()[\"success\"] is True\n", "assert response.json()[\"message\"] == \"Succeeded to update model weights.\"\n", "assert response.json().keys() == {\"success\", \"message\"}" ] @@ -312,7 +312,7 @@ "response = requests.post(url, json=data)\n", "response_json = response.json()\n", "print_highlight(response_json)\n", - "assert response_json[\"success\"] == False\n", + "assert response_json[\"success\"] is False\n", "assert response_json[\"message\"] == (\n", " \"Failed to update weights: The size of tensor a (2048) must match \"\n", " \"the size of tensor b (3072) at non-singleton dimension 1.\\n\"\n", diff --git a/docs/backend/offline_engine_api.ipynb b/docs/backend/offline_engine_api.ipynb index 4ca10a7186..48f2800042 100644 --- a/docs/backend/offline_engine_api.ipynb +++ b/docs/backend/offline_engine_api.ipynb @@ -27,7 +27,7 @@ "source": [ "## Offline Batch Inference\n", "\n", - "SGLang offline engine supports batch inference with efficient scheduling to prevent OOM errors for large batches. For details on this cache-aware scheduling algorithm, see our [paper](https://arxiv.org/pdf/2312.07104)." + "SGLang offline engine supports batch inference with efficient scheduling." ] }, { diff --git a/docs/index.rst b/docs/index.rst index 701d25d627..130b298119 100644 --- a/docs/index.rst +++ b/docs/index.rst @@ -44,7 +44,7 @@ The core features include: references/sampling_params.md references/hyperparameter_tuning.md - references/model_support.md + references/supported_models.md references/benchmark_and_profiling.md references/choices_methods.md references/custom_chat_template.md diff --git a/docs/references/model_support.md b/docs/references/supported_models.md similarity index 55% rename from docs/references/model_support.md rename to docs/references/supported_models.md index f057750749..bfe1bc5528 100644 --- a/docs/references/model_support.md +++ b/docs/references/supported_models.md @@ -1,19 +1,63 @@ -# How to Support a New Model +# Supported Models + +## Generative Models +- Llama / Llama 2 / Llama 3 / Llama 3.1 / Llama 3.2 +- Mistral / Mixtral / Mistral NeMo +- Gemma / Gemma 2 +- Qwen / Qwen 2 / Qwen 2 MoE / Qwen 2 VL +- DeepSeek / DeepSeek 2 +- OLMoE +- [LLaVA-OneVision](https://llava-vl.github.io/blog/2024-08-05-llava-onevision/) + - `python3 -m sglang.launch_server --model-path lmms-lab/llava-onevision-qwen2-7b-ov --port=30000 --chat-template=chatml-llava` + - `python3 -m sglang.launch_server --model-path lmms-lab/llava-onevision-qwen2-72b-ov --port=30000 --tp-size=8 --chat-template=chatml-llava` + - Query the server with the [OpenAI Vision API](https://platform.openai.com/docs/guides/vision). See examples at [test/srt/test_vision_openai_server.py](https://github.com/sgl-project/sglang/blob/main/test/srt/test_vision_openai_server.py) +- LLaVA 1.5 / 1.6 / NeXT + - `python -m sglang.launch_server --model-path lmms-lab/llama3-llava-next-8b --port=30000 --tp-size=1 --chat-template=llava_llama_3` + - `python -m sglang.launch_server --model-path lmms-lab/llava-next-72b --port=30000 --tp-size=8 --chat-template=chatml-llava` + - Query the server with the [OpenAI Vision API](https://platform.openai.com/docs/guides/vision). See examples at [test/srt/test_vision_openai_server.py](https://github.com/sgl-project/sglang/blob/main/test/srt/test_vision_openai_server.py) +- Yi-VL +- StableLM +- Command-R +- DBRX +- Grok +- ChatGLM +- InternLM 2 +- Exaone 3 +- BaiChuan2 +- MiniCPM / MiniCPM 3 +- XVERSE / XVERSE MoE +- SmolLM +- GLM-4 + +## Embedding Models + +- LlamaEmbeddingModel +- Mistral embedding models +- QWen embedding models + - `python -m sglang.launch_server --model-path Alibaba-NLP/gte-Qwen2-7B-instruct --is-embedding` + +## Reward Models + +- LlamaForSequenceClassification + - `python -m sglang.launch_server --model-path Skywork/Skywork-Reward-Llama-3.1-8B-v0.2 --is-embedding` + + +## How to Support a New Model To support a new model in SGLang, you only need to add a single file under [SGLang Models Directory](https://github.com/sgl-project/sglang/tree/main/python/sglang/srt/models). You can learn from existing model implementations and create new files for the new models. For most models, you should be able to find a similar model to start with (e.g., starting from Llama). -## Test the correctness +### Test the correctness -### Interactive debugging +#### Interactive debugging For interactive debugging, you can compare the outputs of huggingface/transformers and SGLang. The following two commands should give the same text output and very similar prefill logits. - Get the reference output by `python3 scripts/playground/reference_hf.py --model [new model]` - Get the SGLang output by `python3 -m sglang.bench_latency --correct --model [new model]` -### Add the model to the test suite +#### Add the model to the test suite To make sure the new model is well maintained in the future, it is better to add it to the test suite. You can add it to the `ALL_OTHER_MODELS` list in the [test_generation_models.py](https://github.com/sgl-project/sglang/blob/main/test/srt/models/test_generation_models.py) and run the following command to test it. @@ -22,7 +66,7 @@ For example, if the model is Qwen/Qwen2-1.5B ONLY_RUN=Qwen/Qwen2-1.5B python3 -m unittest test_generation_models.TestGenerationModels.test_others ``` -## Port a model from vLLM to SGLang +### Port a model from vLLM to SGLang Another valuable resource is the [vLLM Models Directory](https://github.com/vllm-project/vllm/tree/main/vllm/model_executor/models). vLLM has extensive coverage of models, and SGLang reuses vLLM's interface and some layers to implement the models. This similarity makes it easy to port many models from vLLM to SGLang. To port a model from vLLM to SGLang, you can compare these two files [SGLang Llama Implementation](https://github.com/sgl-project/sglang/blob/main/python/sglang/srt/models/llama.py) and [vLLM Llama Implementation](https://github.com/vllm-project/vllm/blob/main/vllm/model_executor/models/llama.py). This comparison will help you understand how to convert a model implementation from vLLM to SGLang. The major difference is the replacement of Attention with RadixAttention. The other parts are almost identical. Specifically, @@ -32,4 +76,3 @@ To port a model from vLLM to SGLang, you can compare these two files [SGLang Lla - Remove `Sample`. - Change `forward()` functions, and add `forward_batch`. - Add `EntryClass` at the end. - diff --git a/docs/start/send_request.ipynb b/docs/start/send_request.ipynb index 30aafbe903..ed1ea61394 100644 --- a/docs/start/send_request.ipynb +++ b/docs/start/send_request.ipynb @@ -206,7 +206,7 @@ "source": [ "## Using Native Generation APIs\n", "\n", - "You can also use the native `/generate` endpoint with requests, which provides more flexiblity. An API reference is available at [Sampling Parameters](https://sgl-project.github.io/references/sampling_params.html)." + "You can also use the native `/generate` endpoint with requests, which provides more flexiblity. An API reference is available at [Sampling Parameters](../references/sampling_params.md)." ] }, { From a146d9990e148fdf2c247d639ba5d2a572175e9c Mon Sep 17 00:00:00 2001 From: Lzhang-hub <57925599+Lzhang-hub@users.noreply.github.com> Date: Wed, 6 Nov 2024 12:42:53 +0800 Subject: [PATCH 42/44] support prometheus metrics (#1853) Co-authored-by: Lianmin Zheng Co-authored-by: Byron Hsu --- python/sglang/srt/managers/schedule_batch.py | 14 + python/sglang/srt/managers/schedule_policy.py | 3 + python/sglang/srt/managers/scheduler.py | 112 ++++++- .../sglang/srt/metrics/metrics_collector.py | 297 ++++++++++++++++++ python/sglang/srt/metrics/metrics_types.py | 57 ++++ python/sglang/srt/server.py | 39 +++ python/sglang/srt/server_args.py | 7 + 7 files changed, 526 insertions(+), 3 deletions(-) create mode 100644 python/sglang/srt/metrics/metrics_collector.py create mode 100644 python/sglang/srt/metrics/metrics_types.py diff --git a/python/sglang/srt/managers/schedule_batch.py b/python/sglang/srt/managers/schedule_batch.py index 131d2982a1..742b91398f 100644 --- a/python/sglang/srt/managers/schedule_batch.py +++ b/python/sglang/srt/managers/schedule_batch.py @@ -31,6 +31,7 @@ import dataclasses import logging +import time from typing import List, Optional, Tuple, Union import torch @@ -254,6 +255,16 @@ def __init__( # For Qwen2-VL self.mrope_position_delta = [] # use mutable object + # Lifetime traces + # time when request is created and added to waitlist + self.created_time = None + # time when request is added to prefill batch + self.queued_time = None + # time when request is being processed + self.started_time = None + # time when request is finished + self.finished_time = None + # whether request reached finished condition def finished(self) -> bool: return self.finished_reason is not None @@ -1028,6 +1039,9 @@ def __str__(self): f"#req={(len(self.reqs))})" ) + def mark_reqs_started(self): + for req in self.reqs: + req.started_time = time.time() @dataclasses.dataclass class ModelWorkerBatch: diff --git a/python/sglang/srt/managers/schedule_policy.py b/python/sglang/srt/managers/schedule_policy.py index 2bfdffc42c..994ffdeb58 100644 --- a/python/sglang/srt/managers/schedule_policy.py +++ b/python/sglang/srt/managers/schedule_policy.py @@ -17,6 +17,7 @@ import os import random +import time from collections import defaultdict from contextlib import contextmanager from enum import Enum, auto @@ -306,6 +307,7 @@ def add_one_req(self, req: Req): ): # Non-chunked prefill self.can_run_list.append(req) + req.queued_time = time.time() self.tree_cache.inc_lock_ref(req.last_node) self._prefill_one_req( prefix_len, @@ -324,6 +326,7 @@ def add_one_req(self, req: Req): req.extend_input_len = trunc_len req.fill_ids = req.fill_ids[: len(req.prefix_indices) + trunc_len] self.can_run_list.append(req) + req.queued_time = time.time() self.new_inflight_req = req self.tree_cache.inc_lock_ref(req.last_node) self._prefill_one_req(prefix_len, trunc_len, 0) diff --git a/python/sglang/srt/managers/scheduler.py b/python/sglang/srt/managers/scheduler.py index dd6bba8631..6d3d419d1a 100644 --- a/python/sglang/srt/managers/scheduler.py +++ b/python/sglang/srt/managers/scheduler.py @@ -62,6 +62,8 @@ from sglang.srt.managers.tp_worker_overlap_thread import TpModelWorkerClient from sglang.srt.mem_cache.chunk_cache import ChunkCache from sglang.srt.mem_cache.radix_cache import RadixCache +from sglang.srt.metrics.metrics_collector import PrometheusMetricsCollector +from sglang.srt.metrics.metrics_types import Stats from sglang.srt.server_args import PortArgs, ServerArgs from sglang.srt.utils import ( broadcast_pyobj, @@ -222,7 +224,8 @@ def __init__( self.forward_ct = 0 self.forward_ct_decode = 0 self.num_generated_tokens = 0 - self.last_stats_tic = time.time() + self.last_stats_tic = time.time() # time of last stats for every iter + self.last_log_tic = time.time() # time of last log for print decode log self.stream_interval = server_args.stream_interval # Init chunked prefill @@ -291,6 +294,15 @@ def __init__( ], with_stack=True, ) + # Init metrics stats + self.stats = Stats() + self.metrics_collector = PrometheusMetricsCollector( + labels={ + "model_name": self.server_args.served_model_name, + # TODO: Add lora name/path in the future, + }, + max_model_len=self.max_total_num_tokens, + ) def watchdog_thread(self): self.watchdog_last_forward_ct = 0 @@ -338,6 +350,11 @@ def event_loop_normal(self): else: self.check_memory() self.new_token_ratio = self.init_new_token_ratio + # log stats + if self.is_generation and self.server_args.enable_metrics: + stats = self.get_stats(batch) + self.log_stats(stats) + self.last_stats_tic = time.time() self.last_batch = batch @@ -476,6 +493,7 @@ def handle_generate_request( self.max_req_len - len(req.origin_input_ids) - 1, ) + req.created_time = time.time() self.waiting_queue.append(req) def handle_embedding_request( @@ -504,9 +522,11 @@ def print_decode_stats(self): num_used = self.max_total_num_tokens - ( self.token_to_kv_pool.available_size() + self.tree_cache.evictable_size() ) - throughput = self.num_generated_tokens / (time.time() - self.last_stats_tic) + throughput = self.num_generated_tokens / (time.time() - self.last_log_tic) self.num_generated_tokens = 0 - self.last_stats_tic = time.time() + self.last_log_tic = time.time() + # set system stats + self.stats.token_usage = round(num_used / self.max_total_num_tokens, 2) num_running_reqs = len(self.running_batch.reqs) if self.running_batch else 0 logger.info( f"Decode batch. " @@ -676,6 +696,9 @@ def get_new_batch_prefill(self) -> Optional[ScheduleBatch]: self.token_to_kv_pool.available_size() + self.tree_cache.evictable_size() ) + # set system stats + self.stats.cache_hit_rate = round(100.0 * tree_cache_hit_rate, 2) + self.stats.token_usage = round(num_used / self.max_total_num_tokens, 2) if num_mixed_running > 0: logger.info( @@ -770,6 +793,7 @@ def run_batch(self, batch: ScheduleBatch): if self.is_generation: if batch.forward_mode.is_decode() or batch.extend_num_tokens != 0: model_worker_batch = batch.get_model_worker_batch() + batch.mark_reqs_started() logits_output, next_token_ids = self.tp_worker.forward_batch_generation( model_worker_batch ) @@ -789,6 +813,88 @@ def run_batch(self, batch: ScheduleBatch): embeddings = self.tp_worker.forward_batch_embedding(model_worker_batch) ret = embeddings, model_worker_batch.bid return ret + def get_stats(self,batch: ScheduleBatch): + # TODO: get stats for chunked prefill + + now = time.time() + # system stats + # Scheduler State + new_seq: int = 0 + num_running_req = len(self.running_batch.reqs) if self.running_batch else 0 + num_waiting_req = len(self.waiting_queue) + # Cache State + cache_hit_rate: float = 0.0 + token_usage: float = 0.0 + + # set stats from prefill + if self.stats is not None: + # new_seq=self.stats.new_seq + cache_hit_rate=self.stats.cache_hit_rate + token_usage=self.stats.token_usage + # Iteration stats + num_prompt_tokens_iter = 0 + num_generation_tokens_iter = 0 + time_to_first_tokens_iter: List[float] = [] + time_per_output_tokens_iter: List[float] = [] + + # Request stats + # Decode + gen_throughput: float = 0.0 + # Latency + time_e2e_requests: List[float] = [] + time_waiting_requests: List[float] = [] + # Metadata + num_prompt_tokens_requests: List[int] = [] + num_generation_tokens_requests: List[int] = [] + finished_reason_requests: List[str] = [] + + # _, next_token_ids, _ = result + if batch is not None: + num_generation_tokens_iter = len(batch.output_ids) + gen_throughput = round(num_generation_tokens_iter / (now - self.last_stats_tic), 2) + + for i, req in enumerate(batch.reqs): + # NOTE: Batch forward mode is extend befor start decode, + if batch.forward_mode.is_extend(): + num_prompt_tokens_iter=len(batch.input_ids)+sum(batch.prefix_lens) + time_to_first_tokens_iter.append(now - req.started_time) + else: + time_per_output_tokens_iter.append(now-self.last_stats_tic) + + if req.finished(): + time_e2e_requests.append(now - req.created_time) + time_waiting_requests.append(req.queued_time - req.created_time) + num_prompt_tokens_requests.append(len(req.origin_input_ids)) + num_generation_tokens_requests.append(len(req.output_ids)) + finished_reason_requests.append( + req.finished_reason.to_json() + if req.finished_reason is not None + else None) + + return Stats( + new_seq=new_seq, + num_running_req=num_running_req, + num_waiting_req=num_waiting_req, + cache_hit_rate=cache_hit_rate, + token_usage=token_usage, + num_prompt_tokens_iter=num_prompt_tokens_iter, + num_generation_tokens_iter=num_generation_tokens_iter, + time_to_first_tokens_iter=time_to_first_tokens_iter, + time_per_output_tokens_iter=time_per_output_tokens_iter, + gen_throughput=gen_throughput, + time_e2e_requests=time_e2e_requests, + time_waiting_requests=time_waiting_requests, + num_prompt_tokens_requests=num_prompt_tokens_requests, + num_generation_tokens_requests=num_generation_tokens_requests, + finished_reason_requests=finished_reason_requests, + context_len=self.model_config.context_len, + max_total_num_tokens=self.max_total_num_tokens, + max_prefill_tokens=self.max_prefill_tokens, + max_running_requests=self.max_running_requests, + ) + + def log_stats(self,stats:Stats): + self.metrics_collector.log_stats(stats) def process_batch_result(self, batch: ScheduleBatch, result): if batch.forward_mode.is_decode(): diff --git a/python/sglang/srt/metrics/metrics_collector.py b/python/sglang/srt/metrics/metrics_collector.py new file mode 100644 index 0000000000..bb1eca88b1 --- /dev/null +++ b/python/sglang/srt/metrics/metrics_collector.py @@ -0,0 +1,297 @@ +""" +Copyright 2023-2024 SGLang Team +Licensed under the Apache License, Version 2.0 (the "License"); +you may not use this file except in compliance with the License. +You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + +Unless required by applicable law or agreed to in writing, software +distributed under the License is distributed on an "AS IS" BASIS, +WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +See the License for the specific language governing permissions and +limitations under the License. +""" + +"""Utilities for Prometheus Metrics Collection.""" + +import logging +from abc import ABC, abstractmethod +from typing import Counter as CollectionsCounter +from typing import Dict, List, Union + +import numpy as np +from prometheus_client import Counter, Gauge, Histogram + +from sglang.srt.metrics.metrics_types import Stats + + +class Metrics: + """ + SGLang Metrics + """ + + def __init__(self, labelnames: List[str], max_model_len): + + # Configuration Stats + self.max_total_num_tokens = Gauge( + name="sglang:max_total_num_tokens", + documentation="Maximum total number of tokens", + labelnames=labelnames, + multiprocess_mode="min", + ) # static across processes + + self.max_prefill_tokens = Gauge( + name="sglang:max_prefill_tokens", + documentation="Maximum prefill tokens", + labelnames=labelnames, + multiprocess_mode="min", + ) # static across processes + + self.max_running_requests = Gauge( + name="sglang:max_running_requests", + documentation="Maximum running requests", + labelnames=labelnames, + multiprocess_mode="min", + ) # static across processes + + self.context_len = Gauge( + name="sglang:context_len", + documentation="Context length", + labelnames=labelnames, + multiprocess_mode="min", + ) # static across processes + # Decode Stats + self.num_running_sys = Gauge( + name="sglang:num_requests_running", + documentation="Number of requests currently running on GPU", + labelnames=labelnames, + multiprocess_mode="sum", + ) + self.num_waiting_sys = Gauge( + name="sglang:num_requests_waiting", + documentation="Number of requests waiting to be processed.", + labelnames=labelnames, + multiprocess_mode="sum", + ) + self.gen_throughput = Gauge( + name="sglang:gen_throughput", + documentation="Gen token throughput (token/s)", + labelnames=labelnames, + multiprocess_mode="sum", + ) + self.token_usage = Gauge( + name="sglang:token_usage", + documentation="Total token usage", + labelnames=labelnames, + multiprocess_mode="sum", + ) + # System Stats + # KV Cache Usage in % + # self.gpu_cache_usage_sys = Gauge( + # "gpu_cache_usage_perc", + # "GPU KV-cache usage. 1 means 100 percent usage.", + # labelnames=labelnames, + # multiprocess_mode="sum") + + self.new_seq = Gauge( + name="sglang:new_seq", + documentation="Number of new sequences", + labelnames=labelnames, + multiprocess_mode="sum", + ) + self.new_token = Gauge( + name="sglang:new_token", + documentation="Number of new token", + labelnames=labelnames, + multiprocess_mode="sum", + ) + # Prefix caching block hit rate + self.cached_token = Gauge( + name="sglang:cached_token", + documentation="Number of cached token", + labelnames=labelnames, + multiprocess_mode="sum", + ) + self.cache_hit_rate = Gauge( + name="sglang:cache_hit_rate", + documentation="Cache hit rate", + labelnames=labelnames, + multiprocess_mode="sum", + ) + self.queue_req = Gauge( + name="sglang:queue_req", + documentation="Number of queued requests", + labelnames=labelnames, + multiprocess_mode="sum", + ) + + # Iteration stats + self.counter_prompt_tokens = Counter( + name="sglang:prompt_tokens_total", + documentation="Number of prefill tokens processed.", + labelnames=labelnames) + self.counter_generation_tokens = Counter( + name="sglang:generation_tokens_total", + documentation="Number of generation tokens processed.", + labelnames=labelnames) + self.histogram_time_to_first_token = Histogram( + name="sglang:time_to_first_token_seconds", + documentation="Histogram of time to first token in seconds.", + labelnames=labelnames, + buckets=[ + 0.001, 0.005, 0.01, 0.02, 0.04, 0.06, 0.08, 0.1, 0.25, 0.5, + 0.75, 1.0, 2.5, 5.0, 7.5, 10.0, 15.0, 20.0, 25.0, 30.0 + ]) + self.histogram_time_per_output_token = Histogram( + name="sglang:time_per_output_token_seconds", + documentation="Histogram of time per output token in seconds.", + labelnames=labelnames, + buckets=[ + 0.005, 0.01, 0.015, 0.02, 0.025, 0.03, 0.04, 0.05, 0.075, 0.1, 0.15, 0.2, 0.3, 0.4, 0.5, 0.75, + 1.0, 2.5 + ]) + + # Request Stats + # Metadata + self.num_prompt_tokens_requests = Histogram( + name="sglang:request_prompt_tokens", + documentation="Number of prefill tokens processed", + labelnames=labelnames, + buckets=build_1_2_5_buckets(max_model_len), + ) + self.num_generation_tokens_requests = Histogram( + name="sglang:request_generation_tokens", + documentation="Number of generation tokens processed.", + labelnames=labelnames, + buckets=build_1_2_5_buckets(max_model_len), + ) + self.finished_reason_requests = Counter( + name="sglang:request_success_total", + documentation="Count of successfully processed requests.", + labelnames=labelnames + ["finished_reason"], + ) + self.histogram_time_e2e_requests = Histogram( + name="sglang:e2e_request_latency_seconds", + documentation="Histogram of End-to-end request latency in seconds", + labelnames=labelnames, + buckets=build_1_2_5_buckets(max_model_len), + ) + self.histogram_time_waiting_requests = Histogram( + name="sglang:waiting_request_latency_seconds", + documentation="Histogram of request waiting time in seconds", + labelnames=labelnames, + buckets=build_1_2_5_buckets(max_model_len), + ) + self.histogram_time_decode_requests = Histogram( + name="sglang:decode_request_latency_seconds", + documentation="Histogram of request decoding time in seconds", + labelnames=labelnames, + buckets=build_1_2_5_buckets(max_model_len), + ) + + +class MetricsCollector(ABC): + """ + SGLang Metrics Collector + """ + + @abstractmethod + def log_stats(self, stats: Stats) -> None: + pass + + +class PrometheusMetricsCollector(MetricsCollector): + """ + SGLang Metrics Collector + """ + + def __init__(self, labels: Dict[str, str], max_model_len: int) -> None: + self.labels = labels + self.metrics = Metrics( + labelnames=list(labels.keys()), max_model_len=max_model_len + ) + + def _log_gauge(self, gauge, data: Union[int, float]) -> None: + # Convenience function for logging to gauge. + gauge.labels(**self.labels).set(data) + + def _log_counter(self, counter, data: Union[int, float]) -> None: + # Convenience function for logging to counter. + counter.labels(**self.labels).inc(data) + + def _log_counter_labels( + self, counter, data: CollectionsCounter, label_key: str + ) -> None: + # Convenience function for collection counter of labels. + for label, count in data.items(): + counter.labels(**{**self.labels, label_key: label}).inc(count) + + def _log_histogram(self, histogram, data: Union[List[int], List[float]]) -> None: + # Convenience function for logging list to histogram. + for datum in data: + histogram.labels(**self.labels).observe(datum) + + def log_stats(self, stats: Stats) -> None: + self._log_gauge(self.metrics.max_total_num_tokens, stats.max_total_num_tokens) + self._log_gauge(self.metrics.max_prefill_tokens, stats.max_prefill_tokens) + self._log_gauge(self.metrics.max_running_requests, stats.max_running_requests) + self._log_gauge(self.metrics.context_len, stats.context_len) + self._log_histogram( + self.metrics.num_prompt_tokens_requests, stats.num_prompt_tokens_requests + ) + self._log_histogram( + self.metrics.num_generation_tokens_requests, + stats.num_generation_tokens_requests, + ) + + self._log_counter(self.metrics.counter_prompt_tokens, + stats.num_prompt_tokens_iter) + self._log_counter(self.metrics.counter_generation_tokens, + stats.num_generation_tokens_iter) + self._log_histogram(self.metrics.histogram_time_to_first_token, + stats.time_to_first_tokens_iter) + self._log_histogram(self.metrics.histogram_time_per_output_token, + stats.time_per_output_tokens_iter) + + # self._log_gauge(self.metrics.gpu_cache_usage_sys, stats.gpu_cache_usage_sys) + self._log_gauge(self.metrics.num_running_sys, stats.num_running_req) + self._log_gauge(self.metrics.num_waiting_sys, stats.num_waiting_req) + self._log_gauge(self.metrics.gen_throughput, stats.gen_throughput) + self._log_gauge(self.metrics.token_usage, stats.token_usage) + self._log_histogram( + self.metrics.histogram_time_e2e_requests, stats.time_e2e_requests + ) + self._log_histogram( + self.metrics.histogram_time_waiting_requests, stats.time_waiting_requests + ) + self._log_histogram( + self.metrics.histogram_time_decode_requests, stats.time_decode_requests + ) + self._log_gauge(self.metrics.new_seq, stats.new_seq) + self._log_gauge(self.metrics.new_token, stats.new_token) + self._log_gauge(self.metrics.cached_token, stats.cached_token) + self._log_gauge(self.metrics.cache_hit_rate, stats.cache_hit_rate) + self._log_gauge(self.metrics.queue_req, stats.queue_req) + + +def build_1_2_5_buckets(max_value: int) -> List[int]: + """ + Builds a list of buckets with increasing powers of 10 multiplied by + mantissa values (1, 2, 5) until the value exceeds the specified maximum. + + Example: + >>> build_1_2_5_buckets(100) + [1, 2, 5, 10, 20, 50, 100] + """ + mantissa_lst = [1, 2, 5] + exponent = 0 + buckets: List[int] = [] + while True: + for m in mantissa_lst: + value = m * 10**exponent + if value <= max_value: + buckets.append(value) + else: + return buckets + exponent += 1 \ No newline at end of file diff --git a/python/sglang/srt/metrics/metrics_types.py b/python/sglang/srt/metrics/metrics_types.py new file mode 100644 index 0000000000..f1b357f403 --- /dev/null +++ b/python/sglang/srt/metrics/metrics_types.py @@ -0,0 +1,57 @@ +""" +Copyright 2023-2024 SGLang Team +Licensed under the Apache License, Version 2.0 (the "License"); +you may not use this file except in compliance with the License. +You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + +Unless required by applicable law or agreed to in writing, software +distributed under the License is distributed on an "AS IS" BASIS, +WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +See the License for the specific language governing permissions and +limitations under the License. +""" + +"""Metrics Types""" + +from dataclasses import dataclass, field +from typing import List + + +@dataclass +class Stats: + # config + max_total_num_tokens: int = 0 + max_prefill_tokens: int = 0 + max_running_requests: int = 0 + context_len: int = 0 + # request stats + num_prompt_tokens_requests: List[int] = field(default_factory=list) + num_generation_tokens_requests: List[int] = field(default_factory=list) + finished_reason_requests: List[str] = field(default_factory=list) + # decode stats + num_running_req: int = 0 + num_waiting_req: int = 0 + gen_throughput: float = 0.0 + num_token: int = 0 + token_usage: float = 0.0 + waiting_queue: int = 0 + time_e2e_requests: List[float] = field(default_factory=list) + time_waiting_requests: List[float] = field(default_factory=list) + time_decode_requests: List[float] = field(default_factory=list) + # system stats + token_usage: float = 0.0 + is_mixed_chunk: bool = False + new_seq: int = 0 + new_token: int = 0 + cached_token: int = 0 + cache_hit_rate: float = 0.0 + running_req: int = 0 + queue_req: int = 0 + + # Iteration stats (should have _iter suffix) + num_prompt_tokens_iter: int = 0 + num_generation_tokens_iter: int = 0 + time_to_first_tokens_iter: List[float] = field(default_factory=list) + time_per_output_tokens_iter: List[float] = field(default_factory=list) \ No newline at end of file diff --git a/python/sglang/srt/server.py b/python/sglang/srt/server.py index c881ba3957..d295553469 100644 --- a/python/sglang/srt/server.py +++ b/python/sglang/srt/server.py @@ -25,12 +25,15 @@ import logging import multiprocessing as mp import os +import re +import tempfile import threading import time from http import HTTPStatus from typing import AsyncIterator, Dict, List, Optional, Union import orjson +from starlette.routing import Mount # Fix a bug of Python threading setattr(threading, "_register_atexit", lambda *args, **kwargs: None) @@ -86,6 +89,10 @@ logger = logging.getLogger(__name__) +# Temporary directory for prometheus multiprocess mode +# Cleaned up automatically when this object is garbage collected +prometheus_multiproc_dir: tempfile.TemporaryDirectory + asyncio.set_event_loop_policy(uvloop.EventLoopPolicy()) @@ -412,6 +419,18 @@ def launch_engine( for i in range(len(scheduler_pipe_readers)): scheduler_pipe_readers[i].recv() +def add_prometheus_middleware(app: FastAPI): + # Adapted from https://github.com/vllm-project/vllm/blob/v0.6.1/vllm/entrypoints/openai/api_server.py#L216 + from prometheus_client import CollectorRegistry, make_asgi_app, multiprocess + + registry = CollectorRegistry() + multiprocess.MultiProcessCollector(registry) + metrics_route = Mount("/metrics", make_asgi_app(registry=registry)) + + # Workaround for 307 Redirect for /metrics + metrics_route.path_regex = re.compile("^/metrics(?P.*)$") + app.routes.append(metrics_route) + def launch_server( server_args: ServerArgs, @@ -439,6 +458,11 @@ def launch_server( if server_args.api_key: add_api_key_middleware(app, server_args.api_key) + # add prometheus middleware + if server_args.enable_metrics: + _set_prometheus_env() + add_prometheus_middleware(app) + # Send a warmup request t = threading.Thread( target=_wait_and_warmup, args=(server_args, pipe_finish_writer) @@ -466,6 +490,21 @@ def launch_server( finally: t.join() +def _set_prometheus_env(): + # Set prometheus multiprocess directory + # sglang uses prometheus multiprocess mode + # we need to set this before importing prometheus_client + # https://prometheus.github.io/client_python/multiprocess/ + global prometheus_multiproc_dir + if "PROMETHEUS_MULTIPROC_DIR" in os.environ: + logger.debug(f"User set PROMETHEUS_MULTIPROC_DIR detected.") + prometheus_multiproc_dir = tempfile.TemporaryDirectory( + dir=os.environ["PROMETHEUS_MULTIPROC_DIR"] + ) + else: + prometheus_multiproc_dir = tempfile.TemporaryDirectory() + os.environ["PROMETHEUS_MULTIPROC_DIR"] = prometheus_multiproc_dir.name + logger.debug(f"PROMETHEUS_MULTIPROC_DIR: {os.environ['PROMETHEUS_MULTIPROC_DIR']}") def _set_envs_and_config(server_args: ServerArgs): # Set global environments diff --git a/python/sglang/srt/server_args.py b/python/sglang/srt/server_args.py index 501c2e326d..84d1afbd5f 100644 --- a/python/sglang/srt/server_args.py +++ b/python/sglang/srt/server_args.py @@ -70,6 +70,7 @@ class ServerArgs: log_level_http: Optional[str] = None log_requests: bool = False show_time_cost: bool = False + enable_metrics: bool = False # Other api_key: Optional[str] = None @@ -414,6 +415,12 @@ def add_cli_args(parser: argparse.ArgumentParser): action="store_true", help="Show time cost of custom marks.", ) + parser.add_argument( + "--enable-metrics", + action="store_true", + help="Enable log prometheus metrics.", + ) + parser.add_argument( "--api-key", type=str, From 96766101b4d181f9b3141da9484ca10ff7656743 Mon Sep 17 00:00:00 2001 From: Byron Hsu Date: Wed, 6 Nov 2024 00:02:02 -0800 Subject: [PATCH 43/44] [rust] refactor server and router (#1922) --- .github/workflows/pr-test-rust.yml | 4 +- rust/src/router.rs | 164 ++++++++++++++++------------- rust/src/server.rs | 106 ++++--------------- 3 files changed, 113 insertions(+), 161 deletions(-) diff --git a/.github/workflows/pr-test-rust.yml b/.github/workflows/pr-test-rust.yml index b7e294d28d..aae2853478 100644 --- a/.github/workflows/pr-test-rust.yml +++ b/.github/workflows/pr-test-rust.yml @@ -4,11 +4,11 @@ on: push: branches: [ main ] paths: - - "rust/*" + - "rust/**" pull_request: branches: [ main ] paths: - - "rust/*" + - "rust/**" workflow_dispatch: concurrency: diff --git a/rust/src/router.rs b/rust/src/router.rs index 9d42cc13f4..29db6e37c6 100644 --- a/rust/src/router.rs +++ b/rust/src/router.rs @@ -1,93 +1,109 @@ -// src/router.rs - +use actix_web::http::header::{HeaderValue, CONTENT_TYPE}; +use actix_web::{HttpRequest, HttpResponse}; +use bytes::Bytes; +use futures_util::TryStreamExt; use std::fmt::Debug; -/// Generic Router trait that can be implemented with different policies -pub trait Router: Send + Sync + Debug { - /// Select a worker URL based on the implementation's policy - /// Returns None if no worker is available - fn select(&self) -> Option; - - // get first worker - fn get_first(&self) -> Option; -} - -// Round Robin Router #[derive(Debug)] -pub struct RoundRobinRouter { - worker_urls: Vec, - current_index: std::sync::atomic::AtomicUsize, // AtomicUsize is a thread-safe integer +pub enum Router { + RoundRobin { + worker_urls: Vec, + current_index: std::sync::atomic::AtomicUsize, + }, + Random { + worker_urls: Vec, + }, } -impl RoundRobinRouter { - pub fn new(worker_urls: Vec) -> Self { - Self { - worker_urls, - current_index: std::sync::atomic::AtomicUsize::new(0), +impl Router { + pub fn new(worker_urls: Vec, policy: String) -> Self { + match policy.to_lowercase().as_str() { + "random" => Router::Random { worker_urls }, + "round_robin" => Router::RoundRobin { + worker_urls, + current_index: std::sync::atomic::AtomicUsize::new(0), + }, + _ => panic!( + "Unknown routing policy: {}. The available policies are 'random' and 'round_robin'", + policy + ), } } -} -impl Router for RoundRobinRouter { - fn select(&self) -> Option { - if self.worker_urls.is_empty() { - return None; + pub fn get_first(&self) -> Option { + match self { + Router::RoundRobin { worker_urls, .. } | Router::Random { worker_urls } => { + if worker_urls.is_empty() { + None + } else { + Some(worker_urls[0].clone()) + } + } } - // Use relaxed because operation order doesn't matter in round robin - let index = self - .current_index - .fetch_add(1, std::sync::atomic::Ordering::Relaxed) - % self.worker_urls.len(); - Some(self.worker_urls[index].clone()) } - fn get_first(&self) -> Option { - if self.worker_urls.is_empty() { - return None; - } - Some(self.worker_urls[0].clone()) - } -} - -// Random Router -#[derive(Debug)] -pub struct RandomRouter { - worker_urls: Vec, -} + pub async fn dispatch( + &self, + client: &reqwest::Client, + req: HttpRequest, + body: Bytes, + ) -> HttpResponse { + let worker_url = match self { + Router::RoundRobin { + worker_urls, + current_index, + } => { + current_index + .fetch_update( + std::sync::atomic::Ordering::SeqCst, + std::sync::atomic::Ordering::SeqCst, + |x| Some((x + 1) % worker_urls.len()), + ) + .expect_err("Error updating index in round robin"); -impl RandomRouter { - pub fn new(worker_urls: Vec) -> Self { - Self { worker_urls } - } -} + &worker_urls[current_index.load(std::sync::atomic::Ordering::SeqCst)] + } + Router::Random { worker_urls } => { + &worker_urls[rand::random::() % worker_urls.len()] + } + }; -impl Router for RandomRouter { - fn select(&self) -> Option { - use rand::seq::SliceRandom; + // Check if client requested streaming + let is_stream = serde_json::from_slice::(&body) + .map(|v| v.get("stream").and_then(|s| s.as_bool()).unwrap_or(false)) + .unwrap_or(false); - if self.worker_urls.is_empty() { - return None; - } + let res = match client + .post(format!("{}/generate", worker_url)) + .header( + "Content-Type", + req.headers() + .get("Content-Type") + .and_then(|h| h.to_str().ok()) + .unwrap_or("application/json"), + ) + .body(body.to_vec()) + .send() + .await + { + Ok(res) => res, + Err(_) => return HttpResponse::InternalServerError().finish(), + }; - self.worker_urls.choose(&mut rand::thread_rng()).cloned() - } + let status = actix_web::http::StatusCode::from_u16(res.status().as_u16()) + .unwrap_or(actix_web::http::StatusCode::INTERNAL_SERVER_ERROR); - fn get_first(&self) -> Option { - if self.worker_urls.is_empty() { - return None; + if !is_stream { + match res.bytes().await { + Ok(body) => HttpResponse::build(status).body(body.to_vec()), + Err(_) => HttpResponse::InternalServerError().finish(), + } + } else { + HttpResponse::build(status) + .insert_header((CONTENT_TYPE, HeaderValue::from_static("text/event-stream"))) + .streaming(res.bytes_stream().map_err(|_| { + actix_web::error::ErrorInternalServerError("Failed to read string") + })) } - Some(self.worker_urls[0].clone()) - } -} - -// create a router based on routing policy -pub fn create_router(worker_urls: Vec, policy: String) -> Box { - match policy.to_lowercase().as_str() { - "random" => Box::new(RandomRouter::new(worker_urls)), - "round_robin" => Box::new(RoundRobinRouter::new(worker_urls)), - _ => panic!( - "Unknown routing policy: {}. The available policies are 'random' and 'round_robin'", - policy - ), } } diff --git a/rust/src/server.rs b/rust/src/server.rs index 1c6c515b48..fec7fae746 100644 --- a/rust/src/server.rs +++ b/rust/src/server.rs @@ -1,38 +1,28 @@ -use crate::router::create_router; use crate::router::Router; -use actix_web::http::header::{HeaderValue, CONTENT_TYPE}; use actix_web::{get, post, web, App, HttpRequest, HttpResponse, HttpServer, Responder}; use bytes::Bytes; -use futures_util::StreamExt; #[derive(Debug)] pub struct AppState { - router: Box, + router: Router, client: reqwest::Client, } impl AppState { pub fn new(worker_urls: Vec, policy: String, client: reqwest::Client) -> Self { // Create router based on policy - let router = create_router(worker_urls, policy); + let router = Router::new(worker_urls, policy); Self { router, client } } } -#[get("/v1/models")] -async fn v1_model(data: web::Data) -> impl Responder { - let worker_url = match data.router.get_first() { - Some(url) => url, - None => return HttpResponse::InternalServerError().finish(), - }; - // Use the shared client - match data - .client - .get(format!("{}/v1/models", worker_url)) - .send() - .await - { +async fn forward_request( + client: &reqwest::Client, + worker_url: String, + route: String, +) -> HttpResponse { + match client.get(format!("{}{}", worker_url, route)).send().await { Ok(res) => { let status = actix_web::http::StatusCode::from_u16(res.status().as_u16()) .unwrap_or(actix_web::http::StatusCode::INTERNAL_SERVER_ERROR); @@ -48,85 +38,31 @@ async fn v1_model(data: web::Data) -> impl Responder { } } -#[get("/get_model_info")] -async fn get_model_info(data: web::Data) -> impl Responder { +#[get("/v1/models")] +async fn v1_model(data: web::Data) -> impl Responder { + // TODO: extract forward_to_route let worker_url = match data.router.get_first() { Some(url) => url, None => return HttpResponse::InternalServerError().finish(), }; - // Use the shared client - match data - .client - .get(format!("{}/get_model_info", worker_url)) - .send() - .await - { - Ok(res) => { - let status = actix_web::http::StatusCode::from_u16(res.status().as_u16()) - .unwrap_or(actix_web::http::StatusCode::INTERNAL_SERVER_ERROR); - // print the status - println!("Worker URL: {}, Status: {}", worker_url, status); - match res.bytes().await { - Ok(body) => HttpResponse::build(status).body(body.to_vec()), - Err(_) => HttpResponse::InternalServerError().finish(), - } - } - Err(_) => HttpResponse::InternalServerError().finish(), - } + forward_request(&data.client, worker_url, "/v1/models".to_string()).await } -// no deser and ser, just forward and return -#[post("/generate")] -async fn generate(req: HttpRequest, body: Bytes, data: web::Data) -> impl Responder { - // create a router struct - // TODO: use router abstraction for different policy - let worker_url = match data.router.select() { +#[get("/get_model_info")] +async fn get_model_info(data: web::Data) -> impl Responder { + let worker_url = match data.router.get_first() { Some(url) => url, None => return HttpResponse::InternalServerError().finish(), }; - // Check if client requested streaming - let is_stream = serde_json::from_slice::(&body) - .map(|v| v.get("stream").and_then(|s| s.as_bool()).unwrap_or(false)) - .unwrap_or(false); - - let res = match data - .client - .post(format!("{}/generate", worker_url)) - .header( - "Content-Type", - req.headers() - .get("Content-Type") - .and_then(|h| h.to_str().ok()) - .unwrap_or("application/json"), - ) - .body(body.to_vec()) - .send() - .await - { - Ok(res) => res, - Err(_) => return HttpResponse::InternalServerError().finish(), - }; - - let status = actix_web::http::StatusCode::from_u16(res.status().as_u16()) - .unwrap_or(actix_web::http::StatusCode::INTERNAL_SERVER_ERROR); + forward_request(&data.client, worker_url, "/get_model_info".to_string()).await +} - if !is_stream { - match res.bytes().await { - Ok(body) => HttpResponse::build(status).body(body.to_vec()), - Err(_) => HttpResponse::InternalServerError().finish(), - } - } else { - HttpResponse::build(status) - .insert_header((CONTENT_TYPE, HeaderValue::from_static("text/event-stream"))) - .streaming(res.bytes_stream().map(|b| match b { - Ok(b) => Ok::<_, actix_web::Error>(b), - Err(_) => Err(actix_web::error::ErrorInternalServerError( - "Failed to read stream", - )), - })) - } +// no deser and ser, just forward and return +#[post("/generate")] +async fn generate(req: HttpRequest, body: Bytes, data: web::Data) -> impl Responder { + data.router.dispatch(&data.client, req, body).await } pub async fn startup( From a5e0defb5a560a6d42882008c1dd8a739002ab7d Mon Sep 17 00:00:00 2001 From: Xuehai Pan Date: Wed, 6 Nov 2024 21:46:04 +0800 Subject: [PATCH 44/44] minor: Add basic editorconfig and pre-commit hooks to enforce style for whitespaces (#1926) --- .editorconfig | 25 ++++++++++ .github/pull_request_template.md | 2 +- .github/workflows/close-inactive-issues.yml | 14 +++--- .github/workflows/execute-notebook.yml | 4 +- .github/workflows/pr-test-rust.yml | 2 +- .github/workflows/pr-test.yml | 2 +- .github/workflows/release-docs.yml | 2 +- .gitignore | 2 +- .isort.cfg | 2 +- .pre-commit-config.yaml | 25 ++++++++-- 3rdparty/amd/profiling/PROFILING.md | 2 - 3rdparty/amd/tuning/TUNING.md | 18 +++---- benchmark/blog_v0_2/405b_sglang.sh | 2 +- benchmark/blog_v0_2/405b_vllm.sh | 2 +- .../generative_agents/agent_functions.py | 48 +++++++++---------- benchmark/json_decode_regex/README.md | 2 +- benchmark/json_jump_forward/README.md | 2 +- benchmark/json_jump_forward/dataset.txt | 2 +- benchmark/llava_bench/README.md | 2 +- benchmark/llava_bench/bench_hf_llava_bench.sh | 0 benchmark/llava_bench/bench_hf_mme.sh | 0 benchmark/llm_judge/README.md | 2 +- benchmark/mmlu/download_data.sh | 2 +- benchmark/multi_chain_reasoning/README.md | 2 +- benchmark/react/README.md | 2 +- benchmark/react/bench_other.py | 12 ++--- benchmark/react/bench_sglang.py | 12 ++--- benchmark/tip_suggestion/.gitignore | 2 +- benchmark/tip_suggestion/README.md | 2 +- benchmark/tip_suggestion/topic.jsonl | 2 +- docs/README.md | 2 +- docs/_static/css/custom_log.css | 6 +-- docs/backend/backend.md | 2 +- docs/conf.py | 2 +- docs/deploy.py | 24 +++++----- docs/references/choices_methods.md | 2 +- docs/references/custom_chat_template.md | 2 +- docs/references/hyperparameter_tuning.md | 6 +-- docs/references/learn_more.md | 2 +- docs/references/sampling_params.md | 2 +- docs/references/troubleshooting.md | 6 +-- docs/requirements.txt | 2 +- .../usage/llava_video/srt_example_llava_v.sh | 18 +++---- .../usage/openai_chat_speculative.py | 4 +- .../frontend_language/usage/triton/Dockerfile | 2 +- .../frontend_language/usage/triton/README.md | 2 +- examples/runtime/engine/input_ids.py | 4 +- examples/runtime/engine/readme.md | 2 +- .../llava_onevision/http_llama3_llava_test.py | 2 +- .../llava_onevision/http_qwen_llava_test.py | 2 +- .../srt/layers/quantization/base_config.py | 2 +- .../srt/layers/vocab_parallel_embedding.py | 4 +- python/sglang/srt/managers/scheduler.py | 6 +-- .../sglang/srt/managers/tokenizer_manager.py | 2 +- .../sglang/srt/metrics/metrics_collector.py | 6 +-- python/sglang/srt/metrics/metrics_types.py | 2 +- python/sglang/srt/mm_utils.py | 2 +- python/sglang/srt/models/gpt2.py | 4 +- python/sglang/srt/models/olmo.py | 0 python/sglang/srt/models/qwen2_vl.py | 10 ++-- python/sglang/srt/server.py | 2 +- python/sglang/test/long_prompt.txt | 2 +- python/sglang/test/simple_eval_common.py | 2 +- python/sglang/test/simple_eval_humaneval.py | 4 +- python/sglang/test/simple_eval_mgsm.py | 4 +- rust/Cargo.toml | 2 +- rust/readme.md | 6 +-- scripts/ci_install_rust.sh | 4 +- scripts/playground/lora/lora_hf_play.py | 2 +- scripts/playground/lora/lora_vllm_play.py | 2 +- scripts/version_branch_to_tag.sh | 5 +- test/README.md | 2 +- test/srt/Llama-3.1-8B-Instruct.json | 2 +- test/srt/models/test_generation_models.py | 0 test/srt/models/test_lora.py | 2 +- test/srt/test_data_parallelism.py | 2 +- test/srt/test_matched_stop.py | 8 ++-- 77 files changed, 209 insertions(+), 172 deletions(-) create mode 100644 .editorconfig mode change 100644 => 100755 benchmark/llava_bench/bench_hf_llava_bench.sh mode change 100644 => 100755 benchmark/llava_bench/bench_hf_mme.sh mode change 100644 => 100755 examples/frontend_language/usage/llava_video/srt_example_llava_v.sh mode change 100755 => 100644 python/sglang/srt/models/olmo.py mode change 100644 => 100755 scripts/version_branch_to_tag.sh mode change 100755 => 100644 test/srt/models/test_generation_models.py diff --git a/.editorconfig b/.editorconfig new file mode 100644 index 0000000000..030a7293dc --- /dev/null +++ b/.editorconfig @@ -0,0 +1,25 @@ +# https://editorconfig.org/ + +root = true + +[*] +charset = utf-8 +end_of_line = lf +indent_style = space +indent_size = 4 +trim_trailing_whitespace = true +insert_final_newline = true + +[*.{json,yaml,yml}] +indent_size = 2 + +[*.md] +indent_size = 2 +x-soft-wrap-text = true + +[*.rst] +indent_size = 4 +x-soft-wrap-text = true + +[Makefile] +indent_style = tab diff --git a/.github/pull_request_template.md b/.github/pull_request_template.md index 958c8b5ffe..4c6ea8355f 100644 --- a/.github/pull_request_template.md +++ b/.github/pull_request_template.md @@ -12,4 +12,4 @@ - [ ] Format your code according to the [Contributor Guide](https://github.com/sgl-project/sglang/blob/main/docs/contributor_guide.md). - [ ] Add unit tests as outlined in the [Contributor Guide](https://github.com/sgl-project/sglang/blob/main/docs/contributor_guide.md). -- [ ] Update documentation as needed, including docstrings or example tutorials. \ No newline at end of file +- [ ] Update documentation as needed, including docstrings or example tutorials. diff --git a/.github/workflows/close-inactive-issues.yml b/.github/workflows/close-inactive-issues.yml index e81dd42479..1455da4805 100644 --- a/.github/workflows/close-inactive-issues.yml +++ b/.github/workflows/close-inactive-issues.yml @@ -20,10 +20,10 @@ jobs: github-token: ${{secrets.GITHUB_TOKEN}} script: | const sixtyDaysAgo = new Date(Date.now() - 60 * 24 * 60 * 60 * 1000); - + const [owner, repo] = process.env.GITHUB_REPOSITORY.split('/'); console.log(`Owner: ${owner}, Repo: ${repo}`); - + async function fetchIssues(page = 1) { console.log(`Fetching issues for ${owner}/${repo}, page ${page}`); return await github.rest.issues.listForRepo({ @@ -36,23 +36,23 @@ jobs: page: page }); } - + async function processIssues() { console.log('Starting to process issues'); console.log(`Repository: ${owner}/${repo}`); - + let page = 1; let hasMoreIssues = true; while (hasMoreIssues) { try { const issues = await fetchIssues(page); console.log(`Fetched ${issues.data.length} issues on page ${page}`); - + if (issues.data.length === 0) { hasMoreIssues = false; break; } - + for (const issue of issues.data) { if (new Date(issue.updated_at) < sixtyDaysAgo) { try { @@ -87,5 +87,5 @@ jobs: } console.log('Finished processing issues'); } - + await processIssues(); diff --git a/.github/workflows/execute-notebook.yml b/.github/workflows/execute-notebook.yml index b0a2a83246..170545d72c 100644 --- a/.github/workflows/execute-notebook.yml +++ b/.github/workflows/execute-notebook.yml @@ -18,7 +18,7 @@ concurrency: group: execute-notebook-${{ github.ref }} cancel-in-progress: true - + jobs: run-all-notebooks: runs-on: 1-gpu-runner @@ -45,4 +45,4 @@ jobs: run: | cd docs make clean - make compile \ No newline at end of file + make compile diff --git a/.github/workflows/pr-test-rust.yml b/.github/workflows/pr-test-rust.yml index aae2853478..ae42446738 100644 --- a/.github/workflows/pr-test-rust.yml +++ b/.github/workflows/pr-test-rust.yml @@ -36,4 +36,4 @@ jobs: run: | source "$HOME/.cargo/env" cd rust/ - cargo test \ No newline at end of file + cargo test diff --git a/.github/workflows/pr-test.yml b/.github/workflows/pr-test.yml index 8f374b8972..f228901dd2 100644 --- a/.github/workflows/pr-test.yml +++ b/.github/workflows/pr-test.yml @@ -237,7 +237,7 @@ jobs: run: | cd test/srt python3 test_moe_eval_accuracy_large.py - + - name: Evaluate MLA Accuracy (TP=2) timeout-minutes: 10 run: | diff --git a/.github/workflows/release-docs.yml b/.github/workflows/release-docs.yml index 99bd546161..ab2129e372 100644 --- a/.github/workflows/release-docs.yml +++ b/.github/workflows/release-docs.yml @@ -47,7 +47,7 @@ jobs: make html cd _build/html - + git clone https://$GITHUB_TOKEN@github.com/sgl-project/sgl-project.github.io.git ../sgl-project.github.io --depth 1 rm -rf ../sgl-project.github.io/* cp -r * ../sgl-project.github.io diff --git a/.gitignore b/.gitignore index 537b6918c1..96c8fff74c 100644 --- a/.gitignore +++ b/.gitignore @@ -185,4 +185,4 @@ tmp*.txt work_dirs/ *.csv -!logo.png \ No newline at end of file +!logo.png diff --git a/.isort.cfg b/.isort.cfg index 482b916dd4..8350951544 100644 --- a/.isort.cfg +++ b/.isort.cfg @@ -1,3 +1,3 @@ [settings] profile=black -known_first_party=sglang \ No newline at end of file +known_first_party=sglang diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index 8c1de4d99a..43cd18118d 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -1,7 +1,27 @@ default_language_version: python: python3.9 +default_stages: [pre-commit, pre-push, manual] + repos: + - repo: https://github.com/pre-commit/pre-commit-hooks + rev: v5.0.0 + hooks: + - id: check-symlinks + - id: destroyed-symlinks + - id: trailing-whitespace + - id: end-of-file-fixer + - id: check-yaml + args: [--allow-multiple-documents] + - id: check-toml + - id: check-ast + - id: check-added-large-files + - id: check-merge-conflict + - id: check-executables-have-shebangs + - id: check-shebang-scripts-are-executable + - id: detect-private-key + - id: debug-statements + - id: no-commit-to-branch - repo: https://github.com/PyCQA/isort rev: 5.13.2 hooks: @@ -13,8 +33,3 @@ repos: additional_dependencies: ['.[jupyter]'] types: [python, jupyter] types_or: [python, jupyter] - - - repo: https://github.com/pre-commit/pre-commit-hooks - rev: v5.0.0 - hooks: - - id: no-commit-to-branch \ No newline at end of file diff --git a/3rdparty/amd/profiling/PROFILING.md b/3rdparty/amd/profiling/PROFILING.md index de0c2ef71a..3dfc193e32 100644 --- a/3rdparty/amd/profiling/PROFILING.md +++ b/3rdparty/amd/profiling/PROFILING.md @@ -6,5 +6,3 @@ Two primary methods are covered: - [Torch Profiler](https://pytorch.org/tutorials/recipes/recipes/profiler_recipe.html) - - diff --git a/3rdparty/amd/tuning/TUNING.md b/3rdparty/amd/tuning/TUNING.md index 9a37a4384e..6cff9f8b7d 100644 --- a/3rdparty/amd/tuning/TUNING.md +++ b/3rdparty/amd/tuning/TUNING.md @@ -29,18 +29,18 @@ def _triton_kernel_funtion(): ... ``` ## 2. Torch Tunable Operations -**TunableOp** is a feature in PyTorch that allows for the definition and optimization of custom kernels with tunable parameters. This feature is particularly useful for enhancing the performance of kernels by experimenting with different configurations. +**TunableOp** is a feature in PyTorch that allows for the definition and optimization of custom kernels with tunable parameters. This feature is particularly useful for enhancing the performance of kernels by experimenting with different configurations. ### Key Environment Variables: -1. **PYTORCH_TUNABLEOP_ENABLED**: +1. **PYTORCH_TUNABLEOP_ENABLED**: - Default: `0` - Set to `1` to enable TunableOp. -2. **PYTORCH_TUNABLEOP_TUNING**: +2. **PYTORCH_TUNABLEOP_TUNING**: - Default: `1` - Set to `0` to disable tuning. If a tuned entry is not found, it will run the tuning step and record the entry when PYTORCH_TUNABLEOP_ENABLED is enabled. -3. **PYTORCH_TUNABLEOP_VERBOSE**: +3. **PYTORCH_TUNABLEOP_VERBOSE**: - Default: `0` - Set to `1` to enable verbose output for TunableOp. @@ -66,20 +66,20 @@ The following are suggestions for optimizing matrix multiplication (GEMM) and co To tune Triton kernels with GEMM and convolution ops (conv), use the `torch.compile` function with the max-autotune mode. This benchmarks a predefined list of Triton configurations and selects the fastest one for each shape. ### Key Configurations: -1. **Max Autotune**: +1. **Max Autotune**: - Set `torch._inductor.config.max_autotune = True` or `TORCHINDUCTOR_MAX_AUTOTUNE=1`. 2. **Fine-Grained Control**: - Enable GEMM tuning: `torch._inductor.config.max_autotune_gemm = True`. - Enable tuning for pointwise/reduction ops: `torch._inductor.config.max_autotune.pointwise = True`. -3. **Backend Selection**: +3. **Backend Selection**: - Use `torch._inductor.max_autotune_gemm_backends` to limit backends to TRITON for better performance. -4. **Freezing for Inference**: +4. **Freezing for Inference**: - Use `torch._inductor.config.freezing=True` to enable constant folding optimizations. -5. **Debugging**: +5. **Debugging**: - Set `TORCH_COMPILE_DEBUG=1` to extract Triton kernels generated by Inductor. ### Example Code Block: @@ -98,4 +98,4 @@ TORCHINDUCTOR_FREEZING=1 your_script.sh For more detailed information on tuning SGLang performance with AMD GPUs, please refer to the following link: -[ROCm Documentation: Triton Kernel Performance Optimization](https://rocm.docs.amd.com/en/latest/how-to/tuning-guides/mi300x/workload.html#triton-kernel-performance-optimization) \ No newline at end of file +[ROCm Documentation: Triton Kernel Performance Optimization](https://rocm.docs.amd.com/en/latest/how-to/tuning-guides/mi300x/workload.html#triton-kernel-performance-optimization) diff --git a/benchmark/blog_v0_2/405b_sglang.sh b/benchmark/blog_v0_2/405b_sglang.sh index d31f8daf8e..4e3372ae8c 100644 --- a/benchmark/blog_v0_2/405b_sglang.sh +++ b/benchmark/blog_v0_2/405b_sglang.sh @@ -21,4 +21,4 @@ python3 -m sglang.bench_serving --backend sglang --dataset-name random --num-pro python3 -m sglang.bench_serving --backend sglang --dataset-name random --num-prompt 600 --request-rate 2 --random-input 1024 --random-output 1024 > sglang_log32 python3 -m sglang.bench_serving --backend sglang --dataset-name random --num-prompt 1200 --request-rate 4 --random-input 1024 --random-output 1024 > sglang_log33 python3 -m sglang.bench_serving --backend sglang --dataset-name random --num-prompt 2400 --request-rate 8 --random-input 1024 --random-output 1024 > sglang_log34 -python3 -m sglang.bench_serving --backend sglang --dataset-name random --num-prompt 3200 --request-rate 16 --random-input 1024 --random-output 1024 > sglang_log35 \ No newline at end of file +python3 -m sglang.bench_serving --backend sglang --dataset-name random --num-prompt 3200 --request-rate 16 --random-input 1024 --random-output 1024 > sglang_log35 diff --git a/benchmark/blog_v0_2/405b_vllm.sh b/benchmark/blog_v0_2/405b_vllm.sh index 17833a2000..d1ef048e8f 100644 --- a/benchmark/blog_v0_2/405b_vllm.sh +++ b/benchmark/blog_v0_2/405b_vllm.sh @@ -21,4 +21,4 @@ python3 ../../python/sglang/bench_serving.py --backend vllm --dataset-name rando python3 ../../python/sglang/bench_serving.py --backend vllm --dataset-name random --num-prompt 600 --request-rate 2 --random-input 1024 --random-output 1024 > vllm_log32 python3 ../../python/sglang/bench_serving.py --backend vllm --dataset-name random --num-prompt 1200 --request-rate 4 --random-input 1024 --random-output 1024 > vllm_log33 python3 ../../python/sglang/bench_serving.py --backend vllm --dataset-name random --num-prompt 2400 --request-rate 8 --random-input 1024 --random-output 1024 > vllm_log34 -python3 ../../python/sglang/bench_serving.py --backend vllm --dataset-name random --num-prompt 3200 --request-rate 16 --random-input 1024 --random-output 1024 > vllm_log35 \ No newline at end of file +python3 ../../python/sglang/bench_serving.py --backend vllm --dataset-name random --num-prompt 3200 --request-rate 16 --random-input 1024 --random-output 1024 > vllm_log35 diff --git a/benchmark/generative_agents/agent_functions.py b/benchmark/generative_agents/agent_functions.py index e46ceb09eb..9785fc1ece 100644 --- a/benchmark/generative_agents/agent_functions.py +++ b/benchmark/generative_agents/agent_functions.py @@ -30,22 +30,22 @@ def poignancy_event_prompt(persona_name, persona_iss, event): @sgl.function def generate_event_triple(s, persona_name, action): s += """Task: Turn the input into (subject, predicate, object). -Input: Sam Johnson is eating breakfast. -Output: (Dolores Murphy, eat, breakfast) ---- +Input: Sam Johnson is eating breakfast. +Output: (Dolores Murphy, eat, breakfast) +--- Input: Joon Park is brewing coffee. Output: (Joon Park, brew, coffee) --- -Input: Jane Cook is sleeping. +Input: Jane Cook is sleeping. Output: (Jane Cook, is, sleep) --- -Input: Michael Bernstein is writing email on a computer. +Input: Michael Bernstein is writing email on a computer. Output: (Michael Bernstein, write, email) --- -Input: Percy Liang is teaching students in a classroom. +Input: Percy Liang is teaching students in a classroom. Output: (Percy Liang, teach, students) --- -Input: Merrie Morris is running on a treadmill. +Input: Merrie Morris is running on a treadmill. Output: (Merrie Morris, run, treadmill) ---""" s += persona_name + "is" + action + ".\n" @@ -56,22 +56,22 @@ def generate_event_triple(s, persona_name, action): def generate_event_triple_prompt(persona_name, action): s = "" s += """Task: Turn the input into (subject, predicate, object). -Input: Sam Johnson is eating breakfast. -Output: (Dolores Murphy, eat, breakfast) ---- +Input: Sam Johnson is eating breakfast. +Output: (Dolores Murphy, eat, breakfast) +--- Input: Joon Park is brewing coffee. Output: (Joon Park, brew, coffee) --- -Input: Jane Cook is sleeping. +Input: Jane Cook is sleeping. Output: (Jane Cook, is, sleep) --- -Input: Michael Bernstein is writing email on a computer. +Input: Michael Bernstein is writing email on a computer. Output: (Michael Bernstein, write, email) --- -Input: Percy Liang is teaching students in a classroom. +Input: Percy Liang is teaching students in a classroom. Output: (Percy Liang, teach, students) --- -Input: Merrie Morris is running on a treadmill. +Input: Merrie Morris is running on a treadmill. Output: (Merrie Morris, run, treadmill) ---""" s += persona_name + "is" + action + ".\n" @@ -107,9 +107,9 @@ def action_location_sector( current_action, next_action, ): - s += """Task -- choose an appropriate area from the area options for a task at hand. + s += """Task -- choose an appropriate area from the area options for a task at hand. Sam Kim lives in {Sam Kim's house} that has Sam Kim's room, bathroom, kitchen. -Sam Kim is currently in {Sam Kim's house} that has Sam Kim's room, bathroom, kitchen. +Sam Kim is currently in {Sam Kim's house} that has Sam Kim's room, bathroom, kitchen. Area options: {Sam Kim's house, The Rose and Crown Pub, Hobbs Cafe, Oak Hill College, Johnson Park, Harvey Oak Supply Store, The Willows Market and Pharmacy}. * Stay in the current area if the activity can be done there. Only go out if the activity needs to take place in another place. * Must be one of the "Area options," verbatim. @@ -117,7 +117,7 @@ def action_location_sector( --- Jane Anderson lives in {Oak Hill College Student Dormatory} that has Jane Anderson's room. Jane Anderson is currently in {Oak Hill College} that has a classroom, library -Area options: {Oak Hill College Student Dormatory, The Rose and Crown Pub, Hobbs Cafe, Oak Hill College, Johnson Park, Harvey Oak Supply Store, The Willows Market and Pharmacy}. +Area options: {Oak Hill College Student Dormatory, The Rose and Crown Pub, Hobbs Cafe, Oak Hill College, Johnson Park, Harvey Oak Supply Store, The Willows Market and Pharmacy}. * Stay in the current area if the activity can be done there. Only go out if the activity needs to take place in another place. * Must be one of the "Area options," verbatim. For eating dinner, Jane Anderson should go to the following area: {Hobbs Cafe} @@ -167,9 +167,9 @@ def action_location_sector_prompt( next_action, ): s = "" - s += """Task -- choose an appropriate area from the area options for a task at hand. + s += """Task -- choose an appropriate area from the area options for a task at hand. Sam Kim lives in {Sam Kim's house} that has Sam Kim's room, bathroom, kitchen. -Sam Kim is currently in {Sam Kim's house} that has Sam Kim's room, bathroom, kitchen. +Sam Kim is currently in {Sam Kim's house} that has Sam Kim's room, bathroom, kitchen. Area options: {Sam Kim's house, The Rose and Crown Pub, Hobbs Cafe, Oak Hill College, Johnson Park, Harvey Oak Supply Store, The Willows Market and Pharmacy}. * Stay in the current area if the activity can be done there. Only go out if the activity needs to take place in another place. * Must be one of the "Area options," verbatim. @@ -177,7 +177,7 @@ def action_location_sector_prompt( --- Jane Anderson lives in {Oak Hill College Student Dormatory} that has Jane Anderson's room. Jane Anderson is currently in {Oak Hill College} that has a classroom, library -Area options: {Oak Hill College Student Dormatory, The Rose and Crown Pub, Hobbs Cafe, Oak Hill College, Johnson Park, Harvey Oak Supply Store, The Willows Market and Pharmacy}. +Area options: {Oak Hill College Student Dormatory, The Rose and Crown Pub, Hobbs Cafe, Oak Hill College, Johnson Park, Harvey Oak Supply Store, The Willows Market and Pharmacy}. * Stay in the current area if the activity can be done there. Only go out if the activity needs to take place in another place. * Must be one of the "Area options," verbatim. For eating dinner, Jane Anderson should go to the following area: {Hobbs Cafe} @@ -226,7 +226,7 @@ def action_location_object( For cooking, Jane Anderson should go to the following area in Jane Anderson's house: Answer: {kitchen} --- -Tom Watson is in common room in Tom Watson's apartment. +Tom Watson is in common room in Tom Watson's apartment. Tom Watson is going to Hobbs Cafe that has the following areas: {cafe} Stay in the current area if the activity can be done there. Never go into other people's rooms unless necessary. For getting coffee, Tom Watson should go to the following area in Hobbs Cafe: @@ -240,7 +240,7 @@ def action_location_object( + target_sector_areas + "}\n" ) - s += """* Stay in the current area if the activity can be done there. + s += """* Stay in the current area if the activity can be done there. * NEVER go into other people's rooms unless necessary.""" s += ( persona_name @@ -268,7 +268,7 @@ def action_location_object_prompt( For cooking, Jane Anderson should go to the following area in Jane Anderson's house: Answer: {kitchen} --- -Tom Watson is in common room in Tom Watson's apartment. +Tom Watson is in common room in Tom Watson's apartment. Tom Watson is going to Hobbs Cafe that has the following areas: {cafe} Stay in the current area if the activity can be done there. Never go into other people's rooms unless necessary. For getting coffee, Tom Watson should go to the following area in Hobbs Cafe: @@ -282,7 +282,7 @@ def action_location_object_prompt( + target_sector_areas + "}\n" ) - s += """* Stay in the current area if the activity can be done there. + s += """* Stay in the current area if the activity can be done there. * NEVER go into other people's rooms unless necessary.""" s += ( persona_name diff --git a/benchmark/json_decode_regex/README.md b/benchmark/json_decode_regex/README.md index ec575a6b1c..26acabae9e 100644 --- a/benchmark/json_decode_regex/README.md +++ b/benchmark/json_decode_regex/README.md @@ -20,7 +20,7 @@ outlines 0.0.22 Run Llama-7B ``` -python3 -m sglang.launch_server --model-path meta-llama/Llama-2-7b-chat-hf --port 30000 +python3 -m sglang.launch_server --model-path meta-llama/Llama-2-7b-chat-hf --port 30000 ``` Run Mixtral-8x7B diff --git a/benchmark/json_jump_forward/README.md b/benchmark/json_jump_forward/README.md index 1a34d3669e..38fb67e89b 100644 --- a/benchmark/json_jump_forward/README.md +++ b/benchmark/json_jump_forward/README.md @@ -23,7 +23,7 @@ python3 build_dataset.py Run Llama-7B ```bash -python3 -m sglang.launch_server --model-path meta-llama/Llama-2-7b-chat-hf --port 30000 +python3 -m sglang.launch_server --model-path meta-llama/Llama-2-7b-chat-hf --port 30000 ``` Benchmark Character Generation diff --git a/benchmark/json_jump_forward/dataset.txt b/benchmark/json_jump_forward/dataset.txt index f3c8b5f602..c12421e5d3 100644 --- a/benchmark/json_jump_forward/dataset.txt +++ b/benchmark/json_jump_forward/dataset.txt @@ -47,4 +47,4 @@ Quirinus Quirrell Nearly Headless Nick Aunt Marge Griphook -Ludo Bagman \ No newline at end of file +Ludo Bagman diff --git a/benchmark/llava_bench/README.md b/benchmark/llava_bench/README.md index ba38021152..a71f339df7 100644 --- a/benchmark/llava_bench/README.md +++ b/benchmark/llava_bench/README.md @@ -4,7 +4,7 @@ python3 download_images.py ``` -image benchmark source: https://huggingface.co/datasets/liuhaotian/llava-bench-in-the-wild +image benchmark source: https://huggingface.co/datasets/liuhaotian/llava-bench-in-the-wild ### Other Dependency ``` diff --git a/benchmark/llava_bench/bench_hf_llava_bench.sh b/benchmark/llava_bench/bench_hf_llava_bench.sh old mode 100644 new mode 100755 diff --git a/benchmark/llava_bench/bench_hf_mme.sh b/benchmark/llava_bench/bench_hf_mme.sh old mode 100644 new mode 100755 diff --git a/benchmark/llm_judge/README.md b/benchmark/llm_judge/README.md index 08255b641e..164b19a081 100644 --- a/benchmark/llm_judge/README.md +++ b/benchmark/llm_judge/README.md @@ -30,4 +30,4 @@ python3 bench_other.py --backend guidance --num-questions 25 --parallel 1 --n-ct ``` python3 bench_other.py --backend lmql --num-questions 25 --parallel 1 -``` \ No newline at end of file +``` diff --git a/benchmark/mmlu/download_data.sh b/benchmark/mmlu/download_data.sh index 7a74717764..fb224165e3 100644 --- a/benchmark/mmlu/download_data.sh +++ b/benchmark/mmlu/download_data.sh @@ -1,2 +1,2 @@ wget https://people.eecs.berkeley.edu/~hendrycks/data.tar -tar xf data.tar \ No newline at end of file +tar xf data.tar diff --git a/benchmark/multi_chain_reasoning/README.md b/benchmark/multi_chain_reasoning/README.md index b9c3f4d851..4c9f740f5f 100644 --- a/benchmark/multi_chain_reasoning/README.md +++ b/benchmark/multi_chain_reasoning/README.md @@ -43,7 +43,7 @@ python3 bench_other.py --num-questions 8 --backend guidance --parallel 1 --n-ctx ``` ### Benchmark lmql - + ``` python3 bench_other.py --num-questions 64 --backend lmql --parallel 1 ``` diff --git a/benchmark/react/README.md b/benchmark/react/README.md index 24b3e95dfe..51bcaa44aa 100644 --- a/benchmark/react/README.md +++ b/benchmark/react/README.md @@ -31,4 +31,4 @@ python3 bench_other.py --num-questions 100 --backend guidance --parallel 1 --n-c ``` python3 bench_other.py --num-questions 100 --backend lmql --parallel 1 -``` \ No newline at end of file +``` diff --git a/benchmark/react/bench_other.py b/benchmark/react/bench_other.py index a850bdfb35..91c5546f13 100644 --- a/benchmark/react/bench_other.py +++ b/benchmark/react/bench_other.py @@ -11,7 +11,7 @@ def get_prompt(question): prompt = ( - """Solve a question answering task with interleaving Thought, Action, Observation steps. Thought can reason about the current situation, and Action can be three types: + """Solve a question answering task with interleaving Thought, Action, Observation steps. Thought can reason about the current situation, and Action can be three types: (1) Search[entity], which searches the exact entity on Wikipedia and returns the first paragraph if it exists. If not, it will return some similar entities to search. (2) Lookup[keyword], which returns the next sentence containing keyword in the current passage. (3) Finish[answer], which returns the answer and finishes the task. @@ -37,7 +37,7 @@ def get_prompt(question): Observation 1: Milhouse Mussolini Van Houten is a recurring character in the Fox animated television series The Simpsons voiced by Pamela Hayden and created by Matt Groening. Thought 2: The paragraph does not tell who Milhouse is named after, maybe I can look up "named after". Action 2: Lookup[named after] -Observation 2: (Result 1 / 1) Milhouse was named after U.S. president Richard Nixon, whose middle name was Milhous. +Observation 2: (Result 1 / 1) Milhouse was named after U.S. president Richard Nixon, whose middle name was Milhous. Thought 3: Milhouse was named after U.S. president Richard Nixon, so the answer is Richard Nixon. Action 3: Finish[Richard Nixon] Question: Which documentary is about Finnish rock groups, Adam Clayton Powell or The Saimaa Gesture? @@ -62,10 +62,10 @@ def get_prompt(question): Question: Which magazine was started first Arthur's Magazine or First for Women? Thought 1: I need to search Arthur's Magazine and First for Women, and find which was started first. Action 1: Search[Arthur's Magazine] -Observation 1: Arthur's Magazine (1844-1846) was an American literary periodical published in Philadelphia in the 19th century. +Observation 1: Arthur's Magazine (1844-1846) was an American literary periodical published in Philadelphia in the 19th century. Thought 2: Arthur's Magazine was started in 1844. I need to search First for Women next. Action 2: Search[First for Women] -Observation 2: First for Women is a woman's magazine published by Bauer Media Group in the USA.[1] The magazine was started in 1989. +Observation 2: First for Women is a woman's magazine published by Bauer Media Group in the USA.[1] The magazine was started in 1989. Thought 3: First for Women was started in 1989. 1844 (Arthur's Magazine) < 1989 (First for Women), so Arthur's Magazine was started first. Action 3: Finish[Arthur's Magazine] Question: Were Pavel Urysohn and Leonid Levin known for the same type of work? @@ -74,8 +74,8 @@ def get_prompt(question): Observation 1: Pavel Samuilovich Urysohn (February 3, 1898 â August 17, 1924) was a Soviet mathematician who is best known for his contributions in dimension theory. Thought 2: Pavel Urysohn is a mathematician. I need to search Leonid Levin next and find its type of work. Action 2: Search[Leonid Levin] -Observation 2: Leonid Anatolievich Levin is a Soviet-American mathematician and computer scientist. -Thought 3: Leonid Levin is a mathematician and computer scientist. So Pavel Urysohn and Leonid Levin have the same type of work. +Observation 2: Leonid Anatolievich Levin is a Soviet-American mathematician and computer scientist. +Thought 3: Leonid Levin is a mathematician and computer scientist. So Pavel Urysohn and Leonid Levin have the same type of work. Action 3: Finish[yes] """ + question diff --git a/benchmark/react/bench_sglang.py b/benchmark/react/bench_sglang.py index 39cd582092..b07105e2cb 100644 --- a/benchmark/react/bench_sglang.py +++ b/benchmark/react/bench_sglang.py @@ -13,7 +13,7 @@ @sgl.function def webthink(s, question, triplets): s += ( - """Solve a question answering task with interleaving Thought, Action, Observation steps. Thought can reason about the current situation, and Action can be three types: + """Solve a question answering task with interleaving Thought, Action, Observation steps. Thought can reason about the current situation, and Action can be three types: (1) Search[entity], which searches the exact entity on Wikipedia and returns the first paragraph if it exists. If not, it will return some similar entities to search. (2) Lookup[keyword], which returns the next sentence containing keyword in the current passage. (3) Finish[answer], which returns the answer and finishes the task. @@ -39,7 +39,7 @@ def webthink(s, question, triplets): Observation 1: Milhouse Mussolini Van Houten is a recurring character in the Fox animated television series The Simpsons voiced by Pamela Hayden and created by Matt Groening. Thought 2: The paragraph does not tell who Milhouse is named after, maybe I can look up "named after". Action 2: Lookup[named after] -Observation 2: (Result 1 / 1) Milhouse was named after U.S. president Richard Nixon, whose middle name was Milhous. +Observation 2: (Result 1 / 1) Milhouse was named after U.S. president Richard Nixon, whose middle name was Milhous. Thought 3: Milhouse was named after U.S. president Richard Nixon, so the answer is Richard Nixon. Action 3: Finish[Richard Nixon] Question: Which documentary is about Finnish rock groups, Adam Clayton Powell or The Saimaa Gesture? @@ -64,10 +64,10 @@ def webthink(s, question, triplets): Question: Which magazine was started first Arthur's Magazine or First for Women? Thought 1: I need to search Arthur's Magazine and First for Women, and find which was started first. Action 1: Search[Arthur's Magazine] -Observation 1: Arthur's Magazine (1844-1846) was an American literary periodical published in Philadelphia in the 19th century. +Observation 1: Arthur's Magazine (1844-1846) was an American literary periodical published in Philadelphia in the 19th century. Thought 2: Arthur's Magazine was started in 1844. I need to search First for Women next. Action 2: Search[First for Women] -Observation 2: First for Women is a woman's magazine published by Bauer Media Group in the USA.[1] The magazine was started in 1989. +Observation 2: First for Women is a woman's magazine published by Bauer Media Group in the USA.[1] The magazine was started in 1989. Thought 3: First for Women was started in 1989. 1844 (Arthur's Magazine) < 1989 (First for Women), so Arthur's Magazine was started first. Action 3: Finish[Arthur's Magazine] Question: Were Pavel Urysohn and Leonid Levin known for the same type of work? @@ -76,8 +76,8 @@ def webthink(s, question, triplets): Observation 1: Pavel Samuilovich Urysohn (February 3, 1898 â August 17, 1924) was a Soviet mathematician who is best known for his contributions in dimension theory. Thought 2: Pavel Urysohn is a mathematician. I need to search Leonid Levin next and find its type of work. Action 2: Search[Leonid Levin] -Observation 2: Leonid Anatolievich Levin is a Soviet-American mathematician and computer scientist. -Thought 3: Leonid Levin is a mathematician and computer scientist. So Pavel Urysohn and Leonid Levin have the same type of work. +Observation 2: Leonid Anatolievich Levin is a Soviet-American mathematician and computer scientist. +Thought 3: Leonid Levin is a mathematician and computer scientist. So Pavel Urysohn and Leonid Levin have the same type of work. Action 3: Finish[yes] """ + question diff --git a/benchmark/tip_suggestion/.gitignore b/benchmark/tip_suggestion/.gitignore index f1aeb25d49..3322de9b9f 100644 --- a/benchmark/tip_suggestion/.gitignore +++ b/benchmark/tip_suggestion/.gitignore @@ -1 +1 @@ -!topic.jsonl \ No newline at end of file +!topic.jsonl diff --git a/benchmark/tip_suggestion/README.md b/benchmark/tip_suggestion/README.md index be15da6239..97ebe1d82f 100644 --- a/benchmark/tip_suggestion/README.md +++ b/benchmark/tip_suggestion/README.md @@ -30,4 +30,4 @@ python3 bench_other.py --backend guidance --num-questions 32 --parallel 1 --n-ct ``` python3 bench_other.py --backend lmql --num-questions 32 --parallel 1 -``` \ No newline at end of file +``` diff --git a/benchmark/tip_suggestion/topic.jsonl b/benchmark/tip_suggestion/topic.jsonl index 1d818089d2..c8ac6d12e3 100644 --- a/benchmark/tip_suggestion/topic.jsonl +++ b/benchmark/tip_suggestion/topic.jsonl @@ -47,4 +47,4 @@ {"topic": "self-publishing a book", "number": 7} {"topic": "starting an urban farm", "number": 6} {"topic": "improving your memory", "number": 8} -{"topic": "creating a personal brand online", "number": 9} \ No newline at end of file +{"topic": "creating a personal brand online", "number": 9} diff --git a/docs/README.md b/docs/README.md index 5dba730e32..29afab90a6 100644 --- a/docs/README.md +++ b/docs/README.md @@ -31,4 +31,4 @@ Clone [sgl-project.github.io](https://github.com/sgl-project/sgl-project.github. ```bash export DOC_SITE_PATH=../../sgl-project.github.io # update this with your path python3 deploy.py -``` \ No newline at end of file +``` diff --git a/docs/_static/css/custom_log.css b/docs/_static/css/custom_log.css index 9b1c4611df..61f65d0199 100644 --- a/docs/_static/css/custom_log.css +++ b/docs/_static/css/custom_log.css @@ -5,13 +5,13 @@ table.autosummary td { width: 50% } - + img.align-center { display: block; margin-left: auto; margin-right: auto; } - + .output_area.stderr { color: #d3d3d3 !important; } @@ -26,4 +26,4 @@ div.output_area.stderr { div.output_area.stdout { color: #d3d3d3 !important; -} \ No newline at end of file +} diff --git a/docs/backend/backend.md b/docs/backend/backend.md index 0f945364e3..51c9bc35a5 100644 --- a/docs/backend/backend.md +++ b/docs/backend/backend.md @@ -147,7 +147,7 @@ docker run --gpus all \ lmsysorg/sglang:latest \ python3 -m sglang.launch_server --model-path Qwen/Qwen2.5-7B-Instruct --host 0.0.0.0 --port 30000 ``` - +
## Example: Run Llama 3.1 405B diff --git a/docs/conf.py b/docs/conf.py index f4d60f4dc7..e0656bb65c 100644 --- a/docs/conf.py +++ b/docs/conf.py @@ -198,4 +198,4 @@ def setup(app): color: #d3d3d3 !important; /* light gray */ } -""" \ No newline at end of file +""" diff --git a/docs/deploy.py b/docs/deploy.py index 35ebbcb6ca..75b7ea7f23 100644 --- a/docs/deploy.py +++ b/docs/deploy.py @@ -1,22 +1,22 @@ -# Deploy the documents +# Deploy the documents import os from datetime import datetime -def run_cmd(cmd): - print(cmd) - os.system(cmd) +def run_cmd(cmd): + print(cmd) + os.system(cmd) -run_cmd("cd $DOC_SITE_PATH; git pull") +run_cmd("cd $DOC_SITE_PATH; git pull") -# (Optional) Remove old files -# run_cmd("rm -rf $ALPA_SITE_PATH/*") +# (Optional) Remove old files +# run_cmd("rm -rf $ALPA_SITE_PATH/*") -run_cmd("cp -r _build/html/* $DOC_SITE_PATH") +run_cmd("cp -r _build/html/* $DOC_SITE_PATH") -cmd_message = f"Update {datetime.now().strftime('%Y-%m-%d %H:%M:%S')}" -run_cmd( - f"cd $DOC_SITE_PATH; git add .; git commit -m '{cmd_message}'; git push origin main" -) +cmd_message = f"Update {datetime.now().strftime('%Y-%m-%d %H:%M:%S')}" +run_cmd( + f"cd $DOC_SITE_PATH; git add .; git commit -m '{cmd_message}'; git push origin main" +) diff --git a/docs/references/choices_methods.md b/docs/references/choices_methods.md index e0f3ed313c..30a0a1814b 100644 --- a/docs/references/choices_methods.md +++ b/docs/references/choices_methods.md @@ -74,4 +74,4 @@ def example(s): choices_method=sgl.unconditional_likelihood_normalized, ) ) -``` \ No newline at end of file +``` diff --git a/docs/references/custom_chat_template.md b/docs/references/custom_chat_template.md index 2803abc012..a4418533ab 100644 --- a/docs/references/custom_chat_template.md +++ b/docs/references/custom_chat_template.md @@ -37,4 +37,4 @@ You can also use the Jinja template format, defined by Hugging Face transformers ``` python -m sglang.launch_server --model-path meta-llama/Llama-2-7b-chat-hf --port 30000 --chat-template ./my_model_template.jinja -``` \ No newline at end of file +``` diff --git a/docs/references/hyperparameter_tuning.md b/docs/references/hyperparameter_tuning.md index 32759cadc5..89faa479be 100644 --- a/docs/references/hyperparameter_tuning.md +++ b/docs/references/hyperparameter_tuning.md @@ -25,9 +25,9 @@ If you see `decode out of memory happened` occasionally but not frequently, it i Data parallelism is better for throughput. When there is enough GPU memory, always favor data parallelism for throughput. ### Avoid out-of-memory by Tuning `--chunked-prefill-size`, `--mem-fraction-static`, `--max-running-requests` -If you see out of memory (OOM) errors, you can try to tune the following parameters. -If OOM happens during prefill, try to decrease `--chunked-prefill-size` to `4096` or `2048`. -If OOM happens during decoding, try to decrease `--max-running-requests`. +If you see out of memory (OOM) errors, you can try to tune the following parameters. +If OOM happens during prefill, try to decrease `--chunked-prefill-size` to `4096` or `2048`. +If OOM happens during decoding, try to decrease `--max-running-requests`. You can also try to decrease `--mem-fraction-static`, which reduces the memory usage of the KV cache memory pool and helps both prefill and decoding. ### Try Advanced Options diff --git a/docs/references/learn_more.md b/docs/references/learn_more.md index 62d02a0cae..d5c430e216 100644 --- a/docs/references/learn_more.md +++ b/docs/references/learn_more.md @@ -1,3 +1,3 @@ # Learn more -You can find more blogs, slides, and videos about SGLang at [https://github.com/sgl-project/sgl-learning-materials](https://github.com/sgl-project/sgl-learning-materials). \ No newline at end of file +You can find more blogs, slides, and videos about SGLang at [https://github.com/sgl-project/sgl-learning-materials](https://github.com/sgl-project/sgl-learning-materials). diff --git a/docs/references/sampling_params.md b/docs/references/sampling_params.md index 333b8fcd15..d144b059d8 100644 --- a/docs/references/sampling_params.md +++ b/docs/references/sampling_params.md @@ -223,4 +223,4 @@ response = requests.post( }, ) print(response.json()) -``` \ No newline at end of file +``` diff --git a/docs/references/troubleshooting.md b/docs/references/troubleshooting.md index 19eaa2879b..becb186df7 100644 --- a/docs/references/troubleshooting.md +++ b/docs/references/troubleshooting.md @@ -3,9 +3,9 @@ This page lists some common errors and tips for fixing them. ## CUDA out of memory -If you see out of memory (OOM) errors, you can try to tune the following parameters. -If OOM happens during prefill, try to decrease `--chunked-prefill-size` to `4096` or `2048`. -If OOM happens during decoding, try to decrease `--max-running-requests`. +If you see out of memory (OOM) errors, you can try to tune the following parameters. +If OOM happens during prefill, try to decrease `--chunked-prefill-size` to `4096` or `2048`. +If OOM happens during decoding, try to decrease `--max-running-requests`. You can also try to decrease `--mem-fraction-static`, which reduces the memory usage of the KV cache memory pool and helps both prefill and decoding. ## CUDA error: an illegal memory access was encountered diff --git a/docs/requirements.txt b/docs/requirements.txt index ad722fd21f..171d60e0a9 100644 --- a/docs/requirements.txt +++ b/docs/requirements.txt @@ -14,4 +14,4 @@ sphinx-book-theme sphinx-copybutton sphinx-tabs sphinxcontrib-mermaid -urllib3<2.0.0 \ No newline at end of file +urllib3<2.0.0 diff --git a/examples/frontend_language/usage/llava_video/srt_example_llava_v.sh b/examples/frontend_language/usage/llava_video/srt_example_llava_v.sh old mode 100644 new mode 100755 index 12b38c4b1b..ffb1af96df --- a/examples/frontend_language/usage/llava_video/srt_example_llava_v.sh +++ b/examples/frontend_language/usage/llava_video/srt_example_llava_v.sh @@ -33,7 +33,7 @@ CUR_NODES_IDX=$2 VIDEO_DIR=$3 -MODEL_PATH=$4 +MODEL_PATH=$4 NUM_FRAMES=$5 @@ -73,16 +73,16 @@ for IDX in $(seq 1 $LOCAL_CHUNKS); do ( START=$(((IDX-1) * GPUS_PER_CHUNK)) LENGTH=$GPUS_PER_CHUNK # Length for slicing, not the end index - + CHUNK_GPUS=(${GPULIST[@]:$START:$LENGTH}) - + # Convert the chunk GPUs array to a comma-separated string CHUNK_GPUS_STR=$(IFS=,; echo "${CHUNK_GPUS[*]}") LOCAL_IDX=$((CUR_NODES_IDX * LOCAL_CHUNKS + IDX)) echo "Chunk $(($LOCAL_IDX - 1)) will run on GPUs $CHUNK_GPUS_STR" - + # Calculate the port for this chunk. Ensure it's incremented by 5 for each chunk. PORT=$((10000 + RANDOM % 55536)) @@ -92,7 +92,7 @@ for IDX in $(seq 1 $LOCAL_CHUNKS); do while [ $RETRY_COUNT -lt $MAX_RETRIES ] && [ $COMMAND_STATUS -ne 0 ]; do echo "Running chunk $(($LOCAL_IDX - 1)) on GPUs $CHUNK_GPUS_STR with port $PORT. Attempt $(($RETRY_COUNT + 1))" - + #!/bin/bash CUDA_VISIBLE_DEVICES=$CHUNK_GPUS_STR python3 srt_example_llava_v.py \ --port $PORT \ @@ -102,10 +102,10 @@ for IDX in $(seq 1 $LOCAL_CHUNKS); do --video-dir $VIDEO_DIR \ --model-path $MODEL_PATH \ --num-frames $NUM_FRAMES #& - + wait $! # Wait for the process to finish and capture its exit status COMMAND_STATUS=$? - + if [ $COMMAND_STATUS -ne 0 ]; then echo "Execution failed for chunk $(($LOCAL_IDX - 1)), attempt $(($RETRY_COUNT + 1)). Retrying..." RETRY_COUNT=$(($RETRY_COUNT + 1)) @@ -124,8 +124,8 @@ done wait -cat work_dirs/llava_next_video_inference_results/final_results_chunk_*.csv > work_dirs/llava_next_video_inference_results/final_results_node_${CUR_NODES_IDX}.csv +cat work_dirs/llava_next_video_inference_results/final_results_chunk_*.csv > work_dirs/llava_next_video_inference_results/final_results_node_${CUR_NODES_IDX}.csv END_TIME=$(date +%s) # Capture end time ELAPSED_TIME=$(($END_TIME - $START_TIME)) -echo "Total execution time: $ELAPSED_TIME seconds." \ No newline at end of file +echo "Total execution time: $ELAPSED_TIME seconds." diff --git a/examples/frontend_language/usage/openai_chat_speculative.py b/examples/frontend_language/usage/openai_chat_speculative.py index a9c5f5afb3..f3fd74ed89 100644 --- a/examples/frontend_language/usage/openai_chat_speculative.py +++ b/examples/frontend_language/usage/openai_chat_speculative.py @@ -4,8 +4,8 @@ Show in "assistant" the desired answer format. Each "gen" term should have a stop token. The stream mode is not supported in speculative execution. -E.g. -correct: +E.g. +correct: sgl.assistant("\nName:" + sgl.gen("name", stop="\n") + "\nBirthday:" + sgl.gen("birthday", stop="\n") + "\nJob:" + sgl.gen("job", stop="\n")) incorrect: s += sgl.assistant("\nName:" + sgl.gen("name", stop="\n")) diff --git a/examples/frontend_language/usage/triton/Dockerfile b/examples/frontend_language/usage/triton/Dockerfile index d97342e26e..e4741a1dbf 100644 --- a/examples/frontend_language/usage/triton/Dockerfile +++ b/examples/frontend_language/usage/triton/Dockerfile @@ -7,4 +7,4 @@ RUN git clone https://github.com/sgl-project/sglang.git WORKDIR /opt/sglang RUN pip install --upgrade pip && \ pip install -e "python[all]" && \ - pip install datasets \ No newline at end of file + pip install datasets diff --git a/examples/frontend_language/usage/triton/README.md b/examples/frontend_language/usage/triton/README.md index 387f451d4f..b2e55961f4 100644 --- a/examples/frontend_language/usage/triton/README.md +++ b/examples/frontend_language/usage/triton/README.md @@ -32,4 +32,4 @@ curl -X POST http://localhost:8000/v2/models/character_generation/generate \ "INPUT_TEXT": ["harry"] }' -``` \ No newline at end of file +``` diff --git a/examples/runtime/engine/input_ids.py b/examples/runtime/engine/input_ids.py index 89de6f63a0..fd7eb7e22c 100644 --- a/examples/runtime/engine/input_ids.py +++ b/examples/runtime/engine/input_ids.py @@ -21,7 +21,7 @@ def main(): # Tokenize inputs tokenizer = get_tokenizer(MODEL_PATH) token_ids_list = [tokenizer.encode(prompt) for prompt in prompts] - + # Create an LLM. # You can also specify `skip_tokenizer_init=True`, but it requires explicit detokenization at the end llm = sgl.Engine(model_path=MODEL_PATH) @@ -36,4 +36,4 @@ def main(): # The __main__ condition is necessary here because we use "spawn" to create subprocesses # Spawn starts a fresh program every time, if there is no __main__, it will run into infinite loop to keep spawning processes from sgl.Engine if __name__ == "__main__": - main() \ No newline at end of file + main() diff --git a/examples/runtime/engine/readme.md b/examples/runtime/engine/readme.md index 14209ebd6d..1d70e99d0f 100644 --- a/examples/runtime/engine/readme.md +++ b/examples/runtime/engine/readme.md @@ -37,4 +37,4 @@ curl -X POST http://localhost:8000/generate -H "Content-Type: application/json" curl -X POST http://localhost:8000/generate_stream -H "Content-Type: application/json" -d '{"prompt": "The Transformer architecture is..."}' --no-buffer ``` -This will send both non-streaming and streaming requests to the server. \ No newline at end of file +This will send both non-streaming and streaming requests to the server. diff --git a/examples/runtime/llava_onevision/http_llama3_llava_test.py b/examples/runtime/llava_onevision/http_llama3_llava_test.py index a019e214d6..ed0e61631f 100644 --- a/examples/runtime/llava_onevision/http_llama3_llava_test.py +++ b/examples/runtime/llava_onevision/http_llama3_llava_test.py @@ -3,7 +3,7 @@ # Installing latest llava-next: pip install git+https://github.com/LLaVA-VL/LLaVA-NeXT.git # Installing latest sglang. -# Endpoint Service CLI: +# Endpoint Service CLI: python -m sglang.launch_server --model-path lmms-lab/llama3-llava-next-8b --port=30000 python3 http_llama3_llava_test.py diff --git a/examples/runtime/llava_onevision/http_qwen_llava_test.py b/examples/runtime/llava_onevision/http_qwen_llava_test.py index dca56e7a33..94ec4e0796 100644 --- a/examples/runtime/llava_onevision/http_qwen_llava_test.py +++ b/examples/runtime/llava_onevision/http_qwen_llava_test.py @@ -3,7 +3,7 @@ # Installing latest llava-next: pip install git+https://github.com/LLaVA-VL/LLaVA-NeXT.git # Installing latest sglang. -# Endpoint Service CLI: +# Endpoint Service CLI: python -m sglang.launch_server --model-path lmms-lab/llava-next-72b --port=30000 --tp-size=8 python3 http_qwen_llava_test.py diff --git a/python/sglang/srt/layers/quantization/base_config.py b/python/sglang/srt/layers/quantization/base_config.py index b45fcdea25..f4f5d2b47b 100644 --- a/python/sglang/srt/layers/quantization/base_config.py +++ b/python/sglang/srt/layers/quantization/base_config.py @@ -134,4 +134,4 @@ def method_has_implemented_embedding( class_embedding = inspect.getattr_static(method_class, "embedding", None) return (class_embedding is not None - and class_embedding is not base_embedding) \ No newline at end of file + and class_embedding is not base_embedding) diff --git a/python/sglang/srt/layers/vocab_parallel_embedding.py b/python/sglang/srt/layers/vocab_parallel_embedding.py index a9ca9da539..c1e758b022 100644 --- a/python/sglang/srt/layers/vocab_parallel_embedding.py +++ b/python/sglang/srt/layers/vocab_parallel_embedding.py @@ -311,7 +311,7 @@ def _get_indices(cls, vocab_size_padded: int, org_vocab_size_padded: int, def get_sharded_to_full_mapping(self) -> Optional[List[int]]: """Get a mapping that can be used to reindex the gathered logits for sampling. - + During sampling, we gather logits from all ranks. The relationship of index->token_id will follow the same format as outlined in the class docstring. However, after the gather, we want to reindex the final @@ -483,4 +483,4 @@ def tie_weights(self, embed_tokens: VocabParallelEmbedding): def forward(self, input_): del input_ - raise RuntimeError("LMHead's weights should be used in the sampler.") \ No newline at end of file + raise RuntimeError("LMHead's weights should be used in the sampler.") diff --git a/python/sglang/srt/managers/scheduler.py b/python/sglang/srt/managers/scheduler.py index 6d3d419d1a..f7933e0acd 100644 --- a/python/sglang/srt/managers/scheduler.py +++ b/python/sglang/srt/managers/scheduler.py @@ -838,7 +838,7 @@ def get_stats(self,batch: ScheduleBatch): time_per_output_tokens_iter: List[float] = [] # Request stats - # Decode + # Decode gen_throughput: float = 0.0 # Latency time_e2e_requests: List[float] = [] @@ -866,11 +866,11 @@ def get_stats(self,batch: ScheduleBatch): time_waiting_requests.append(req.queued_time - req.created_time) num_prompt_tokens_requests.append(len(req.origin_input_ids)) num_generation_tokens_requests.append(len(req.output_ids)) - finished_reason_requests.append( + finished_reason_requests.append( req.finished_reason.to_json() if req.finished_reason is not None else None) - + return Stats( new_seq=new_seq, num_running_req=num_running_req, diff --git a/python/sglang/srt/managers/tokenizer_manager.py b/python/sglang/srt/managers/tokenizer_manager.py index cc9e2bd262..60cfc1be1e 100644 --- a/python/sglang/srt/managers/tokenizer_manager.py +++ b/python/sglang/srt/managers/tokenizer_manager.py @@ -384,7 +384,7 @@ async def update_weights( obj.load_format = self.server_args.load_format if not self.model_update_lock.locked(): - + async with self.model_update_lock: # wait for the previous generation requests to finish while len(self.rid_to_state) > 0: diff --git a/python/sglang/srt/metrics/metrics_collector.py b/python/sglang/srt/metrics/metrics_collector.py index bb1eca88b1..df7d6961da 100644 --- a/python/sglang/srt/metrics/metrics_collector.py +++ b/python/sglang/srt/metrics/metrics_collector.py @@ -151,7 +151,7 @@ def __init__(self, labelnames: List[str], max_model_len): 0.005, 0.01, 0.015, 0.02, 0.025, 0.03, 0.04, 0.05, 0.075, 0.1, 0.15, 0.2, 0.3, 0.4, 0.5, 0.75, 1.0, 2.5 ]) - + # Request Stats # Metadata self.num_prompt_tokens_requests = Histogram( @@ -253,7 +253,7 @@ def log_stats(self, stats: Stats) -> None: stats.time_to_first_tokens_iter) self._log_histogram(self.metrics.histogram_time_per_output_token, stats.time_per_output_tokens_iter) - + # self._log_gauge(self.metrics.gpu_cache_usage_sys, stats.gpu_cache_usage_sys) self._log_gauge(self.metrics.num_running_sys, stats.num_running_req) self._log_gauge(self.metrics.num_waiting_sys, stats.num_waiting_req) @@ -294,4 +294,4 @@ def build_1_2_5_buckets(max_value: int) -> List[int]: buckets.append(value) else: return buckets - exponent += 1 \ No newline at end of file + exponent += 1 diff --git a/python/sglang/srt/metrics/metrics_types.py b/python/sglang/srt/metrics/metrics_types.py index f1b357f403..15e4a0dc71 100644 --- a/python/sglang/srt/metrics/metrics_types.py +++ b/python/sglang/srt/metrics/metrics_types.py @@ -54,4 +54,4 @@ class Stats: num_prompt_tokens_iter: int = 0 num_generation_tokens_iter: int = 0 time_to_first_tokens_iter: List[float] = field(default_factory=list) - time_per_output_tokens_iter: List[float] = field(default_factory=list) \ No newline at end of file + time_per_output_tokens_iter: List[float] = field(default_factory=list) diff --git a/python/sglang/srt/mm_utils.py b/python/sglang/srt/mm_utils.py index 7918f3f711..e6e3d17863 100644 --- a/python/sglang/srt/mm_utils.py +++ b/python/sglang/srt/mm_utils.py @@ -17,7 +17,7 @@ """ Utilities for multi-modal models. -This python file mainly contains utilities that were used in the +This python file mainly contains utilities that were used in the image processing logic of llava-next including operations such as anyres and anyres_max diff --git a/python/sglang/srt/models/gpt2.py b/python/sglang/srt/models/gpt2.py index 60c98bbf21..3495f24d05 100644 --- a/python/sglang/srt/models/gpt2.py +++ b/python/sglang/srt/models/gpt2.py @@ -136,7 +136,7 @@ def __init__( layer_id: int, config: GPT2Config, cache_config = None, - + quant_config: Optional[QuantizationConfig] = None, prefix: str = "", ): @@ -284,4 +284,4 @@ def load_weights(self, weights: Iterable[Tuple[str, torch.Tensor]]): default_weight_loader) weight_loader(param, loaded_weight) -EntryClass = GPT2LMHeadModel \ No newline at end of file +EntryClass = GPT2LMHeadModel diff --git a/python/sglang/srt/models/olmo.py b/python/sglang/srt/models/olmo.py old mode 100755 new mode 100644 diff --git a/python/sglang/srt/models/qwen2_vl.py b/python/sglang/srt/models/qwen2_vl.py index 82412a51a1..4e4fef3dcd 100644 --- a/python/sglang/srt/models/qwen2_vl.py +++ b/python/sglang/srt/models/qwen2_vl.py @@ -57,27 +57,27 @@ class Qwen2VLImageInputs(TypedDict): pixel_values: torch.Tensor - """Shape: + """Shape: `(num_patches, num_channels * patch_size * patch_size)` """ image_grid_thw: torch.Tensor """Shape: `(num_images, 3)` - + This should be in `(grid_t, grid_h, grid_w)` format. """ class Qwen2VLVideoInputs(TypedDict): pixel_values_videos: torch.Tensor - """Shape: - `(num_patches, + """Shape: + `(num_patches, num_channels * temporal_patch_size * patch_size * patch_size)` """ video_grid_thw: torch.Tensor """Shape: `(num_videos, 3)` - + This should be in `(grid_t, grid_h, grid_w)` format. """ diff --git a/python/sglang/srt/server.py b/python/sglang/srt/server.py index d295553469..895af0e699 100644 --- a/python/sglang/srt/server.py +++ b/python/sglang/srt/server.py @@ -759,7 +759,7 @@ def __init__(self, *args, **kwargs): # before python program terminates, call shutdown implicitly. Therefore, users don't have to explicitly call .shutdown() atexit.register(self.shutdown) - + # runtime server default log level is log # offline engine works in scripts, so we set it to error diff --git a/python/sglang/test/long_prompt.txt b/python/sglang/test/long_prompt.txt index 301d7e107d..8ec2b829a7 100644 --- a/python/sglang/test/long_prompt.txt +++ b/python/sglang/test/long_prompt.txt @@ -1 +1 @@ -You are given a report by a government agency. Write a one-page summary of the report.\n\nReport:\nIntroduction\n\nThroughout U.S. history, Congress has created advisory commissions to assist in the development of public policy. Among other contexts, commissions have been used following crisis situations, including the September 11, 2001, terrorist attacks and the 2008 financial crisis. In such situations, advisory commissions may potentially provide Congress with a high-visibility forum to assemble expertise that might not exist within the legislative environment; allow for the in-depth examination of complex, cross-cutting policy issues; and lend bipartisan credibility to a set of findings and recommendations.\nAs Congress considers its range of responses to the coronavirus pandemic, the creation of one or more congressional advisory commissions is an option that could provide a platform for evaluating various pandemic-related policy issues over time. Past congressional advisory commissions have retrospectively evaluated policy responses, brought together diverse groups of experts, and supplemented existing congressional oversight mechanisms. Policymakers may determine that creating an advisory commission is unnecessary and instead prefer to utilize existing congressional oversight structures, such as standing or select committees, or already established oversight entities.\nThis report provides a comparative analysis of five proposed congressional advisory commissions that would investigate various aspects of the COVID-19 pandemic. The five proposed commissions are found in H.R. 6429 (the National Commission on COVID-19 Act, sponsored by Representative Stephanie Murphy), H.R. 6431 (the Made in America Emergency Preparedness Act, sponsored by Representative Brian Fitzpatrick), H.R. 6440 (the Pandemic Rapid Response Act, sponsored by Representative Rodney Davis), H.R. 6455 (the COVID-19 Commission Act, sponsored by Representative Bennie Thompson), and H.R. 6548 (the National Commission on the COVID-19 Pandemic in the United States Act, sponsored by Representative Adam Schiff). The overall structures of each of the proposed commissions are similar in many respects, both to each other and to previous independent advisory entities established by Congress. Specifically, the proposed commissions would (1) exist temporarily; (2) serve in an advisory capacity; and (3) report a work product detailing the commission\'s findings, conclusions, and recommendations. That said, each particular proposed commission has distinctive elements, particularly concerning its membership structure, appointment structure, and time line for reporting its work product to Congress.\nThis report compares the (1) membership structure, (2) appointment structure, (3) rules of procedure and operation, (4) duties and reporting requirements, (5) powers of the commission, (6) staffing issues, and (7) funding for each of the proposed COVID-19 commissions. Table 1 (at the end of this report) provides a side-by-side comparison of major provisions of the five proposals.\n\n Membership Structure\n\nSeveral matters related to a commission\'s membership structure might be considered. They include the size of a commission, member qualifications, compensation of commission members, and requirements for partisan balance. \n\n Size of Commission\n\nIn general, there is significant variation in the size of congressional advisory commissions. Among 155 identified congressional commissions created between the 101 st Congress and the 115 th Congress, the median size was 12 members, with the smallest commission having 5 members and the largest 33 members.\nThe membership structure of each of the five proposed commissions is similar to previous independent advisory entities created by Congress. H.R. 6429 , H.R. 6431 , H.R. 6440 , and H.R. 6548 would each create a 10-member entity. H.R. 6455 would create a 25-member entity.\n\n Qualifications\n\nPast legislation creating congressional commissions has often required or suggested that commission members possess certain substantive qualifications. Such provisions arguably make it more likely that the commission is populated with genuine experts in the policy area, which may improve the commission\'s final work product.\nH.R. 6455 would provide that commissioners \"shall be a United States person with significant expertise\" in a variety of fields related to public health and public administration. H.R. 6440 , H.R. 6429 , H.R. 6431 , and H.R. 6548 would provide \"the sense of Congress\" that commission members should be \"prominent U.S. citizens\" who are nationally recognized experts in a variety of fields relevant to the pandemic and response efforts. In addition, H.R. 6429 , H.R. 6431 , H.R. 6440 , and H.R. 6548 all prohibit the appointment of federal, state, and local government employees and officers. H.R. 6455 would prohibit federal employees from being commission members.\n\n Compensation of Commission Members\n\nSome congressional commissions have compensated their members. For example, the National Commission on Terrorist Attacks Upon the United States (9/11 Commission) and the Financial Crisis Inquiry Commission provided that commission members could be compensated at a daily rate of basic pay. Nearly all have reimbursed members for travel expenses. Those that have provided for commissioner compensation most frequently provided compensation at the daily equivalent of level IV of the Executive Schedule.\nEach of the five proposals would provide that commission members be compensated at a rate \"not to exceed the daily equivalent of the annual rate of basic pay\" for level IV of the Executive Schedule, \"for each day during which that member is engaged in the actual performance of duties of the Commission.\" Members of three proposed commissions would receive travel expenses, including a per diem.\n\n Partisan Limitations\n\nEach proposal provides a limit on the number of members appointed from the same political party. H.R. 6455 would provide that not more than 13 of its 25 members may be from the same party. H.R. 6429 , H.R. 6431 , H.R. 6440 , and H.R. 6548 would provide that not more than 5 (of 10) members are from the same party. Most previous advisory entities created by Congress do not impose formal partisan restrictions on the membership structure. It may also be difficult to assess the political affiliation of potential members, who may have no formal affiliation (voter registration, for example) with a political party. Instead, most past advisory commissions usually achieve partisan balance through the appointment structure; for instance, by providing equal (or near-equal) numbers of appointments to congressional leaders of each party.\n\n Appointment Structure\n\nPast congressional commissions have used a wide variety of appointment structures. Considerations regarding appointment structures include partisan balance, filling vacancies, and the time line for making commission appointments.\nThe statutory scheme may directly designate members of the commission, such as a specific cabinet official or a congressional leader. In other cases, selected congressional leaders, often with balance between the parties, appoint commission members. A third common statutory scheme is to have selected leaders, such as committee chairs and ranking members, recommend candidates for appointment to a commission. These selected leaders may act either in parallel or jointly, and the recommendation may be made either to other congressional leaders, such as the Speaker of the House and President pro tempore of the Senate, or to the President.\nEach of the five commission proposals would delegate most or all appointment authority to congressional leaders (including chamber, party, and committee leaders; see Table 1 for details). Additionally, H.R. 6429 , H.R. 6431 , H.R. 6440 , and H.R. 6548 provide for one appointment to be made by the President. H.R. 6429 , H.R. 6431 , and H.R. 6548 would have the President appoint the commission\'s chair. H.R. 6455 has its membership appointed by the chairs and ranking members of designated House and Senate committees, and the Joint Economic Committee. H.R. 6455 does not provide any executive branch appointments.\nAttention to the proper balance between the number of members appointed by congressional leaders and by other individuals (such as the President), or to the number of Members of Congress required to be among the appointees, or to the qualifications of appointees, can be significant factors in enabling a commission to fulfill its congressional mandate.\nIn general, a commission\'s appointment scheme can impact both the commission\'s ability to fulfill its statutory duties and its final work product. For instance, if the scheme provides only for the appointment of Members of Congress to the commission, it arguably might not have the technical expertise or diversity of knowledge to complete its duties within the time given by statute. Similarly, if the appointment scheme includes qualifying provisos so specific that only a small set of private citizens could serve on the panel, the commission\'s final work product may arguably only represent a narrow range of viewpoints. None of the proposed COVID-19 commissions specify whether Members of Congress may serve on the commission.\n\n Partisan Balance in Appointment Authority\n\nMost previous congressional advisory commissions have been structured to be bipartisan, with an even (or near-even) split of appointments between leaders of the two major parties. By achieving a nonpartisan or bipartisan character, congressional commissions may make their findings and recommendations more politically acceptable to diverse viewpoints. The bipartisan or nonpartisan arrangement can give recommendations strong credibility, both in Congress and among the public, even when dealing with divisive public policy issues. Similarly, commission recommendations that are perceived as partisan may have difficulty gaining support in Congress.\nIn some cases, however, bipartisanship also can arguably impede a commission\'s ability to complete its mandate. In situations where a commission is tasked with studying divisive or partisan issues, the appointment of an equal number of majority and minority commissioners may serve to promote partisanship within the commission rather than suppress it, raising the possibility of deadlock where neither side can muster a majority to act.\nEach of the five proposals employs a structure where leaders in both the majority and minority parties in Congress would make appointments. H.R. 6429 , H.R. 6431 , and H.R. 6548 would provide for five majority and five minority appointments, including one for the President. H.R. 6440 would include two each by the Senate majority leader, the Senate minority leader, and the Speaker of the House, with one appointment by the House minority leader and one by the President, and the chair appointed by the Speaker and vice chair appointed by the Senate majority leader. H.R. 6455 would have 12 majority and 12 minority appointments made by the 12 committee chairs and ranking members and one member jointly appointed by the chair and vice chair of the Joint Economic Committee.\n\n Vacancies\n\nAll five proposals provide that vacancies on the commission will not affect its powers and would be filled in the same manner as the original appointment.\n\n Deadline for Appointments\n\nThree of the bills propose specific deadlines for the appointment of commissioners. H.R. 6429 and H.R. 6548 provide that appointments are made between specific dates in January or February 2021. Further, H.R. 6429 provides that commission members could be appointed in September 2020, if there is no longer a COVID-19 public health emergency in effect—as determined by the Secretary of Health and Human Services—as of August 31, 2020. H.R. 6440 would require all appointments be made by December 15, 2020. H.R. 6455 would require appointments to be made within 45 days after enactment. H.R. 6429 , H.R. 6440 , and H.R. 6548 would start the commission\'s work in early 2021, as the commission cannot operate without the appointment of members. H.R. 6429 , however would provide that the proposed commission\'s work would begin no later than October 31, 2020, if members are appointed in September 2020. H.R. 6431 does not specify a deadline for the appointment of members.\nTypically, deadlines for appointment can range from several weeks to several months. For example, the deadline for appointments to the Antitrust Modernization Commission was 60 days after the enactment of its establishing act. The deadline for appointment to the Commission on Wartime Contracting in Iraq and Afghanistan was 120 days from the date of enactment. The deadline for appointment to the 9/11 Commission was December 15, 2002, 18 days after enactment of the act.\n\n Rules of Procedure and Operations\n\nWhile most statutes that authorize congressional advisory commissions do not provide detailed procedures for how the commission should conduct its business, the statutory language may provide a general structure, including a mechanism for selecting a chair and procedures for creating rules. None of the five COVID-19 commission proposals contain language that directs the process for potentially adopting rules of procedure. For a comparison of each proposed commission\'s specified rules of procedures and operations, see Table 1 .\n\n Chair Selection\n\nEach bill provides for the selection of a chair and/or vice chair of the commission. H.R. 6429 , H.R. 6431 , and H.R. 6548 would have the chair appointed by the President and the vice chair appointed by congressional leaders of the political party opposite the President. H.R. 6440 would have the chair appointed by the Speaker of the House (in consultation with the Senate majority leader and the House minority leader) and the vice chair appointed by the Senate majority leader (in consultation with the Speaker of the House and the Senate minority leader). H.R. 6455 would have the chair and vice chair chosen from among commission members by a majority vote of the commission, and would require the chair and vice chair to have \"significant experience\" in areas to be studied by the commission.\n\n Initial Meeting Deadline\n\nAs with the timing of commission appointments, some authorizing statutes are prescriptive in when the commission\'s first meeting should take place. Three of the bills analyzed here provide specific time lines for the commission\'s first meeting. H.R. 6429 would require the first meeting to be no later than March 15, 2021, unless members are appointed in September 2020 (if no public health emergency exists). H.R. 6455 would require the first meeting within 45 days after the appointment of all commission members, which is—given the 45-day deadline for appointment—effectively a maximum of 90 days after enactment. H.R. 6548 would direct the commission to hold its initial meeting \"as soon as practicable,\" but not later than March 5, 2021. H.R. 6431 and H.R. 6440 do not provide for an initial meeting deadline. Instead, they direct the commission to meet \"as soon as practicable.\" \n\n Quorum\n\nMost commission statutes provide that a quorum will consist of a particular number of commissioners, usually a majority, but occasionally a supermajority. All five bills would provide for a quorum requirement. H.R. 6429 , H.R. 6431 , H.R. 6440 , and H.R. 6548 would define a quorum as 6 (of 10) members. H.R. 6455 would provide that a quorum is 18 of 25 members (72%).\n\n Public Access\n\nAll five commission bills would require commission meetings to be open to the public. Each bill would also require that reports be made publicly available.\n\n Formulating Other Rules of Procedure and Operations\n\nAbsent statutory guidance (eithe r in general statutes or in individual statutes authorizing commissions), advisory entities vary widely in how they adopt their rules of procedure. In general, three models exist: formal written rules, informal rules, and the reliance on norms. Any individual advisory entity might make use of all three of these models for different types of decisionmaking. \nThe choice to adopt written rules or rely on informal norms to guide commission procedure may be based on a variety of factors, such as the entity\'s size, the frequency of meetings, member preferences regarding formality, the level of collegiality among members, and the amount of procedural guidance provided by the entity\'s authorizing statute. Regardless of how procedural issues are handled, protocol for decisionmaking regarding the following operational issues may be important for the commission to consider at the outset of its existence: eligibility to vote and proxy rules; staff hiring, compensation, and work assignments; hearings, meetings, and field visits; nonstaff expenditures and contracting; reports to Congress; budgeting; and procedures for future modification of rules. None of the five COVID-19 commission proposals specify that the proposed commission must adopt written rules.\n\n FACA Applicability\n\nThe Federal Advisory Committee Act (FACA) mandates certain structural and operational requirements, including formal reporting and oversight procedures, for certain federal advisory bodies that advise the executive branch. Three proposals ( H.R. 6429 , H.R. 6431 , and H.R. 6548 ) specifically exempt the proposed commission from FACA. Of the remaining two, FACA would also likely not apply to the commission proposed in H.R. 6455 because it would be appointed entirely by Members of Congress, although it only specifies that its final report is public, not whether it is specifically sent to Congress and/or the President. It is not clear that FACA would apply to the commission proposed in H.R. 6440 . Although it includes a presidential appointment and its report would be sent to both Congress and the President, its establishment clause specifies that the commission \"is established in the legislative branch,\" and a super-majority of its members would be appointed by Congress.\n\n Duties and Reporting Requirements\n\nMost congressional commissions are generally considered policy commissions—temporary bodies that study particular policy problems and report their findings to Congress or review a specific event. \n\n General Duties\n\nAll five of the proposed commissions would be tasked with duties that are analogous to those of past policy commissions. While the specific mandates differ somewhat, all proposed commissions are tasked with investigating aspects of the COVID-19 pandemic and submitting one or more reports that include the commission\'s findings, conclusions, and recommendations for legislative action. H.R. 6440 would specifically require the commission to avoid unnecessary duplication of work being conducted by the Government Accountability Office (GAO), congressional committees, and executive branch agency and independent commission investigations.\n\n Reports\n\nEach proposed commission would be tasked with issuing a final report detailing its findings, conclusions, and recommendations. H.R. 6429 , H.R. 6431 , H.R. 6440 , and H.R. 6548 would provide that the commission \"may submit\" interim reports to Congress and the President, but do not provide time lines on when those reports might be submitted. In each case, the interim report would need to be agreed to by a majority of commission members. H.R. 6431 would also require the commission to submit a report on actions taken by the states and a report on essential products, materials, ingredients, and equipment required to fight pandemics.\nH.R. 6429 , H.R. 6431 , H.R. 6440 , and H.R. 6548 also specify that final reports shall be agreed to by a majority of commission members. H.R. 6455 does not specify a vote threshold for approval of its report.\nNone of the bills make specific provisions for the inclusion of minority viewpoints. Presumably this would leave each commission with discretion on whether to include or exclude minority viewpoints. Past advisory entities have been proposed or established with a variety of statutory reporting conditions, including the specification of majority or super-majority rules for report adoption and provisions requiring the inclusion of minority viewpoints. In practice, advisory bodies that are not given statutory direction on these matters have tended to work under simple-majority rules for report adoption.\n\n Report Deadlines\n\nH.R. 6429 would require a final report one year after the commission\'s initial meeting. H.R. 6431 and H.R. 6440 would require a final report not later than 18 months after enactment. H.R. 6455 would require a final report to be published not later than 18 months after the commission\'s first meeting. \nH.R. 6548 would require a final report by October 15, 2021. This deadline could be extended by 90 days upon a vote of no fewer than 8 (out of 10) commission members. The commission could vote to extend its final report deadline up to three times, and would be required to notify Congress, the President, and the public of any such extension.\nWhile such a deadline would potentially give the commission a defined period of time to complete its work, setting a particular date for report completion could potentially create unintended time constraints. Any delay in the passage of the legislation or in the appointment process would reduce the amount of time the commission has to complete its work, even with the opportunity for the commission to extend its own deadline up to three times.\nThe length of time a congressional commission has to complete its work is arguably one of the most consequential decisions when designing an advisory entity. If the entity has a short window of time, the quality of its work product may suffer or it may not be able to fulfill its statutory mandate on time.\nOn the other hand, if the commission is given a long period of time to complete its work, it may undermine one of a commission\'s primary legislative advantages, the timely production of expert advice on a current matter. A short deadline may also affect the process of standing up a new commission. The selection of commissioners, recruitment of staff, arrangement of office space, and other logistical matters may require expedited action if short deadlines need to be met.\n\n Report Submission\n\nOf the five proposed commissions, four ( H.R. 6429 , H.R. 6431 , H.R. 6440 , and H.R. 6548 ) are directed to submit their reports to both Congress and the President. H.R. 6455 requires that the report is made public.\nMost congressional advisory commissions are required to submit their reports to Congress, and sometimes to the President or an executive department or agency head. For example, the National Commission on Severely Distressed Public Housing\'s final report was submitted to both Congress and the Secretary of Housing and Urban Development.\n\n Commission Termination\n\nCongressional commissions are usually statutorily mandated to terminate. Termination dates for most commissions are linked to either a fixed period of time after the establishment of the commission, the selection of members, or the date of submission of the commission\'s final report. Alternatively, some commissions are given fixed calendar termination dates.\nAll five commission proposals would provide for the commission to terminate within a certain period of time following submission of its final report. H.R. 6429 , H.R. 6431 , H.R. 6440 , and H.R. 6455 would each direct the commission to terminate 60 days after the submission; H.R. 6548 specifies a time line of 90 days after submission.\n\n Commission Powers\n\nEach of the five proposals would provide the proposed commission with certain powers to carry out its mission (see Table 1 for specifics). One general issue for commissions is who is authorized to execute such powers. In some cases, the commission itself executes its powers, with the commission deciding whether to devise rules and procedures for the general use of such power. In other cases, the legislation specifically authorizes the commission to give discretionary power to subcommittees or individual commission members. Finally, the legislation itself might grant certain powers to individual members of the commission, such as the chair.\n\n Hearings and Evidence\n\nAll five bills would provide the proposed commission with the power to hold hearings, take testimony, and receive evidence. All five commissions would also be provided the power to administer oaths to witnesses.\n\n Subpoenas\n\nFour of the bills would provide the commission with subpoena power. H.R. 6440 would not provide subpoena power to the commission. H.R. 6429 , H.R. 6431 , and H.R. 6548 would provide that subpoenas could only be issued by either (1) agreement of the chair and vice chair, or (2) the affirmative vote of 6 (of 10) commission members. H.R. 6455 would require that a subpoena could only be issued by either agreement of the chair and vice chair or an affirmative vote of 18 (of 25) commission members. All four bills that would provide subpoena power contain substantially similar judicial methods of subpoena enforcement.\n\n Administrative Support\n\nAll five of the bills would provide that the commission receive administrative support from the General Services Administration (GSA). The GSA provides administrative support to dozens of federal entities, including congressional advisory commissions. Each of the five bills would provide that GSA be reimbursed for its services by the commission. Each bill also provides that other departments or agencies may provide funds, facilities, staff, and other services to the commission.\n\n Other Powers\n\nWithout explicit language authorizing certain activities, commissions often cannot gather information, enter into contracts, use the U.S. mail like an executive branch entity, or accept donations or gifts. \nAll five bills direct that federal agencies provide information to the commission upon request. H.R. 6429 , H.R. 6431 , and H.R. 6548 would also provide that the commission could use the U.S. mails in the same manner as any department or agency, enter into contracts, and accept gifts or donations of services or property.\n\n Staffing\n\nThe proposed COVID-19 commissions contain staffing provisions commonly found in congressional advisory commission legislation. Congressional advisory commissions are usually authorized to hire staff. Most statutes specify that the commission may hire a lead staffer, often referred to as a \"staff director,\" \"executive director,\" or another similar title, in addition to additional staff as needed. Rather than mandate a specific staff size, many commissions are instead authorized to appoint a staff director and other personnel as necessary, subject to the limitations of available funds.\nMost congressional commissions are also authorized to hire consultants, procure intermittent services, and request that federal agencies detail personnel to aid the work of the commission.\n\n Director and Commission Staff\n\nFour of the bills provide that the commission may hire staff without regard to certain laws regarding the competitive service; H.R. 6440 does not specifically exempt the commission from such laws. Four bills ( H.R. 6429 , H.R. 6431 , H.R. 6455 , and H.R. 6548 ) would authorize, but not require, the commission to hire a staff director and additional staff, as appropriate. Four proposals would limit staff salaries to level V of the executive schedule. Three of the bills would specifically designate staff as federal employees for the purposes of certain laws, such as workman\'s compensation, retirement, and other benefits.\n\n Detailees\n\nWhen authorized, some commissions can have federal agency staff detailed to the commission. All five bills would provide that federal employees could be detailed to the commission. Four bills would provide that the detailee would be without reimbursement to his or her home agency. H.R. 6440 would allow detailees on a reimbursable basis. \n\n Experts and Consultants\n\nAll five bills would provide the commission with the authority to hire experts and consultants. Four of the bills limit the rate of pay for consultants to level IV of the Executive Schedule. H.R. 6440 does not specify a specific limit.\n\n Security Clearances\n\nFour bills would provide that federal agencies and departments shall cooperate with the commission to provide members and staff appropriate security clearances. H.R. 6440 does not contain a security clearance provision.\n\n Funding and Costs\n\nCommissions generally require funding to help meet their statutory goals. When designing a commission, therefore, policymakers may consider both how the commission will be funded, and how much funding the commission will be authorized to receive. Four of the five proposals specify a funding mechanism for the commission.\nHow commissions are funded and the amounts that they receive vary considerably. Several factors can contribute to overall commission costs. These factors might include the cost of hiring staff, contracting with outside consultants, and engaging administrative support, among others. Additionally, most commissions reimburse the travel expenditures of commissioners and staff, and some compensate their members. The duration of a commission can also significantly affect its cost; past congressional commissions have been designed to last anywhere from several months to several years.\n\n Costs\n\nIt is difficult to estimate or predict the potential overall cost of any commission. Annual budgets for congressional advisory entities range from several hundred thousand dollars to millions of dollars annually. Overall expenses for any individual advisory entity depend on a variety of factors, the most important of which are the number of paid staff and the commission\'s duration and scope. Some commissions have few full-time staff; others employ large numbers, such as the National Commission on Terrorist Attacks Upon the United States, which had a full-time paid staff of nearly 80. Secondary factors that can affect commission costs include the number of commissioners, how often the commission meets or holds hearings, whether or not the commission travels or holds field hearings, and the publications the commission produces.\n\n Authorized Funding\n\nThree of the bills ( H.R. 6429 , H.R. 6440 , and H.R. 6548 ) would authorize the appropriation of \"such sums as may be necessary\" for the commission, to be derived in equal amounts from the contingent fund of the Senate and the applicable accounts of the House of Representatives. H.R. 6429 and H.R. 6548 would provide that funds are available until the commission terminates. H.R. 6455 would authorize the appropriation of $4 million for the commission, to remain available until the commission terminates. H.R. 6431 does not include an authorization of appropriations.\n\n Comparison of Proposals to Create a COVID-19 Commission\n\n Table 1 provides a side-by-side comparison of major provisions of the five proposals. For each bill, the membership structure, appointment structure, rules of procedure and operation, duties and reporting requirements, proposed commission powers, staffing provisions, and funding are compared.\n\nSummary:\n \ No newline at end of file +You are given a report by a government agency. Write a one-page summary of the report.\n\nReport:\nIntroduction\n\nThroughout U.S. history, Congress has created advisory commissions to assist in the development of public policy. Among other contexts, commissions have been used following crisis situations, including the September 11, 2001, terrorist attacks and the 2008 financial crisis. In such situations, advisory commissions may potentially provide Congress with a high-visibility forum to assemble expertise that might not exist within the legislative environment; allow for the in-depth examination of complex, cross-cutting policy issues; and lend bipartisan credibility to a set of findings and recommendations.\nAs Congress considers its range of responses to the coronavirus pandemic, the creation of one or more congressional advisory commissions is an option that could provide a platform for evaluating various pandemic-related policy issues over time. Past congressional advisory commissions have retrospectively evaluated policy responses, brought together diverse groups of experts, and supplemented existing congressional oversight mechanisms. Policymakers may determine that creating an advisory commission is unnecessary and instead prefer to utilize existing congressional oversight structures, such as standing or select committees, or already established oversight entities.\nThis report provides a comparative analysis of five proposed congressional advisory commissions that would investigate various aspects of the COVID-19 pandemic. The five proposed commissions are found in H.R. 6429 (the National Commission on COVID-19 Act, sponsored by Representative Stephanie Murphy), H.R. 6431 (the Made in America Emergency Preparedness Act, sponsored by Representative Brian Fitzpatrick), H.R. 6440 (the Pandemic Rapid Response Act, sponsored by Representative Rodney Davis), H.R. 6455 (the COVID-19 Commission Act, sponsored by Representative Bennie Thompson), and H.R. 6548 (the National Commission on the COVID-19 Pandemic in the United States Act, sponsored by Representative Adam Schiff). The overall structures of each of the proposed commissions are similar in many respects, both to each other and to previous independent advisory entities established by Congress. Specifically, the proposed commissions would (1) exist temporarily; (2) serve in an advisory capacity; and (3) report a work product detailing the commission\'s findings, conclusions, and recommendations. That said, each particular proposed commission has distinctive elements, particularly concerning its membership structure, appointment structure, and time line for reporting its work product to Congress.\nThis report compares the (1) membership structure, (2) appointment structure, (3) rules of procedure and operation, (4) duties and reporting requirements, (5) powers of the commission, (6) staffing issues, and (7) funding for each of the proposed COVID-19 commissions. Table 1 (at the end of this report) provides a side-by-side comparison of major provisions of the five proposals.\n\n Membership Structure\n\nSeveral matters related to a commission\'s membership structure might be considered. They include the size of a commission, member qualifications, compensation of commission members, and requirements for partisan balance. \n\n Size of Commission\n\nIn general, there is significant variation in the size of congressional advisory commissions. Among 155 identified congressional commissions created between the 101 st Congress and the 115 th Congress, the median size was 12 members, with the smallest commission having 5 members and the largest 33 members.\nThe membership structure of each of the five proposed commissions is similar to previous independent advisory entities created by Congress. H.R. 6429 , H.R. 6431 , H.R. 6440 , and H.R. 6548 would each create a 10-member entity. H.R. 6455 would create a 25-member entity.\n\n Qualifications\n\nPast legislation creating congressional commissions has often required or suggested that commission members possess certain substantive qualifications. Such provisions arguably make it more likely that the commission is populated with genuine experts in the policy area, which may improve the commission\'s final work product.\nH.R. 6455 would provide that commissioners \"shall be a United States person with significant expertise\" in a variety of fields related to public health and public administration. H.R. 6440 , H.R. 6429 , H.R. 6431 , and H.R. 6548 would provide \"the sense of Congress\" that commission members should be \"prominent U.S. citizens\" who are nationally recognized experts in a variety of fields relevant to the pandemic and response efforts. In addition, H.R. 6429 , H.R. 6431 , H.R. 6440 , and H.R. 6548 all prohibit the appointment of federal, state, and local government employees and officers. H.R. 6455 would prohibit federal employees from being commission members.\n\n Compensation of Commission Members\n\nSome congressional commissions have compensated their members. For example, the National Commission on Terrorist Attacks Upon the United States (9/11 Commission) and the Financial Crisis Inquiry Commission provided that commission members could be compensated at a daily rate of basic pay. Nearly all have reimbursed members for travel expenses. Those that have provided for commissioner compensation most frequently provided compensation at the daily equivalent of level IV of the Executive Schedule.\nEach of the five proposals would provide that commission members be compensated at a rate \"not to exceed the daily equivalent of the annual rate of basic pay\" for level IV of the Executive Schedule, \"for each day during which that member is engaged in the actual performance of duties of the Commission.\" Members of three proposed commissions would receive travel expenses, including a per diem.\n\n Partisan Limitations\n\nEach proposal provides a limit on the number of members appointed from the same political party. H.R. 6455 would provide that not more than 13 of its 25 members may be from the same party. H.R. 6429 , H.R. 6431 , H.R. 6440 , and H.R. 6548 would provide that not more than 5 (of 10) members are from the same party. Most previous advisory entities created by Congress do not impose formal partisan restrictions on the membership structure. It may also be difficult to assess the political affiliation of potential members, who may have no formal affiliation (voter registration, for example) with a political party. Instead, most past advisory commissions usually achieve partisan balance through the appointment structure; for instance, by providing equal (or near-equal) numbers of appointments to congressional leaders of each party.\n\n Appointment Structure\n\nPast congressional commissions have used a wide variety of appointment structures. Considerations regarding appointment structures include partisan balance, filling vacancies, and the time line for making commission appointments.\nThe statutory scheme may directly designate members of the commission, such as a specific cabinet official or a congressional leader. In other cases, selected congressional leaders, often with balance between the parties, appoint commission members. A third common statutory scheme is to have selected leaders, such as committee chairs and ranking members, recommend candidates for appointment to a commission. These selected leaders may act either in parallel or jointly, and the recommendation may be made either to other congressional leaders, such as the Speaker of the House and President pro tempore of the Senate, or to the President.\nEach of the five commission proposals would delegate most or all appointment authority to congressional leaders (including chamber, party, and committee leaders; see Table 1 for details). Additionally, H.R. 6429 , H.R. 6431 , H.R. 6440 , and H.R. 6548 provide for one appointment to be made by the President. H.R. 6429 , H.R. 6431 , and H.R. 6548 would have the President appoint the commission\'s chair. H.R. 6455 has its membership appointed by the chairs and ranking members of designated House and Senate committees, and the Joint Economic Committee. H.R. 6455 does not provide any executive branch appointments.\nAttention to the proper balance between the number of members appointed by congressional leaders and by other individuals (such as the President), or to the number of Members of Congress required to be among the appointees, or to the qualifications of appointees, can be significant factors in enabling a commission to fulfill its congressional mandate.\nIn general, a commission\'s appointment scheme can impact both the commission\'s ability to fulfill its statutory duties and its final work product. For instance, if the scheme provides only for the appointment of Members of Congress to the commission, it arguably might not have the technical expertise or diversity of knowledge to complete its duties within the time given by statute. Similarly, if the appointment scheme includes qualifying provisos so specific that only a small set of private citizens could serve on the panel, the commission\'s final work product may arguably only represent a narrow range of viewpoints. None of the proposed COVID-19 commissions specify whether Members of Congress may serve on the commission.\n\n Partisan Balance in Appointment Authority\n\nMost previous congressional advisory commissions have been structured to be bipartisan, with an even (or near-even) split of appointments between leaders of the two major parties. By achieving a nonpartisan or bipartisan character, congressional commissions may make their findings and recommendations more politically acceptable to diverse viewpoints. The bipartisan or nonpartisan arrangement can give recommendations strong credibility, both in Congress and among the public, even when dealing with divisive public policy issues. Similarly, commission recommendations that are perceived as partisan may have difficulty gaining support in Congress.\nIn some cases, however, bipartisanship also can arguably impede a commission\'s ability to complete its mandate. In situations where a commission is tasked with studying divisive or partisan issues, the appointment of an equal number of majority and minority commissioners may serve to promote partisanship within the commission rather than suppress it, raising the possibility of deadlock where neither side can muster a majority to act.\nEach of the five proposals employs a structure where leaders in both the majority and minority parties in Congress would make appointments. H.R. 6429 , H.R. 6431 , and H.R. 6548 would provide for five majority and five minority appointments, including one for the President. H.R. 6440 would include two each by the Senate majority leader, the Senate minority leader, and the Speaker of the House, with one appointment by the House minority leader and one by the President, and the chair appointed by the Speaker and vice chair appointed by the Senate majority leader. H.R. 6455 would have 12 majority and 12 minority appointments made by the 12 committee chairs and ranking members and one member jointly appointed by the chair and vice chair of the Joint Economic Committee.\n\n Vacancies\n\nAll five proposals provide that vacancies on the commission will not affect its powers and would be filled in the same manner as the original appointment.\n\n Deadline for Appointments\n\nThree of the bills propose specific deadlines for the appointment of commissioners. H.R. 6429 and H.R. 6548 provide that appointments are made between specific dates in January or February 2021. Further, H.R. 6429 provides that commission members could be appointed in September 2020, if there is no longer a COVID-19 public health emergency in effect—as determined by the Secretary of Health and Human Services—as of August 31, 2020. H.R. 6440 would require all appointments be made by December 15, 2020. H.R. 6455 would require appointments to be made within 45 days after enactment. H.R. 6429 , H.R. 6440 , and H.R. 6548 would start the commission\'s work in early 2021, as the commission cannot operate without the appointment of members. H.R. 6429 , however would provide that the proposed commission\'s work would begin no later than October 31, 2020, if members are appointed in September 2020. H.R. 6431 does not specify a deadline for the appointment of members.\nTypically, deadlines for appointment can range from several weeks to several months. For example, the deadline for appointments to the Antitrust Modernization Commission was 60 days after the enactment of its establishing act. The deadline for appointment to the Commission on Wartime Contracting in Iraq and Afghanistan was 120 days from the date of enactment. The deadline for appointment to the 9/11 Commission was December 15, 2002, 18 days after enactment of the act.\n\n Rules of Procedure and Operations\n\nWhile most statutes that authorize congressional advisory commissions do not provide detailed procedures for how the commission should conduct its business, the statutory language may provide a general structure, including a mechanism for selecting a chair and procedures for creating rules. None of the five COVID-19 commission proposals contain language that directs the process for potentially adopting rules of procedure. For a comparison of each proposed commission\'s specified rules of procedures and operations, see Table 1 .\n\n Chair Selection\n\nEach bill provides for the selection of a chair and/or vice chair of the commission. H.R. 6429 , H.R. 6431 , and H.R. 6548 would have the chair appointed by the President and the vice chair appointed by congressional leaders of the political party opposite the President. H.R. 6440 would have the chair appointed by the Speaker of the House (in consultation with the Senate majority leader and the House minority leader) and the vice chair appointed by the Senate majority leader (in consultation with the Speaker of the House and the Senate minority leader). H.R. 6455 would have the chair and vice chair chosen from among commission members by a majority vote of the commission, and would require the chair and vice chair to have \"significant experience\" in areas to be studied by the commission.\n\n Initial Meeting Deadline\n\nAs with the timing of commission appointments, some authorizing statutes are prescriptive in when the commission\'s first meeting should take place. Three of the bills analyzed here provide specific time lines for the commission\'s first meeting. H.R. 6429 would require the first meeting to be no later than March 15, 2021, unless members are appointed in September 2020 (if no public health emergency exists). H.R. 6455 would require the first meeting within 45 days after the appointment of all commission members, which is—given the 45-day deadline for appointment—effectively a maximum of 90 days after enactment. H.R. 6548 would direct the commission to hold its initial meeting \"as soon as practicable,\" but not later than March 5, 2021. H.R. 6431 and H.R. 6440 do not provide for an initial meeting deadline. Instead, they direct the commission to meet \"as soon as practicable.\" \n\n Quorum\n\nMost commission statutes provide that a quorum will consist of a particular number of commissioners, usually a majority, but occasionally a supermajority. All five bills would provide for a quorum requirement. H.R. 6429 , H.R. 6431 , H.R. 6440 , and H.R. 6548 would define a quorum as 6 (of 10) members. H.R. 6455 would provide that a quorum is 18 of 25 members (72%).\n\n Public Access\n\nAll five commission bills would require commission meetings to be open to the public. Each bill would also require that reports be made publicly available.\n\n Formulating Other Rules of Procedure and Operations\n\nAbsent statutory guidance (eithe r in general statutes or in individual statutes authorizing commissions), advisory entities vary widely in how they adopt their rules of procedure. In general, three models exist: formal written rules, informal rules, and the reliance on norms. Any individual advisory entity might make use of all three of these models for different types of decisionmaking. \nThe choice to adopt written rules or rely on informal norms to guide commission procedure may be based on a variety of factors, such as the entity\'s size, the frequency of meetings, member preferences regarding formality, the level of collegiality among members, and the amount of procedural guidance provided by the entity\'s authorizing statute. Regardless of how procedural issues are handled, protocol for decisionmaking regarding the following operational issues may be important for the commission to consider at the outset of its existence: eligibility to vote and proxy rules; staff hiring, compensation, and work assignments; hearings, meetings, and field visits; nonstaff expenditures and contracting; reports to Congress; budgeting; and procedures for future modification of rules. None of the five COVID-19 commission proposals specify that the proposed commission must adopt written rules.\n\n FACA Applicability\n\nThe Federal Advisory Committee Act (FACA) mandates certain structural and operational requirements, including formal reporting and oversight procedures, for certain federal advisory bodies that advise the executive branch. Three proposals ( H.R. 6429 , H.R. 6431 , and H.R. 6548 ) specifically exempt the proposed commission from FACA. Of the remaining two, FACA would also likely not apply to the commission proposed in H.R. 6455 because it would be appointed entirely by Members of Congress, although it only specifies that its final report is public, not whether it is specifically sent to Congress and/or the President. It is not clear that FACA would apply to the commission proposed in H.R. 6440 . Although it includes a presidential appointment and its report would be sent to both Congress and the President, its establishment clause specifies that the commission \"is established in the legislative branch,\" and a super-majority of its members would be appointed by Congress.\n\n Duties and Reporting Requirements\n\nMost congressional commissions are generally considered policy commissions—temporary bodies that study particular policy problems and report their findings to Congress or review a specific event. \n\n General Duties\n\nAll five of the proposed commissions would be tasked with duties that are analogous to those of past policy commissions. While the specific mandates differ somewhat, all proposed commissions are tasked with investigating aspects of the COVID-19 pandemic and submitting one or more reports that include the commission\'s findings, conclusions, and recommendations for legislative action. H.R. 6440 would specifically require the commission to avoid unnecessary duplication of work being conducted by the Government Accountability Office (GAO), congressional committees, and executive branch agency and independent commission investigations.\n\n Reports\n\nEach proposed commission would be tasked with issuing a final report detailing its findings, conclusions, and recommendations. H.R. 6429 , H.R. 6431 , H.R. 6440 , and H.R. 6548 would provide that the commission \"may submit\" interim reports to Congress and the President, but do not provide time lines on when those reports might be submitted. In each case, the interim report would need to be agreed to by a majority of commission members. H.R. 6431 would also require the commission to submit a report on actions taken by the states and a report on essential products, materials, ingredients, and equipment required to fight pandemics.\nH.R. 6429 , H.R. 6431 , H.R. 6440 , and H.R. 6548 also specify that final reports shall be agreed to by a majority of commission members. H.R. 6455 does not specify a vote threshold for approval of its report.\nNone of the bills make specific provisions for the inclusion of minority viewpoints. Presumably this would leave each commission with discretion on whether to include or exclude minority viewpoints. Past advisory entities have been proposed or established with a variety of statutory reporting conditions, including the specification of majority or super-majority rules for report adoption and provisions requiring the inclusion of minority viewpoints. In practice, advisory bodies that are not given statutory direction on these matters have tended to work under simple-majority rules for report adoption.\n\n Report Deadlines\n\nH.R. 6429 would require a final report one year after the commission\'s initial meeting. H.R. 6431 and H.R. 6440 would require a final report not later than 18 months after enactment. H.R. 6455 would require a final report to be published not later than 18 months after the commission\'s first meeting. \nH.R. 6548 would require a final report by October 15, 2021. This deadline could be extended by 90 days upon a vote of no fewer than 8 (out of 10) commission members. The commission could vote to extend its final report deadline up to three times, and would be required to notify Congress, the President, and the public of any such extension.\nWhile such a deadline would potentially give the commission a defined period of time to complete its work, setting a particular date for report completion could potentially create unintended time constraints. Any delay in the passage of the legislation or in the appointment process would reduce the amount of time the commission has to complete its work, even with the opportunity for the commission to extend its own deadline up to three times.\nThe length of time a congressional commission has to complete its work is arguably one of the most consequential decisions when designing an advisory entity. If the entity has a short window of time, the quality of its work product may suffer or it may not be able to fulfill its statutory mandate on time.\nOn the other hand, if the commission is given a long period of time to complete its work, it may undermine one of a commission\'s primary legislative advantages, the timely production of expert advice on a current matter. A short deadline may also affect the process of standing up a new commission. The selection of commissioners, recruitment of staff, arrangement of office space, and other logistical matters may require expedited action if short deadlines need to be met.\n\n Report Submission\n\nOf the five proposed commissions, four ( H.R. 6429 , H.R. 6431 , H.R. 6440 , and H.R. 6548 ) are directed to submit their reports to both Congress and the President. H.R. 6455 requires that the report is made public.\nMost congressional advisory commissions are required to submit their reports to Congress, and sometimes to the President or an executive department or agency head. For example, the National Commission on Severely Distressed Public Housing\'s final report was submitted to both Congress and the Secretary of Housing and Urban Development.\n\n Commission Termination\n\nCongressional commissions are usually statutorily mandated to terminate. Termination dates for most commissions are linked to either a fixed period of time after the establishment of the commission, the selection of members, or the date of submission of the commission\'s final report. Alternatively, some commissions are given fixed calendar termination dates.\nAll five commission proposals would provide for the commission to terminate within a certain period of time following submission of its final report. H.R. 6429 , H.R. 6431 , H.R. 6440 , and H.R. 6455 would each direct the commission to terminate 60 days after the submission; H.R. 6548 specifies a time line of 90 days after submission.\n\n Commission Powers\n\nEach of the five proposals would provide the proposed commission with certain powers to carry out its mission (see Table 1 for specifics). One general issue for commissions is who is authorized to execute such powers. In some cases, the commission itself executes its powers, with the commission deciding whether to devise rules and procedures for the general use of such power. In other cases, the legislation specifically authorizes the commission to give discretionary power to subcommittees or individual commission members. Finally, the legislation itself might grant certain powers to individual members of the commission, such as the chair.\n\n Hearings and Evidence\n\nAll five bills would provide the proposed commission with the power to hold hearings, take testimony, and receive evidence. All five commissions would also be provided the power to administer oaths to witnesses.\n\n Subpoenas\n\nFour of the bills would provide the commission with subpoena power. H.R. 6440 would not provide subpoena power to the commission. H.R. 6429 , H.R. 6431 , and H.R. 6548 would provide that subpoenas could only be issued by either (1) agreement of the chair and vice chair, or (2) the affirmative vote of 6 (of 10) commission members. H.R. 6455 would require that a subpoena could only be issued by either agreement of the chair and vice chair or an affirmative vote of 18 (of 25) commission members. All four bills that would provide subpoena power contain substantially similar judicial methods of subpoena enforcement.\n\n Administrative Support\n\nAll five of the bills would provide that the commission receive administrative support from the General Services Administration (GSA). The GSA provides administrative support to dozens of federal entities, including congressional advisory commissions. Each of the five bills would provide that GSA be reimbursed for its services by the commission. Each bill also provides that other departments or agencies may provide funds, facilities, staff, and other services to the commission.\n\n Other Powers\n\nWithout explicit language authorizing certain activities, commissions often cannot gather information, enter into contracts, use the U.S. mail like an executive branch entity, or accept donations or gifts. \nAll five bills direct that federal agencies provide information to the commission upon request. H.R. 6429 , H.R. 6431 , and H.R. 6548 would also provide that the commission could use the U.S. mails in the same manner as any department or agency, enter into contracts, and accept gifts or donations of services or property.\n\n Staffing\n\nThe proposed COVID-19 commissions contain staffing provisions commonly found in congressional advisory commission legislation. Congressional advisory commissions are usually authorized to hire staff. Most statutes specify that the commission may hire a lead staffer, often referred to as a \"staff director,\" \"executive director,\" or another similar title, in addition to additional staff as needed. Rather than mandate a specific staff size, many commissions are instead authorized to appoint a staff director and other personnel as necessary, subject to the limitations of available funds.\nMost congressional commissions are also authorized to hire consultants, procure intermittent services, and request that federal agencies detail personnel to aid the work of the commission.\n\n Director and Commission Staff\n\nFour of the bills provide that the commission may hire staff without regard to certain laws regarding the competitive service; H.R. 6440 does not specifically exempt the commission from such laws. Four bills ( H.R. 6429 , H.R. 6431 , H.R. 6455 , and H.R. 6548 ) would authorize, but not require, the commission to hire a staff director and additional staff, as appropriate. Four proposals would limit staff salaries to level V of the executive schedule. Three of the bills would specifically designate staff as federal employees for the purposes of certain laws, such as workman\'s compensation, retirement, and other benefits.\n\n Detailees\n\nWhen authorized, some commissions can have federal agency staff detailed to the commission. All five bills would provide that federal employees could be detailed to the commission. Four bills would provide that the detailee would be without reimbursement to his or her home agency. H.R. 6440 would allow detailees on a reimbursable basis. \n\n Experts and Consultants\n\nAll five bills would provide the commission with the authority to hire experts and consultants. Four of the bills limit the rate of pay for consultants to level IV of the Executive Schedule. H.R. 6440 does not specify a specific limit.\n\n Security Clearances\n\nFour bills would provide that federal agencies and departments shall cooperate with the commission to provide members and staff appropriate security clearances. H.R. 6440 does not contain a security clearance provision.\n\n Funding and Costs\n\nCommissions generally require funding to help meet their statutory goals. When designing a commission, therefore, policymakers may consider both how the commission will be funded, and how much funding the commission will be authorized to receive. Four of the five proposals specify a funding mechanism for the commission.\nHow commissions are funded and the amounts that they receive vary considerably. Several factors can contribute to overall commission costs. These factors might include the cost of hiring staff, contracting with outside consultants, and engaging administrative support, among others. Additionally, most commissions reimburse the travel expenditures of commissioners and staff, and some compensate their members. The duration of a commission can also significantly affect its cost; past congressional commissions have been designed to last anywhere from several months to several years.\n\n Costs\n\nIt is difficult to estimate or predict the potential overall cost of any commission. Annual budgets for congressional advisory entities range from several hundred thousand dollars to millions of dollars annually. Overall expenses for any individual advisory entity depend on a variety of factors, the most important of which are the number of paid staff and the commission\'s duration and scope. Some commissions have few full-time staff; others employ large numbers, such as the National Commission on Terrorist Attacks Upon the United States, which had a full-time paid staff of nearly 80. Secondary factors that can affect commission costs include the number of commissioners, how often the commission meets or holds hearings, whether or not the commission travels or holds field hearings, and the publications the commission produces.\n\n Authorized Funding\n\nThree of the bills ( H.R. 6429 , H.R. 6440 , and H.R. 6548 ) would authorize the appropriation of \"such sums as may be necessary\" for the commission, to be derived in equal amounts from the contingent fund of the Senate and the applicable accounts of the House of Representatives. H.R. 6429 and H.R. 6548 would provide that funds are available until the commission terminates. H.R. 6455 would authorize the appropriation of $4 million for the commission, to remain available until the commission terminates. H.R. 6431 does not include an authorization of appropriations.\n\n Comparison of Proposals to Create a COVID-19 Commission\n\n Table 1 provides a side-by-side comparison of major provisions of the five proposals. For each bill, the membership structure, appointment structure, rules of procedure and operation, duties and reporting requirements, proposed commission powers, staffing provisions, and funding are compared.\n\nSummary:\n diff --git a/python/sglang/test/simple_eval_common.py b/python/sglang/test/simple_eval_common.py index d97d84de93..518e6245c0 100644 --- a/python/sglang/test/simple_eval_common.py +++ b/python/sglang/test/simple_eval_common.py @@ -320,7 +320,7 @@ def map_with_progress(f: callable, xs: List[Any], num_threads: int): _message_template = """
- {{ role }} + {{ role }} {% if variant %}({{ variant }}){% endif %}
diff --git a/python/sglang/test/simple_eval_humaneval.py b/python/sglang/test/simple_eval_humaneval.py index b0ad79d413..fe6f32f4d1 100644 --- a/python/sglang/test/simple_eval_humaneval.py +++ b/python/sglang/test/simple_eval_humaneval.py @@ -2,8 +2,8 @@ """ HumanEval: Evaluating Large Language Models Trained on Code -Mark Chen and Jerry Tworek and Heewoo Jun and Qiming Yuan and Henrique Ponde de Oliveira Pinto and Jared Kaplan and Harri Edwards and Yuri Burda and Nicholas Joseph and Greg Brockman and Alex Ray and Raul Puri and Gretchen Krueger and Michael Petrov and Heidy Khlaaf and Girish Sastry and Pamela Mishkin and Brooke Chan and Scott Gray and Nick Ryder and Mikhail Pavlov and Alethea Power and Lukasz Kaiser and Mohammad Bavarian and Clemens Winter and Philippe Tillet and Felipe Petroski Such and Dave Cummings and Matthias Plappert and Fotios Chantzis and Elizabeth Barnes and Ariel Herbert-Voss and William Hebgen Guss and Alex Nichol and Alex Paino and Nikolas Tezak and Jie Tang and Igor Babuschkin and Suchir Balaji and Shantanu Jain and William Saunders and Christopher Hesse and Andrew N. Carr and Jan Leike and Josh Achiam and Vedant Misra and Evan Morikawa and Alec Radford and Matthew Knight and Miles Brundage and Mira Murati and Katie Mayer and Peter Welinder and Bob McGrew and Dario Amodei and Sam McCandlish and Ilya Sutskever and Wojciech Zaremba -https://arxiv.org/abs/2107.03374 https://github.com/openai/human-eval/ +Mark Chen and Jerry Tworek and Heewoo Jun and Qiming Yuan and Henrique Ponde de Oliveira Pinto and Jared Kaplan and Harri Edwards and Yuri Burda and Nicholas Joseph and Greg Brockman and Alex Ray and Raul Puri and Gretchen Krueger and Michael Petrov and Heidy Khlaaf and Girish Sastry and Pamela Mishkin and Brooke Chan and Scott Gray and Nick Ryder and Mikhail Pavlov and Alethea Power and Lukasz Kaiser and Mohammad Bavarian and Clemens Winter and Philippe Tillet and Felipe Petroski Such and Dave Cummings and Matthias Plappert and Fotios Chantzis and Elizabeth Barnes and Ariel Herbert-Voss and William Hebgen Guss and Alex Nichol and Alex Paino and Nikolas Tezak and Jie Tang and Igor Babuschkin and Suchir Balaji and Shantanu Jain and William Saunders and Christopher Hesse and Andrew N. Carr and Jan Leike and Josh Achiam and Vedant Misra and Evan Morikawa and Alec Radford and Matthew Knight and Miles Brundage and Mira Murati and Katie Mayer and Peter Welinder and Bob McGrew and Dario Amodei and Sam McCandlish and Ilya Sutskever and Wojciech Zaremba +https://arxiv.org/abs/2107.03374 https://github.com/openai/human-eval/ """ import random diff --git a/python/sglang/test/simple_eval_mgsm.py b/python/sglang/test/simple_eval_mgsm.py index ce00a1ac76..0b0b72a20f 100644 --- a/python/sglang/test/simple_eval_mgsm.py +++ b/python/sglang/test/simple_eval_mgsm.py @@ -1,10 +1,10 @@ # Adapted from https://github.com/openai/simple-evals/ """ -MGSM: Multilingual Grade School Math Benchmark (MGSM) is a benchmark of grade-school math problems. +MGSM: Multilingual Grade School Math Benchmark (MGSM) is a benchmark of grade-school math problems. Language Models are Multilingual Chain-of-Thought Reasoners Freda Shi, Mirac Suzgun, Markus Freitag, Xuezhi Wang, Suraj Srivats, Soroush Vosoughi, Hyung Won Chung, Yi Tay, Sebastian Ruder, Denny Zhou, Dipanjan Das, Jason Wei -https://arxiv.org/abs/2210.03057 reference: https://github.com/google-research/url-nlp +https://arxiv.org/abs/2210.03057 reference: https://github.com/google-research/url-nlp """ import re diff --git a/rust/Cargo.toml b/rust/Cargo.toml index 794ab1f7cb..a23ac1e460 100644 --- a/rust/Cargo.toml +++ b/rust/Cargo.toml @@ -22,4 +22,4 @@ rand = "0.8.5" reqwest = { version = "0.12.8", features = ["stream"] } futures-util = "0.3" serde_json = "=1.0.1" -pyo3 = { version = "0.22.5", features = ["extension-module"] } \ No newline at end of file +pyo3 = { version = "0.22.5", features = ["extension-module"] } diff --git a/rust/readme.md b/rust/readme.md index 7d10eed75a..a6d1556a8e 100644 --- a/rust/readme.md +++ b/rust/readme.md @@ -36,7 +36,7 @@ Usage: router [OPTIONS] Options: --host [default: 127.0.0.1] --port [default: 3001] - --worker-urls + --worker-urls --policy [default: round_robin] [possible values: round_robin, random] -h, --help Print help -V, --version Print version @@ -82,11 +82,11 @@ $ pip install 1. Run test ``` -$ cargo test +$ cargo test ``` 2. Run lint ``` $ cargo fmt -``` \ No newline at end of file +``` diff --git a/scripts/ci_install_rust.sh b/scripts/ci_install_rust.sh index 23bcc3bef5..85b3e95697 100644 --- a/scripts/ci_install_rust.sh +++ b/scripts/ci_install_rust.sh @@ -7,9 +7,9 @@ curl --proto '=https' --tlsv1.2 -sSf https://sh.rustup.rs | sh -s -- -y # Follow the installation prompts, then reload your shell -. "$HOME/.cargo/env" +. "$HOME/.cargo/env" source $HOME/.cargo/env # Verify installation rustc --version -cargo --version \ No newline at end of file +cargo --version diff --git a/scripts/playground/lora/lora_hf_play.py b/scripts/playground/lora/lora_hf_play.py index 127cea696d..0abddd2c13 100644 --- a/scripts/playground/lora/lora_hf_play.py +++ b/scripts/playground/lora/lora_hf_play.py @@ -10,7 +10,7 @@ prompt = """ ### Instruction: -Write a poem about the transformers Python library. +Write a poem about the transformers Python library. Mention the word "large language models" in that poem. ### Response: The Transformers are large language models, diff --git a/scripts/playground/lora/lora_vllm_play.py b/scripts/playground/lora/lora_vllm_play.py index 75762d739d..4f77d8beab 100644 --- a/scripts/playground/lora/lora_vllm_play.py +++ b/scripts/playground/lora/lora_vllm_play.py @@ -5,7 +5,7 @@ ADAPTER = "/home/ying/test_lora" prompt = """ ### Instruction: -Write a poem about the transformers Python library. +Write a poem about the transformers Python library. Mention the word "large language models" in that poem. ### Response: The Transformers are large language models, diff --git a/scripts/version_branch_to_tag.sh b/scripts/version_branch_to_tag.sh old mode 100644 new mode 100755 index dcac125e03..53272c1efe --- a/scripts/version_branch_to_tag.sh +++ b/scripts/version_branch_to_tag.sh @@ -1,8 +1,8 @@ #!/bin/bash # This script is used for release. -# It tags all remote branches starting with 'v' with the same name as the branch, -# deletes the corresponding branches from the remote, and pushes the tags to the remote repository. +# It tags all remote branches starting with 'v' with the same name as the branch, +# deletes the corresponding branches from the remote, and pushes the tags to the remote repository. git fetch origin --prune @@ -27,4 +27,3 @@ done git push --tags echo "All branches starting with 'v' have been tagged, deleted from remote, and pushed to the remote repository." - diff --git a/test/README.md b/test/README.md index b9cf63ff19..9825faf63b 100644 --- a/test/README.md +++ b/test/README.md @@ -1,6 +1,6 @@ # Run Unit Tests -SGLang uses the built-in library [unittest](https://docs.python.org/3/library/unittest.html) as the testing framework. +SGLang uses the built-in library [unittest](https://docs.python.org/3/library/unittest.html) as the testing framework. ## Test Backend Runtime ```bash diff --git a/test/srt/Llama-3.1-8B-Instruct.json b/test/srt/Llama-3.1-8B-Instruct.json index 359a2372c5..f1652ec96f 100644 --- a/test/srt/Llama-3.1-8B-Instruct.json +++ b/test/srt/Llama-3.1-8B-Instruct.json @@ -1 +1 @@ -{"model.layers.0.self_attn.q_proj": [[39, 106, 104, 102, 33, 95, 13, 44, 11, 29, 12, 10, 53, 126, 27, 114, 121, 8, 124, 113, 112, 15, 23, 89, 69, 111, 54, 80, 4, 1, 20, 24, 83, 63, 115, 122, 66, 42, 22, 110, 3, 73, 21, 61, 97, 19, 25, 88, 117, 119, 116, 85, 70, 5, 56, 118, 68, 123, 2, 86, 71, 127, 93, 49, 109, 50, 67, 52, 91, 40, 17, 108, 60, 55, 78, 62, 65, 47, 6, 87, 51, 84, 58, 82, 94, 79, 57, 103, 76, 48, 0, 18, 81, 96, 9, 31, 16, 92, 26, 43, 30, 37, 74, 100, 46, 38, 32, 14, 90, 36, 101, 75, 35, 125, 45, 7, 72, 41, 77, 105, 28, 59, 34, 99, 98, 107, 120, 64], [39, 104, 102, 106, 33, 44, 95, 53, 126, 111, 114, 110, 29, 14, 113, 54, 121, 112, 109, 80, 119, 12, 63, 25, 78, 123, 42, 10, 24, 127, 108, 115, 122, 60, 116, 97, 9, 93, 61, 17, 117, 56, 82, 91, 21, 124, 62, 0, 43, 19, 31, 26, 49, 52, 57, 59, 1, 50, 41, 15, 46, 86, 88, 81, 118, 125, 2, 3, 55, 105, 84, 75, 120, 70, 47, 85, 32, 51, 37, 16, 22, 23, 89, 87, 67, 30, 68, 69, 77, 48, 66, 27, 36, 107, 20, 76, 94, 79, 96, 83, 99, 38, 100, 18, 8, 35, 28, 101, 13, 72, 92, 7, 4, 98, 90, 103, 6, 34, 74, 11, 65, 40, 71, 45, 58, 64, 73, 5], [106, 104, 39, 102, 2, 44, 95, 53, 121, 3, 4, 33, 1, 0, 122, 111, 126, 115, 63, 71, 119, 112, 113, 70, 109, 29, 61, 52, 114, 54, 127, 21, 10, 72, 5, 110, 116, 49, 123, 11, 12, 55, 24, 45, 15, 19, 117, 73, 80, 50, 6, 23, 64, 124, 75, 69, 25, 83, 14, 77, 97, 42, 78, 13, 79, 85, 27, 56, 87, 86, 57, 17, 118, 91, 81, 74, 65, 76, 9, 41, 88, 18, 51, 22, 62, 93, 89, 67, 105, 84, 82, 38, 48, 120, 60, 47, 26, 20, 43, 68, 28, 66, 108, 59, 58, 8, 125, 98, 46, 31, 90, 36, 94, 92, 34, 107, 35, 7, 99, 100, 30, 32, 37, 101, 16, 96, 40, 103], [39, 104, 106, 102, 33, 44, 53, 111, 113, 95, 54, 109, 41, 116, 124, 63, 121, 122, 61, 56, 114, 110, 60, 108, 127, 112, 125, 43, 52, 126, 12, 80, 119, 59, 62, 82, 123, 97, 117, 25, 37, 0, 88, 29, 57, 120, 26, 91, 115, 78, 24, 21, 118, 49, 93, 1, 42, 14, 58, 107, 10, 84, 67, 7, 9, 86, 87, 3, 50, 51, 64, 98, 18, 20, 72, 66, 100, 17, 32, 81, 69, 79, 2, 101, 105, 85, 15, 77, 31, 22, 75, 70, 68, 90, 55, 19, 89, 11, 74, 76, 8, 38, 30, 4, 65, 5, 45, 92, 23, 46, 73, 13, 94, 47, 35, 36, 6, 48, 34, 28, 99, 27, 96, 103, 71, 83, 16, 40], [41, 103, 38, 33, 42, 93, 109, 95, 88, 44, 107, 17, 25, 20, 110, 21, 47, 40, 78, 116, 115, 126, 59, 61, 64, 57, 48, 83, 119, 12, 45, 125, 11, 18, 124, 118, 53, 56, 89, 70, 22, 77, 86, 50, 92, 4, 87, 24, 97, 65, 49, 73, 26, 62, 3, 16, 108, 66, 72, 104, 67, 80, 58, 71, 79, 23, 91, 122, 19, 43, 113, 39, 14, 102, 111, 27, 9, 121, 10, 117, 29, 60, 69, 90, 76, 120, 0, 84, 15, 114, 51, 74, 68, 98, 6, 81, 85, 2, 1, 82, 100, 112, 99, 13, 52, 123, 94, 8, 35, 28, 55, 96, 63, 54, 7, 105, 5, 36, 127, 37, 32, 75, 34, 106, 31, 30, 101, 46], [38, 103, 44, 41, 107, 33, 42, 88, 95, 40, 93, 87, 25, 78, 110, 47, 48, 26, 20, 18, 21, 17, 64, 59, 45, 22, 109, 89, 118, 62, 91, 115, 116, 53, 49, 61, 126, 90, 16, 11, 119, 92, 111, 65, 125, 124, 43, 85, 83, 60, 24, 4, 77, 73, 104, 117, 57, 120, 86, 3, 76, 97, 29, 23, 102, 39, 51, 67, 70, 12, 122, 71, 9, 15, 30, 113, 56, 66, 0, 106, 7, 50, 108, 100, 114, 28, 46, 121, 80, 94, 72, 10, 6, 79, 69, 55, 19, 58, 74, 68, 123, 81, 27, 13, 2, 82, 98, 35, 8, 34, 36, 1, 101, 5, 105, 54, 63, 96, 37, 84, 127, 52, 32, 31, 14, 75, 112, 99], [103, 41, 107, 33, 38, 93, 110, 116, 64, 42, 48, 20, 123, 61, 124, 17, 126, 115, 88, 49, 25, 53, 47, 78, 57, 122, 21, 59, 95, 18, 44, 89, 77, 97, 16, 11, 125, 66, 86, 120, 119, 109, 4, 65, 12, 118, 71, 62, 22, 24, 80, 14, 50, 74, 73, 51, 70, 3, 7, 121, 67, 83, 27, 111, 72, 5, 69, 76, 23, 45, 84, 29, 60, 9, 31, 10, 81, 26, 8, 87, 19, 13, 0, 40, 2, 56, 113, 85, 82, 127, 91, 43, 34, 108, 117, 114, 6, 15, 96, 106, 79, 75, 94, 102, 100, 101, 68, 98, 63, 58, 99, 105, 55, 30, 90, 36, 1, 35, 32, 46, 112, 28, 104, 39, 37, 92, 52, 54], [103, 41, 33, 38, 42, 93, 95, 107, 110, 25, 59, 17, 48, 116, 88, 109, 44, 57, 11, 83, 20, 125, 78, 21, 62, 86, 115, 70, 97, 77, 4, 118, 18, 47, 43, 64, 12, 24, 50, 126, 22, 124, 45, 3, 61, 72, 65, 39, 89, 84, 113, 53, 73, 29, 49, 120, 66, 80, 79, 27, 71, 122, 10, 117, 40, 9, 92, 16, 67, 81, 19, 23, 119, 123, 51, 105, 36, 8, 15, 55, 108, 111, 60, 90, 14, 26, 87, 104, 74, 56, 91, 75, 0, 28, 69, 68, 100, 2, 102, 99, 58, 52, 85, 6, 63, 34, 54, 94, 127, 96, 76, 32, 121, 30, 1, 31, 7, 114, 82, 46, 37, 13, 112, 35, 5, 101, 98, 106], [102, 41, 112, 101, 108, 103, 33, 104, 29, 27, 115, 30, 42, 38, 16, 45, 114, 20, 32, 100, 121, 89, 98, 111, 87, 62, 59, 126, 13, 63, 107, 11, 43, 88, 117, 75, 118, 25, 84, 34, 31, 50, 51, 55, 23, 95, 56, 58, 53, 78, 94, 97, 82, 92, 8, 18, 127, 113, 110, 19, 40, 21, 35, 39, 85, 119, 37, 125, 96, 54, 6, 72, 90, 91, 14, 26, 124, 105, 9, 44, 28, 17, 116, 120, 60, 48, 80, 57, 1, 123, 79, 77, 86, 24, 69, 73, 15, 122, 68, 99, 81, 74, 4, 52, 71, 67, 7, 65, 76, 66, 61, 109, 106, 46, 93, 2, 64, 12, 10, 49, 3, 47, 83, 70, 36, 22, 0, 5], [107, 104, 102, 33, 108, 45, 95, 92, 29, 42, 103, 21, 99, 43, 85, 101, 23, 50, 27, 28, 113, 98, 19, 15, 120, 83, 26, 46, 74, 97, 34, 12, 86, 123, 52, 127, 90, 79, 39, 7, 17, 41, 112, 49, 126, 77, 48, 38, 125, 89, 44, 61, 111, 18, 100, 115, 32, 25, 35, 119, 93, 62, 30, 60, 84, 96, 31, 80, 122, 87, 114, 53, 55, 47, 56, 110, 13, 57, 63, 37, 51, 54, 116, 117, 68, 124, 105, 78, 40, 81, 118, 88, 9, 91, 11, 109, 76, 24, 59, 71, 121, 82, 6, 20, 1, 72, 106, 16, 58, 73, 5, 94, 67, 10, 69, 14, 4, 22, 75, 2, 36, 70, 8, 66, 3, 65, 64, 0], [102, 103, 33, 29, 41, 42, 104, 45, 64, 1, 107, 108, 66, 27, 16, 112, 88, 115, 3, 50, 101, 20, 127, 67, 118, 75, 58, 116, 53, 72, 13, 84, 68, 19, 86, 25, 89, 70, 11, 30, 21, 77, 117, 4, 6, 14, 56, 59, 69, 82, 80, 100, 126, 95, 32, 92, 97, 39, 85, 124, 79, 90, 121, 52, 54, 26, 5, 113, 71, 7, 123, 73, 51, 8, 0, 63, 111, 38, 23, 57, 15, 119, 10, 43, 60, 78, 22, 83, 87, 9, 74, 37, 99, 98, 76, 65, 61, 55, 17, 81, 18, 31, 24, 94, 28, 2, 47, 44, 40, 110, 114, 96, 105, 46, 109, 120, 34, 48, 12, 35, 62, 93, 106, 49, 91, 122, 125, 36], [103, 45, 102, 33, 26, 42, 95, 87, 79, 123, 104, 19, 113, 112, 41, 29, 21, 76, 108, 120, 30, 71, 10, 97, 81, 27, 101, 74, 44, 32, 115, 122, 89, 17, 12, 23, 7, 92, 25, 53, 15, 100, 90, 117, 13, 39, 105, 99, 83, 51, 85, 84, 50, 4, 20, 109, 61, 88, 35, 16, 98, 54, 94, 110, 125, 55, 66, 127, 70, 47, 65, 124, 116, 46, 80, 67, 114, 49, 57, 56, 78, 38, 86, 18, 60, 82, 11, 5, 121, 119, 126, 62, 48, 58, 59, 28, 111, 93, 37, 63, 2, 73, 52, 6, 8, 24, 3, 96, 106, 43, 40, 107, 1, 34, 118, 22, 0, 68, 69, 77, 91, 64, 72, 36, 75, 31, 14, 9], [104, 103, 33, 43, 44, 111, 102, 90, 49, 89, 8, 41, 93, 37, 116, 113, 95, 122, 123, 23, 74, 42, 14, 17, 83, 68, 85, 106, 91, 92, 13, 78, 63, 127, 115, 81, 112, 87, 121, 3, 70, 48, 72, 120, 28, 124, 53, 71, 30, 19, 47, 86, 59, 51, 96, 56, 94, 114, 108, 118, 76, 79, 55, 38, 29, 110, 5, 82, 15, 21, 11, 20, 26, 66, 6, 84, 22, 50, 9, 27, 100, 65, 61, 64, 57, 25, 35, 7, 16, 101, 80, 45, 52, 36, 46, 109, 107, 24, 126, 2, 4, 12, 67, 125, 75, 10, 32, 117, 97, 1, 69, 60, 77, 88, 98, 99, 73, 105, 58, 18, 62, 54, 34, 31, 0, 119, 40, 39], [103, 104, 102, 33, 43, 44, 111, 90, 115, 106, 113, 89, 42, 74, 56, 93, 48, 95, 85, 127, 41, 72, 92, 37, 107, 71, 17, 87, 123, 112, 122, 50, 83, 22, 55, 57, 116, 14, 53, 124, 49, 114, 26, 47, 110, 23, 63, 70, 98, 100, 51, 108, 121, 59, 13, 35, 28, 81, 94, 79, 32, 120, 29, 76, 101, 105, 126, 38, 7, 82, 9, 6, 118, 24, 125, 91, 20, 88, 15, 99, 36, 109, 18, 62, 34, 46, 84, 19, 3, 61, 2, 30, 11, 27, 86, 52, 58, 75, 25, 68, 12, 31, 117, 69, 54, 96, 119, 65, 78, 80, 8, 45, 16, 77, 40, 1, 21, 73, 10, 4, 66, 64, 60, 67, 0, 39, 97, 5], [104, 44, 103, 43, 33, 49, 111, 102, 95, 41, 37, 123, 27, 91, 9, 84, 42, 89, 61, 122, 24, 76, 124, 116, 30, 85, 79, 96, 51, 48, 118, 28, 87, 92, 98, 127, 59, 23, 109, 121, 20, 15, 88, 29, 100, 106, 53, 34, 35, 101, 126, 16, 120, 54, 108, 115, 47, 93, 83, 17, 56, 18, 90, 113, 55, 38, 22, 63, 8, 81, 13, 94, 72, 117, 60, 50, 114, 36, 12, 71, 45, 57, 105, 32, 110, 119, 62, 74, 58, 97, 31, 112, 125, 52, 19, 46, 86, 5, 80, 68, 73, 3, 78, 99, 107, 6, 70, 75, 40, 14, 65, 21, 39, 7, 25, 77, 64, 2, 11, 82, 26, 10, 69, 4, 0, 66, 1, 67], [102, 33, 44, 104, 43, 103, 79, 28, 27, 87, 95, 9, 12, 124, 49, 21, 23, 99, 76, 90, 85, 35, 32, 31, 29, 80, 94, 61, 98, 114, 84, 91, 18, 15, 73, 89, 81, 106, 112, 62, 51, 41, 54, 56, 58, 59, 117, 45, 119, 88, 26, 110, 105, 52, 115, 42, 111, 24, 30, 92, 109, 38, 123, 37, 108, 113, 57, 118, 60, 125, 82, 25, 86, 75, 96, 19, 16, 14, 40, 46, 77, 20, 101, 93, 122, 126, 36, 53, 100, 55, 47, 71, 39, 11, 72, 34, 50, 63, 116, 48, 107, 70, 121, 13, 120, 17, 127, 78, 83, 3, 22, 7, 6, 5, 8, 66, 74, 97, 69, 10, 68, 67, 64, 4, 65, 0, 1, 2], [39, 41, 101, 97, 29, 110, 24, 43, 32, 49, 121, 84, 120, 63, 3, 56, 44, 8, 59, 21, 38, 98, 40, 6, 60, 127, 53, 71, 2, 25, 52, 116, 99, 13, 62, 4, 125, 72, 46, 18, 23, 7, 31, 68, 85, 15, 92, 42, 79, 76, 115, 123, 87, 75, 109, 57, 108, 95, 102, 12, 54, 0, 36, 66, 61, 19, 50, 124, 94, 65, 111, 82, 69, 126, 77, 80, 83, 106, 113, 51, 33, 100, 114, 91, 14, 20, 78, 10, 47, 27, 117, 86, 48, 118, 67, 89, 11, 112, 58, 16, 35, 88, 30, 45, 28, 5, 17, 70, 93, 73, 90, 34, 105, 22, 26, 55, 64, 119, 107, 9, 122, 104, 103, 96, 81, 1, 74, 37], [39, 41, 97, 32, 101, 43, 29, 26, 116, 31, 54, 80, 99, 55, 125, 18, 21, 59, 24, 78, 73, 111, 23, 76, 71, 16, 87, 82, 119, 3, 25, 28, 11, 121, 112, 12, 123, 63, 98, 120, 85, 83, 47, 91, 94, 56, 13, 103, 7, 33, 17, 88, 51, 127, 4, 95, 104, 19, 38, 108, 60, 86, 100, 79, 124, 77, 30, 27, 109, 81, 52, 50, 84, 61, 67, 37, 93, 49, 92, 5, 10, 118, 46, 58, 69, 74, 110, 14, 53, 45, 122, 126, 57, 113, 114, 15, 42, 107, 68, 22, 72, 9, 62, 90, 89, 70, 115, 48, 102, 8, 75, 36, 40, 6, 117, 105, 2, 0, 96, 20, 106, 44, 35, 65, 66, 1, 34, 64], [6, 39, 41, 70, 101, 72, 8, 43, 74, 60, 108, 53, 92, 110, 98, 113, 50, 32, 44, 47, 61, 87, 62, 95, 28, 111, 26, 38, 58, 57, 67, 124, 18, 52, 56, 51, 99, 97, 112, 123, 118, 125, 116, 59, 109, 33, 40, 89, 120, 106, 19, 121, 30, 46, 14, 31, 68, 126, 88, 11, 4, 104, 24, 45, 2, 63, 127, 10, 119, 105, 80, 90, 107, 83, 34, 114, 36, 78, 3, 27, 69, 42, 55, 9, 20, 73, 122, 5, 15, 86, 25, 49, 48, 29, 21, 94, 66, 100, 22, 0, 54, 65, 75, 84, 17, 96, 93, 91, 35, 77, 12, 71, 115, 102, 103, 79, 7, 23, 81, 117, 37, 85, 16, 13, 64, 76, 1, 82], [41, 39, 70, 101, 10, 32, 19, 43, 87, 97, 11, 83, 46, 14, 60, 4, 123, 15, 125, 38, 44, 108, 56, 86, 16, 9, 118, 53, 18, 5, 109, 2, 92, 76, 78, 62, 61, 23, 120, 127, 24, 68, 49, 59, 42, 66, 84, 75, 21, 110, 8, 27, 106, 72, 63, 111, 47, 52, 121, 50, 73, 126, 28, 40, 17, 99, 67, 107, 79, 122, 89, 82, 33, 124, 105, 77, 58, 26, 1, 85, 25, 114, 119, 51, 22, 57, 98, 48, 31, 71, 94, 103, 115, 116, 13, 7, 102, 74, 113, 3, 20, 96, 6, 0, 81, 90, 69, 45, 104, 29, 34, 100, 12, 36, 91, 88, 80, 64, 54, 95, 30, 55, 35, 65, 93, 37, 112, 117], [40, 102, 31, 107, 22, 39, 78, 98, 9, 6, 73, 88, 12, 81, 17, 67, 76, 106, 25, 70, 48, 85, 86, 110, 91, 92, 114, 74, 82, 2, 58, 15, 83, 59, 14, 27, 108, 117, 127, 66, 79, 111, 47, 30, 51, 50, 5, 21, 57, 52, 109, 36, 89, 23, 35, 49, 101, 63, 72, 90, 122, 54, 100, 26, 84, 56, 124, 33, 18, 55, 62, 126, 29, 123, 11, 95, 119, 20, 96, 28, 77, 19, 24, 4, 87, 32, 115, 37, 99, 41, 53, 97, 125, 112, 8, 104, 71, 43, 93, 3, 116, 65, 16, 10, 64, 75, 94, 113, 120, 105, 68, 60, 46, 103, 7, 61, 69, 34, 13, 44, 0, 118, 80, 45, 121, 1, 42, 38], [40, 73, 70, 14, 39, 17, 110, 102, 114, 85, 82, 91, 51, 106, 99, 49, 48, 41, 98, 83, 36, 75, 115, 46, 88, 119, 92, 30, 69, 57, 28, 32, 15, 109, 126, 63, 86, 31, 123, 84, 6, 37, 72, 107, 90, 76, 77, 53, 71, 60, 22, 23, 124, 55, 93, 100, 21, 33, 58, 111, 81, 8, 24, 18, 125, 19, 44, 112, 79, 113, 59, 2, 74, 65, 62, 97, 35, 0, 61, 45, 78, 89, 101, 5, 4, 66, 67, 50, 42, 122, 11, 117, 26, 16, 108, 56, 3, 10, 9, 121, 25, 116, 94, 1, 105, 118, 12, 47, 120, 20, 96, 43, 29, 87, 64, 52, 13, 104, 80, 127, 7, 38, 54, 95, 27, 34, 68, 103], [40, 99, 41, 107, 9, 66, 96, 37, 91, 36, 73, 24, 58, 111, 94, 31, 47, 86, 114, 50, 92, 89, 10, 52, 29, 59, 34, 6, 39, 18, 127, 44, 100, 22, 76, 21, 56, 122, 121, 57, 102, 79, 70, 12, 46, 84, 81, 85, 63, 116, 72, 88, 43, 110, 5, 83, 87, 45, 69, 27, 3, 2, 8, 78, 51, 115, 106, 67, 74, 7, 54, 118, 19, 42, 104, 124, 11, 97, 4, 75, 105, 35, 33, 62, 55, 28, 30, 0, 82, 77, 95, 93, 120, 98, 20, 25, 117, 32, 53, 17, 90, 26, 71, 108, 64, 14, 23, 101, 48, 49, 65, 15, 119, 125, 103, 80, 68, 112, 1, 126, 13, 16, 113, 123, 61, 109, 38, 60], [40, 41, 102, 37, 92, 32, 90, 88, 96, 107, 23, 31, 74, 39, 84, 97, 25, 75, 82, 35, 79, 10, 91, 15, 7, 4, 18, 116, 20, 98, 87, 99, 69, 33, 86, 111, 100, 122, 121, 127, 65, 58, 13, 8, 56, 47, 95, 9, 50, 114, 81, 110, 59, 118, 72, 48, 77, 17, 29, 24, 21, 52, 104, 22, 54, 28, 94, 83, 85, 51, 57, 14, 73, 36, 16, 19, 66, 76, 71, 11, 93, 78, 120, 27, 6, 108, 5, 117, 43, 49, 63, 3, 67, 2, 61, 26, 64, 70, 68, 0, 101, 105, 124, 62, 55, 30, 80, 89, 103, 34, 44, 113, 45, 60, 1, 38, 106, 42, 115, 109, 12, 125, 119, 126, 53, 112, 123, 46], [103, 105, 96, 47, 59, 45, 42, 30, 19, 93, 14, 112, 113, 32, 86, 0, 127, 104, 38, 21, 84, 57, 48, 89, 72, 124, 87, 81, 51, 80, 55, 44, 25, 63, 126, 94, 118, 123, 34, 52, 68, 26, 40, 7, 115, 27, 3, 33, 88, 11, 120, 8, 125, 1, 23, 66, 70, 110, 77, 5, 107, 39, 50, 73, 58, 46, 13, 119, 6, 91, 9, 69, 15, 17, 76, 74, 43, 54, 24, 79, 95, 75, 22, 82, 78, 90, 12, 121, 92, 16, 71, 31, 114, 4, 117, 116, 18, 20, 67, 61, 53, 97, 37, 28, 41, 49, 35, 60, 36, 122, 99, 10, 85, 2, 109, 100, 101, 108, 83, 102, 56, 111, 65, 62, 98, 29, 64, 106], [104, 42, 103, 96, 45, 34, 47, 93, 32, 89, 27, 30, 84, 94, 26, 21, 81, 112, 116, 87, 105, 19, 51, 102, 86, 25, 38, 88, 80, 15, 41, 23, 119, 33, 20, 118, 52, 111, 114, 113, 44, 110, 85, 57, 98, 125, 124, 13, 48, 54, 11, 107, 43, 73, 55, 37, 106, 12, 100, 59, 10, 76, 24, 127, 77, 82, 115, 60, 14, 72, 101, 68, 90, 121, 29, 91, 0, 63, 97, 58, 75, 9, 61, 46, 126, 108, 4, 39, 56, 18, 22, 28, 70, 117, 120, 53, 109, 66, 6, 123, 3, 1, 95, 92, 49, 31, 50, 122, 99, 40, 69, 5, 62, 67, 83, 79, 16, 36, 64, 78, 2, 8, 74, 7, 35, 65, 71, 17], [103, 104, 96, 42, 45, 105, 30, 19, 93, 59, 47, 89, 113, 14, 86, 112, 84, 21, 32, 124, 80, 87, 57, 81, 44, 0, 72, 127, 88, 115, 25, 26, 48, 63, 119, 123, 51, 68, 118, 34, 52, 15, 55, 98, 126, 61, 43, 73, 24, 110, 102, 46, 107, 125, 121, 23, 116, 114, 41, 56, 54, 66, 27, 8, 3, 70, 91, 76, 6, 11, 39, 13, 1, 33, 97, 74, 4, 94, 22, 77, 58, 7, 37, 95, 82, 50, 36, 17, 117, 120, 53, 122, 75, 16, 90, 79, 67, 111, 40, 5, 64, 9, 2, 78, 18, 38, 31, 71, 60, 65, 12, 100, 108, 92, 85, 69, 29, 49, 99, 101, 62, 20, 109, 28, 35, 10, 106, 83], [42, 104, 103, 96, 45, 30, 89, 112, 34, 27, 113, 32, 102, 47, 93, 26, 105, 84, 94, 21, 81, 86, 88, 87, 124, 25, 59, 80, 44, 15, 19, 38, 114, 20, 57, 85, 52, 51, 23, 118, 127, 125, 119, 43, 100, 29, 33, 41, 46, 116, 82, 13, 126, 48, 11, 107, 77, 73, 98, 72, 122, 106, 54, 37, 95, 55, 24, 76, 12, 115, 10, 14, 97, 39, 110, 68, 101, 123, 56, 63, 92, 4, 0, 6, 91, 53, 90, 121, 50, 40, 61, 111, 22, 75, 9, 18, 16, 70, 117, 31, 60, 3, 58, 99, 66, 49, 74, 67, 1, 108, 109, 79, 2, 120, 35, 62, 64, 36, 28, 7, 83, 8, 69, 65, 5, 78, 71, 17], [100, 39, 31, 50, 91, 25, 47, 97, 96, 42, 116, 40, 90, 60, 41, 46, 19, 70, 44, 89, 22, 109, 48, 33, 95, 77, 27, 107, 2, 43, 101, 0, 18, 17, 108, 80, 49, 13, 53, 7, 10, 103, 64, 45, 21, 94, 12, 74, 79, 76, 118, 115, 124, 5, 73, 120, 35, 56, 99, 28, 55, 81, 54, 110, 14, 114, 126, 6, 68, 125, 127, 123, 93, 112, 113, 38, 58, 57, 61, 122, 32, 121, 75, 62, 84, 88, 119, 111, 59, 106, 3, 63, 72, 52, 30, 36, 26, 51, 86, 34, 98, 102, 29, 117, 16, 9, 8, 67, 83, 105, 11, 71, 65, 15, 4, 69, 1, 24, 104, 87, 66, 20, 82, 37, 92, 78, 23, 85], [40, 25, 64, 101, 42, 41, 45, 110, 72, 113, 56, 112, 108, 68, 107, 111, 114, 39, 2, 61, 125, 55, 119, 51, 97, 63, 31, 121, 22, 57, 54, 126, 59, 74, 123, 80, 87, 96, 52, 62, 18, 120, 7, 48, 0, 84, 58, 28, 91, 70, 115, 93, 11, 5, 14, 49, 60, 17, 30, 76, 66, 44, 19, 24, 88, 77, 3, 100, 13, 50, 1, 79, 109, 69, 90, 95, 99, 102, 104, 33, 53, 71, 21, 73, 8, 26, 106, 65, 75, 116, 117, 46, 98, 105, 89, 92, 67, 47, 35, 34, 81, 12, 4, 6, 122, 36, 78, 85, 10, 94, 43, 82, 83, 9, 118, 86, 103, 15, 127, 37, 16, 38, 27, 124, 23, 20, 32, 29], [0, 39, 22, 42, 96, 41, 91, 18, 10, 107, 79, 40, 14, 21, 19, 50, 77, 71, 80, 88, 70, 84, 48, 5, 45, 85, 44, 17, 11, 81, 100, 46, 28, 60, 76, 83, 72, 110, 66, 63, 57, 36, 47, 109, 2, 108, 56, 125, 120, 35, 111, 93, 61, 73, 114, 24, 112, 49, 55, 113, 87, 90, 121, 30, 64, 4, 99, 126, 116, 15, 51, 103, 52, 54, 6, 82, 97, 43, 115, 86, 119, 123, 58, 7, 101, 117, 69, 53, 13, 33, 59, 9, 62, 32, 68, 75, 31, 8, 3, 1, 12, 92, 29, 20, 78, 65, 104, 37, 27, 106, 122, 74, 16, 23, 34, 95, 25, 118, 26, 89, 94, 67, 98, 38, 105, 102, 127, 124], [108, 54, 112, 119, 59, 62, 113, 110, 123, 111, 26, 51, 61, 107, 55, 125, 89, 115, 114, 45, 121, 98, 58, 57, 63, 48, 52, 49, 34, 109, 122, 41, 126, 43, 127, 38, 32, 95, 56, 94, 100, 33, 120, 53, 50, 24, 124, 29, 40, 101, 44, 90, 25, 85, 8, 102, 60, 97, 88, 86, 83, 27, 42, 118, 46, 99, 66, 105, 4, 12, 19, 10, 47, 116, 96, 13, 82, 22, 16, 92, 30, 64, 31, 37, 117, 72, 28, 91, 87, 106, 69, 2, 103, 17, 9, 36, 70, 5, 84, 65, 76, 104, 75, 11, 39, 0, 78, 73, 20, 77, 23, 3, 6, 81, 68, 15, 74, 79, 80, 21, 35, 7, 93, 18, 71, 14, 67, 1]], "model.layers.0.self_attn.k_proj": [[0, 97, 42, 47, 103, 86, 93, 1, 25, 38, 88, 49, 40, 108, 65, 91, 117, 48, 57, 66, 78, 46, 68, 9, 64, 50, 52, 19, 45, 31, 118, 2, 55, 51, 70, 67, 85, 61, 77, 127, 82, 17, 63, 120, 80, 126, 87, 6, 75, 124, 72, 123, 3, 54, 62, 122, 14, 121, 7, 69, 53, 5, 56, 12, 10, 84, 41, 119, 115, 81, 34, 4, 76, 101, 107, 105, 60, 26, 74, 23, 79, 89, 15, 73, 24, 83, 22, 21, 18, 58, 43, 28, 33, 116, 29, 35, 27, 11, 112, 32, 30, 92, 16, 37, 104, 98, 59, 99, 94, 39, 90, 114, 13, 96, 36, 113, 100, 109, 95, 125, 111, 20, 106, 71, 8, 110, 44, 102], [39, 97, 105, 102, 112, 46, 65, 43, 29, 113, 64, 51, 77, 68, 111, 25, 86, 125, 18, 67, 106, 70, 9, 80, 17, 4, 59, 11, 116, 31, 124, 24, 126, 12, 88, 3, 108, 78, 52, 71, 73, 16, 45, 47, 90, 66, 42, 22, 53, 57, 21, 61, 122, 118, 20, 1, 6, 121, 114, 93, 109, 54, 89, 62, 76, 120, 74, 48, 69, 123, 33, 87, 50, 13, 55, 7, 10, 127, 84, 95, 83, 115, 41, 23, 26, 119, 2, 117, 60, 103, 56, 5, 30, 37, 72, 81, 40, 100, 101, 91, 14, 104, 94, 15, 92, 19, 38, 85, 8, 0, 49, 79, 75, 35, 36, 28, 63, 98, 82, 32, 34, 99, 110, 44, 27, 58, 96, 107], [38, 39, 97, 109, 105, 89, 25, 49, 106, 78, 44, 40, 20, 48, 36, 126, 33, 64, 62, 31, 104, 108, 82, 27, 122, 29, 120, 94, 34, 96, 113, 117, 51, 42, 107, 103, 11, 8, 115, 16, 18, 84, 123, 14, 30, 37, 124, 91, 125, 50, 88, 56, 61, 41, 17, 87, 114, 66, 21, 47, 12, 53, 54, 19, 60, 26, 52, 73, 28, 24, 23, 118, 90, 32, 81, 83, 59, 102, 85, 15, 1, 74, 93, 57, 121, 43, 75, 58, 3, 112, 70, 92, 9, 69, 13, 127, 111, 79, 5, 6, 80, 119, 22, 63, 55, 76, 99, 7, 116, 35, 110, 77, 68, 4, 101, 72, 86, 46, 67, 10, 71, 45, 0, 2, 95, 98, 65, 100], [107, 39, 108, 64, 40, 47, 105, 97, 113, 29, 65, 30, 3, 66, 36, 83, 48, 89, 116, 122, 101, 90, 2, 95, 17, 13, 16, 33, 74, 38, 85, 23, 19, 63, 87, 27, 109, 5, 71, 114, 24, 81, 26, 84, 104, 53, 50, 92, 82, 93, 4, 34, 22, 121, 106, 76, 1, 14, 78, 68, 35, 79, 115, 103, 120, 123, 9, 42, 55, 41, 69, 7, 126, 118, 88, 18, 127, 28, 112, 51, 59, 80, 54, 124, 111, 117, 62, 91, 15, 43, 77, 96, 125, 110, 98, 6, 45, 49, 119, 20, 100, 94, 60, 25, 75, 58, 86, 56, 52, 44, 0, 57, 21, 61, 12, 10, 46, 31, 102, 11, 32, 70, 8, 72, 99, 67, 37, 73], [103, 105, 107, 33, 0, 37, 65, 83, 24, 28, 95, 87, 78, 19, 84, 23, 25, 77, 34, 96, 125, 54, 94, 14, 92, 35, 21, 89, 79, 5, 116, 123, 22, 59, 13, 18, 29, 55, 73, 81, 36, 12, 106, 52, 127, 111, 102, 56, 121, 15, 97, 42, 63, 46, 48, 120, 11, 45, 91, 51, 71, 76, 126, 93, 85, 66, 119, 122, 90, 8, 68, 60, 26, 98, 2, 118, 40, 39, 109, 16, 113, 57, 32, 58, 3, 27, 112, 62, 61, 44, 30, 7, 80, 115, 114, 124, 41, 74, 117, 50, 17, 110, 49, 31, 69, 53, 47, 108, 4, 64, 82, 9, 104, 67, 100, 75, 43, 1, 88, 72, 38, 101, 10, 20, 70, 86, 99, 6], [104, 38, 43, 103, 95, 42, 45, 46, 105, 112, 84, 113, 53, 50, 59, 125, 96, 90, 115, 88, 60, 23, 13, 62, 34, 61, 91, 82, 58, 124, 0, 57, 92, 63, 111, 21, 123, 120, 119, 20, 79, 19, 55, 54, 17, 15, 126, 22, 81, 87, 27, 127, 44, 72, 49, 85, 51, 86, 56, 52, 117, 80, 48, 75, 114, 31, 89, 18, 94, 116, 29, 121, 122, 1, 33, 12, 16, 118, 32, 7, 35, 101, 64, 40, 78, 47, 24, 109, 65, 69, 71, 14, 76, 73, 100, 11, 97, 110, 41, 8, 26, 4, 108, 67, 39, 93, 25, 36, 70, 28, 10, 66, 74, 6, 77, 37, 107, 99, 5, 68, 83, 9, 98, 3, 102, 106, 30, 2], [39, 111, 32, 1, 0, 109, 2, 6, 48, 4, 40, 41, 29, 108, 67, 84, 66, 15, 107, 11, 65, 81, 115, 70, 89, 73, 52, 21, 30, 57, 104, 119, 80, 42, 118, 87, 124, 123, 13, 106, 72, 3, 49, 86, 58, 98, 63, 27, 114, 110, 127, 113, 126, 76, 53, 26, 25, 14, 83, 59, 96, 55, 77, 88, 19, 94, 121, 93, 23, 125, 7, 78, 51, 120, 46, 82, 116, 71, 68, 105, 85, 24, 97, 8, 61, 74, 103, 10, 54, 47, 117, 122, 34, 91, 18, 92, 20, 62, 100, 12, 31, 75, 56, 5, 90, 9, 79, 28, 33, 101, 69, 99, 22, 36, 95, 35, 43, 50, 60, 16, 112, 37, 44, 102, 17, 45, 64, 38], [64, 66, 4, 106, 6, 67, 1, 71, 10, 69, 105, 46, 43, 104, 37, 44, 92, 47, 109, 103, 94, 15, 8, 83, 85, 7, 56, 53, 73, 86, 126, 116, 32, 78, 22, 82, 75, 24, 77, 49, 9, 120, 76, 79, 50, 91, 114, 52, 127, 48, 17, 16, 35, 19, 124, 18, 102, 12, 20, 68, 58, 57, 63, 60, 115, 13, 113, 121, 123, 14, 81, 117, 45, 62, 59, 55, 51, 111, 122, 125, 23, 61, 119, 118, 110, 21, 3, 100, 112, 33, 54, 38, 72, 34, 2, 11, 80, 65, 29, 70, 88, 27, 0, 36, 98, 84, 89, 97, 74, 93, 30, 5, 107, 90, 96, 26, 87, 95, 28, 39, 108, 41, 42, 99, 101, 31, 25, 40]], "model.layers.0.self_attn.qk_proj": [[104, 39, 33, 42, 103, 41, 97, 64, 0, 93, 108, 25, 107, 89, 105, 113, 126, 29, 102, 121, 111, 48, 57, 95, 59, 115, 47, 123, 70, 88, 53, 63, 96, 30, 24, 20, 43, 87, 116, 23, 38, 109, 78, 124, 49, 19, 61, 112, 52, 51, 50, 120, 27, 83, 119, 22, 32, 114, 45, 21, 106, 125, 122, 40, 44, 127, 86, 54, 17, 118, 56, 85, 55, 14, 84, 46, 65, 81, 68, 1, 91, 3, 62, 4, 66, 18, 82, 77, 9, 79, 117, 2, 90, 92, 110, 8, 80, 67, 13, 76, 15, 75, 60, 12, 26, 16, 31, 11, 73, 10, 58, 71, 74, 7, 5, 69, 28, 101, 6, 34, 98, 94, 72, 37, 100, 35, 36, 99], [39, 104, 33, 42, 103, 41, 64, 97, 108, 0, 93, 107, 105, 25, 113, 126, 29, 89, 95, 102, 111, 59, 47, 38, 123, 121, 124, 88, 115, 50, 53, 106, 116, 48, 85, 119, 30, 70, 43, 63, 40, 87, 96, 24, 21, 57, 49, 23, 122, 27, 20, 22, 44, 114, 109, 52, 19, 120, 54, 61, 45, 67, 127, 17, 78, 32, 81, 83, 84, 62, 56, 125, 86, 51, 46, 14, 1, 118, 92, 112, 55, 79, 26, 18, 12, 2, 82, 15, 76, 65, 90, 3, 77, 91, 66, 117, 110, 73, 74, 4, 31, 9, 16, 13, 68, 75, 10, 80, 60, 8, 7, 58, 11, 71, 28, 98, 94, 6, 5, 72, 69, 34, 101, 100, 35, 36, 37, 99], [104, 39, 33, 42, 103, 41, 97, 108, 93, 0, 64, 25, 89, 29, 105, 107, 113, 95, 126, 102, 59, 123, 111, 115, 121, 47, 57, 88, 63, 24, 48, 124, 96, 38, 53, 116, 30, 87, 19, 52, 119, 43, 23, 20, 21, 40, 61, 127, 27, 109, 51, 84, 50, 22, 112, 106, 49, 32, 78, 86, 125, 14, 85, 54, 56, 17, 45, 120, 114, 70, 122, 44, 3, 118, 81, 46, 83, 65, 62, 82, 1, 91, 92, 15, 55, 76, 2, 117, 110, 12, 90, 79, 80, 26, 67, 16, 18, 77, 68, 11, 66, 13, 73, 9, 4, 31, 75, 6, 58, 74, 60, 72, 71, 10, 8, 28, 69, 7, 34, 98, 5, 94, 101, 100, 37, 35, 36, 99], [39, 104, 42, 33, 103, 41, 97, 108, 64, 0, 105, 93, 107, 113, 126, 89, 25, 29, 59, 124, 123, 111, 119, 63, 102, 115, 121, 95, 53, 47, 48, 50, 57, 87, 106, 96, 116, 43, 88, 38, 49, 30, 61, 23, 24, 22, 54, 20, 51, 6, 122, 44, 114, 27, 40, 109, 52, 78, 85, 125, 21, 83, 45, 17, 19, 118, 86, 84, 112, 62, 65, 81, 56, 55, 14, 120, 79, 127, 32, 68, 66, 67, 1, 46, 3, 9, 91, 110, 18, 4, 12, 73, 82, 26, 2, 72, 70, 92, 77, 15, 117, 76, 13, 16, 90, 58, 80, 75, 10, 31, 60, 74, 11, 7, 71, 69, 28, 5, 98, 94, 101, 34, 8, 100, 35, 37, 36, 99], [39, 104, 33, 42, 103, 41, 97, 64, 108, 0, 93, 105, 25, 89, 107, 113, 126, 115, 102, 59, 29, 123, 47, 95, 119, 121, 63, 53, 111, 124, 57, 48, 116, 43, 6, 20, 30, 23, 88, 96, 24, 106, 109, 38, 87, 50, 52, 22, 21, 49, 27, 17, 40, 61, 19, 112, 122, 78, 3, 54, 14, 44, 45, 114, 51, 91, 84, 86, 46, 65, 85, 125, 1, 127, 118, 120, 32, 81, 56, 62, 82, 83, 26, 73, 72, 55, 15, 9, 2, 110, 4, 79, 66, 76, 92, 117, 12, 67, 18, 16, 77, 11, 13, 68, 31, 80, 90, 75, 60, 58, 10, 74, 71, 70, 7, 98, 34, 28, 69, 5, 94, 101, 8, 100, 37, 36, 35, 99], [39, 104, 42, 33, 103, 41, 97, 108, 0, 64, 25, 93, 89, 105, 107, 126, 95, 113, 29, 102, 115, 123, 59, 48, 121, 53, 124, 6, 30, 88, 111, 47, 87, 63, 96, 106, 116, 23, 119, 38, 27, 24, 43, 57, 20, 49, 40, 22, 61, 44, 50, 54, 52, 122, 21, 109, 1, 51, 86, 81, 85, 19, 78, 114, 3, 84, 45, 125, 112, 32, 127, 14, 83, 118, 120, 17, 2, 46, 56, 55, 76, 62, 82, 91, 92, 18, 72, 77, 65, 79, 9, 117, 15, 12, 66, 90, 110, 67, 68, 4, 26, 16, 31, 13, 80, 73, 75, 10, 74, 60, 7, 11, 71, 58, 98, 5, 94, 28, 34, 70, 69, 101, 8, 100, 35, 37, 99, 36], [39, 104, 33, 42, 103, 97, 41, 0, 64, 93, 108, 113, 105, 107, 25, 89, 126, 47, 29, 95, 102, 30, 121, 59, 123, 115, 48, 111, 53, 6, 124, 88, 24, 50, 119, 49, 116, 27, 38, 106, 63, 43, 57, 96, 87, 23, 21, 32, 20, 125, 52, 61, 22, 109, 112, 44, 85, 45, 51, 19, 83, 122, 114, 40, 14, 54, 55, 78, 17, 120, 2, 84, 86, 62, 1, 118, 127, 66, 91, 3, 56, 72, 110, 4, 81, 18, 82, 77, 46, 68, 26, 79, 65, 16, 13, 9, 15, 76, 67, 12, 80, 92, 75, 117, 31, 90, 73, 60, 74, 58, 10, 11, 71, 7, 28, 70, 5, 69, 98, 34, 94, 101, 8, 100, 37, 35, 36, 99], [39, 33, 104, 42, 103, 97, 41, 93, 64, 108, 0, 25, 105, 113, 89, 107, 126, 29, 95, 47, 59, 102, 48, 88, 53, 115, 116, 123, 124, 111, 24, 57, 30, 38, 96, 63, 87, 52, 121, 19, 43, 23, 27, 20, 50, 119, 51, 85, 32, 6, 40, 21, 106, 49, 109, 61, 127, 78, 125, 86, 122, 84, 22, 54, 81, 120, 45, 112, 14, 114, 91, 17, 83, 56, 46, 44, 118, 2, 67, 16, 90, 110, 66, 62, 1, 117, 4, 79, 65, 76, 92, 72, 68, 82, 15, 18, 75, 13, 26, 55, 12, 9, 3, 80, 31, 77, 11, 73, 10, 58, 74, 60, 70, 28, 7, 98, 71, 34, 94, 101, 69, 5, 100, 37, 8, 35, 36, 99], [39, 104, 33, 42, 103, 41, 97, 64, 0, 108, 93, 105, 107, 113, 25, 95, 89, 29, 126, 48, 59, 124, 102, 88, 47, 38, 115, 123, 111, 53, 50, 106, 21, 27, 44, 30, 96, 43, 87, 116, 121, 109, 52, 23, 24, 119, 40, 63, 49, 57, 85, 19, 22, 114, 86, 122, 20, 127, 78, 54, 83, 56, 51, 17, 32, 84, 61, 14, 81, 90, 125, 120, 112, 45, 46, 118, 66, 1, 70, 82, 15, 62, 12, 79, 91, 55, 2, 76, 26, 65, 67, 18, 92, 6, 110, 9, 117, 73, 3, 72, 77, 16, 31, 68, 10, 13, 80, 74, 75, 4, 60, 11, 28, 58, 7, 98, 94, 34, 71, 5, 69, 8, 101, 100, 37, 35, 36, 99], [33, 104, 39, 42, 103, 41, 97, 89, 25, 93, 108, 29, 64, 95, 0, 113, 102, 107, 105, 126, 38, 87, 59, 88, 96, 48, 27, 24, 53, 47, 32, 116, 30, 115, 124, 85, 123, 19, 21, 40, 106, 23, 57, 43, 109, 121, 111, 22, 44, 20, 83, 63, 122, 78, 52, 50, 84, 86, 81, 49, 127, 2, 56, 45, 17, 26, 119, 66, 14, 114, 54, 61, 51, 125, 70, 91, 82, 4, 120, 112, 76, 12, 46, 118, 92, 18, 1, 67, 15, 55, 117, 68, 79, 65, 62, 80, 16, 90, 13, 77, 73, 74, 72, 31, 75, 9, 11, 10, 3, 110, 71, 7, 58, 60, 6, 28, 8, 34, 94, 98, 101, 69, 5, 100, 37, 36, 35, 99], [39, 104, 33, 42, 103, 0, 41, 64, 97, 108, 25, 93, 113, 105, 107, 126, 89, 59, 29, 115, 111, 47, 57, 121, 102, 63, 123, 48, 95, 124, 70, 52, 88, 96, 116, 53, 119, 43, 87, 61, 49, 23, 24, 30, 38, 50, 19, 125, 106, 20, 51, 21, 32, 109, 56, 22, 54, 14, 78, 1, 112, 120, 83, 67, 45, 40, 114, 44, 122, 118, 84, 127, 27, 46, 86, 81, 68, 65, 3, 17, 62, 85, 55, 91, 110, 2, 79, 18, 66, 77, 82, 4, 76, 9, 13, 117, 92, 15, 90, 26, 12, 73, 60, 11, 16, 31, 74, 58, 75, 80, 10, 8, 71, 7, 72, 28, 5, 69, 6, 98, 101, 94, 34, 100, 37, 35, 99, 36], [39, 104, 33, 42, 103, 0, 41, 64, 108, 97, 107, 105, 113, 93, 126, 25, 89, 59, 121, 63, 111, 115, 70, 123, 47, 29, 95, 102, 119, 48, 124, 96, 53, 116, 49, 57, 51, 88, 52, 87, 50, 61, 27, 30, 65, 109, 43, 106, 22, 120, 24, 23, 21, 114, 38, 56, 19, 122, 40, 54, 14, 45, 125, 118, 83, 84, 112, 20, 46, 44, 127, 55, 32, 86, 81, 78, 62, 17, 67, 82, 85, 3, 91, 2, 90, 117, 79, 66, 77, 92, 68, 4, 110, 76, 15, 13, 60, 73, 26, 31, 1, 9, 12, 75, 18, 80, 8, 58, 74, 11, 16, 71, 10, 28, 7, 69, 5, 98, 72, 34, 94, 6, 101, 100, 37, 36, 35, 99], [39, 33, 104, 42, 103, 97, 41, 108, 89, 93, 95, 105, 0, 113, 25, 64, 29, 126, 107, 30, 102, 27, 124, 48, 38, 47, 115, 53, 106, 88, 24, 59, 23, 116, 123, 21, 96, 40, 32, 87, 86, 111, 50, 121, 44, 85, 43, 22, 122, 20, 109, 63, 49, 70, 57, 119, 52, 83, 81, 19, 51, 14, 91, 17, 114, 118, 78, 54, 127, 125, 45, 112, 61, 26, 92, 84, 2, 56, 76, 66, 18, 15, 82, 12, 65, 62, 79, 46, 1, 120, 117, 80, 55, 73, 31, 68, 90, 110, 16, 67, 77, 3, 8, 13, 75, 74, 4, 9, 6, 10, 11, 60, 34, 58, 71, 28, 98, 94, 7, 72, 69, 101, 5, 100, 36, 37, 35, 99], [33, 104, 39, 42, 103, 41, 97, 93, 108, 89, 25, 0, 64, 95, 105, 113, 29, 107, 126, 102, 121, 115, 53, 30, 88, 38, 48, 47, 96, 59, 124, 123, 57, 43, 87, 21, 111, 116, 22, 23, 27, 63, 32, 40, 51, 52, 50, 106, 20, 109, 86, 44, 83, 122, 24, 14, 49, 78, 119, 127, 19, 112, 84, 81, 61, 54, 17, 114, 85, 55, 120, 91, 45, 46, 70, 18, 82, 62, 79, 65, 12, 2, 56, 92, 3, 66, 118, 4, 125, 90, 73, 26, 117, 13, 1, 68, 8, 80, 15, 76, 6, 31, 67, 77, 110, 16, 11, 9, 75, 10, 60, 74, 28, 7, 71, 5, 58, 98, 34, 101, 94, 69, 100, 72, 37, 35, 36, 99], [39, 104, 33, 42, 103, 0, 97, 41, 108, 93, 64, 113, 25, 107, 126, 47, 105, 89, 59, 29, 115, 124, 48, 63, 121, 123, 53, 95, 57, 111, 116, 102, 52, 30, 96, 24, 49, 88, 119, 51, 87, 23, 38, 20, 106, 78, 32, 61, 83, 44, 43, 27, 21, 22, 50, 127, 109, 122, 86, 54, 85, 19, 114, 6, 17, 125, 14, 3, 40, 112, 4, 81, 118, 46, 45, 56, 65, 62, 84, 2, 55, 120, 82, 66, 8, 91, 18, 76, 68, 79, 26, 117, 1, 12, 9, 11, 67, 73, 90, 70, 13, 15, 16, 110, 92, 77, 31, 60, 75, 80, 71, 10, 7, 58, 74, 28, 5, 98, 34, 69, 94, 72, 101, 37, 100, 35, 36, 99], [39, 104, 33, 42, 103, 41, 64, 0, 97, 108, 93, 113, 25, 105, 107, 89, 126, 115, 29, 102, 59, 123, 95, 111, 47, 6, 48, 121, 53, 88, 63, 57, 119, 124, 43, 49, 116, 30, 52, 109, 24, 38, 106, 87, 50, 96, 61, 20, 23, 21, 19, 44, 27, 114, 14, 122, 125, 51, 54, 85, 22, 112, 56, 40, 120, 84, 83, 118, 127, 17, 65, 62, 78, 55, 45, 46, 32, 66, 81, 91, 3, 86, 1, 67, 8, 76, 18, 79, 117, 68, 2, 73, 110, 26, 90, 82, 77, 9, 4, 13, 92, 12, 16, 80, 74, 15, 60, 31, 11, 75, 10, 7, 58, 28, 71, 70, 94, 69, 5, 98, 34, 101, 72, 37, 100, 35, 99, 36], [39, 33, 104, 42, 103, 41, 97, 108, 0, 93, 64, 105, 107, 25, 89, 95, 113, 126, 29, 102, 59, 30, 111, 121, 47, 123, 88, 38, 124, 115, 87, 6, 24, 43, 106, 50, 53, 48, 116, 119, 40, 27, 21, 23, 96, 86, 109, 85, 63, 20, 44, 83, 32, 122, 22, 84, 49, 52, 57, 17, 14, 91, 114, 81, 51, 19, 61, 54, 127, 45, 56, 65, 120, 92, 125, 90, 79, 66, 2, 76, 78, 112, 82, 46, 118, 26, 15, 18, 62, 55, 80, 3, 13, 67, 8, 68, 9, 31, 12, 117, 1, 74, 73, 16, 110, 4, 77, 11, 75, 10, 60, 58, 71, 7, 28, 34, 94, 98, 5, 72, 69, 100, 70, 101, 35, 36, 37, 99], [39, 104, 33, 42, 103, 41, 97, 108, 93, 64, 0, 89, 29, 105, 113, 25, 126, 107, 95, 115, 47, 124, 111, 116, 88, 59, 48, 121, 123, 53, 57, 87, 102, 24, 38, 63, 30, 20, 23, 96, 43, 21, 6, 40, 127, 22, 106, 119, 52, 50, 27, 51, 109, 49, 61, 32, 54, 17, 78, 84, 44, 112, 114, 19, 83, 118, 85, 82, 56, 120, 45, 122, 14, 125, 81, 1, 46, 117, 86, 65, 91, 67, 62, 68, 26, 2, 92, 90, 55, 4, 79, 12, 77, 66, 15, 18, 13, 76, 31, 3, 9, 110, 16, 73, 75, 80, 11, 74, 10, 60, 58, 8, 7, 98, 71, 70, 5, 72, 69, 28, 34, 94, 101, 100, 37, 35, 99, 36], [39, 104, 33, 42, 103, 64, 97, 41, 0, 108, 93, 107, 113, 89, 105, 126, 25, 29, 59, 121, 115, 102, 95, 47, 111, 123, 124, 48, 63, 53, 57, 88, 119, 43, 30, 38, 24, 50, 116, 96, 49, 61, 51, 106, 87, 20, 52, 54, 19, 23, 21, 44, 27, 22, 81, 6, 14, 125, 122, 85, 32, 112, 114, 109, 127, 120, 55, 78, 62, 40, 84, 83, 56, 2, 45, 17, 86, 118, 46, 1, 67, 82, 91, 65, 3, 110, 68, 79, 4, 66, 12, 26, 77, 18, 73, 15, 90, 117, 92, 76, 9, 70, 13, 80, 11, 16, 10, 75, 31, 74, 58, 60, 7, 71, 69, 72, 8, 28, 5, 98, 94, 34, 101, 37, 100, 35, 99, 36], [39, 33, 104, 42, 103, 41, 108, 97, 0, 64, 113, 25, 93, 89, 107, 105, 29, 95, 126, 102, 115, 59, 48, 124, 123, 121, 111, 38, 88, 53, 63, 21, 24, 47, 106, 116, 30, 87, 23, 49, 22, 27, 96, 119, 85, 43, 20, 57, 122, 40, 52, 109, 44, 65, 32, 14, 83, 17, 81, 51, 19, 61, 50, 54, 114, 125, 78, 91, 127, 3, 84, 112, 70, 79, 56, 86, 67, 120, 46, 45, 12, 62, 18, 2, 118, 26, 76, 66, 73, 55, 82, 92, 4, 16, 13, 6, 90, 1, 15, 9, 117, 110, 31, 77, 80, 74, 10, 68, 75, 72, 7, 71, 11, 28, 58, 60, 94, 98, 34, 5, 8, 69, 101, 100, 35, 37, 36, 99], [39, 104, 33, 42, 103, 41, 64, 97, 108, 0, 93, 105, 113, 89, 107, 59, 25, 29, 126, 95, 123, 47, 121, 48, 111, 115, 102, 63, 124, 70, 57, 87, 119, 53, 116, 88, 30, 109, 49, 43, 50, 24, 56, 96, 114, 61, 38, 52, 65, 51, 106, 40, 127, 20, 44, 83, 85, 120, 118, 54, 22, 86, 23, 46, 21, 19, 122, 78, 112, 27, 125, 81, 45, 14, 32, 62, 17, 84, 67, 91, 82, 90, 117, 15, 1, 55, 18, 3, 110, 76, 12, 13, 26, 66, 68, 77, 60, 72, 31, 2, 4, 9, 16, 75, 79, 92, 58, 73, 11, 10, 80, 6, 74, 7, 98, 28, 71, 69, 5, 34, 94, 100, 8, 101, 37, 35, 36, 99], [39, 104, 33, 42, 103, 41, 97, 108, 107, 0, 93, 113, 64, 105, 126, 89, 25, 95, 29, 30, 47, 59, 123, 102, 88, 124, 121, 111, 70, 115, 38, 43, 116, 24, 48, 53, 119, 106, 50, 19, 96, 63, 87, 57, 44, 21, 49, 23, 109, 27, 85, 52, 22, 14, 40, 51, 122, 20, 32, 56, 54, 114, 61, 17, 84, 127, 125, 2, 120, 62, 4, 83, 81, 67, 86, 78, 55, 79, 66, 112, 82, 118, 46, 26, 91, 68, 65, 1, 45, 15, 76, 16, 72, 18, 92, 117, 73, 12, 3, 9, 90, 77, 11, 110, 74, 13, 31, 80, 10, 71, 60, 58, 75, 7, 28, 94, 98, 69, 8, 34, 5, 101, 100, 37, 6, 35, 36, 99], [39, 104, 33, 42, 103, 41, 0, 97, 108, 105, 93, 64, 25, 89, 113, 107, 95, 29, 126, 102, 115, 59, 111, 123, 70, 124, 48, 53, 87, 24, 88, 121, 106, 47, 38, 27, 63, 21, 116, 119, 43, 50, 96, 22, 30, 40, 20, 23, 19, 57, 52, 49, 122, 114, 109, 85, 44, 54, 17, 51, 84, 78, 81, 65, 61, 3, 45, 112, 86, 120, 125, 56, 127, 32, 14, 91, 62, 82, 118, 46, 15, 92, 12, 79, 1, 18, 110, 26, 9, 76, 72, 83, 73, 67, 55, 117, 2, 80, 16, 66, 31, 77, 13, 10, 75, 4, 68, 90, 11, 60, 58, 7, 74, 6, 28, 34, 98, 5, 69, 71, 94, 101, 100, 35, 8, 36, 37, 99], [39, 104, 33, 42, 103, 41, 97, 108, 0, 64, 25, 93, 107, 105, 89, 29, 113, 95, 126, 102, 115, 123, 48, 124, 88, 53, 59, 121, 30, 87, 47, 38, 96, 22, 63, 111, 106, 23, 43, 27, 49, 24, 65, 40, 116, 20, 119, 50, 44, 109, 122, 52, 114, 57, 51, 21, 85, 14, 84, 54, 70, 83, 81, 127, 61, 17, 86, 82, 19, 32, 79, 56, 112, 46, 78, 118, 45, 120, 62, 91, 55, 2, 117, 125, 3, 12, 18, 9, 72, 92, 13, 76, 26, 16, 66, 31, 1, 67, 90, 68, 110, 11, 77, 10, 73, 15, 80, 6, 4, 60, 75, 71, 74, 58, 98, 28, 34, 7, 94, 5, 69, 101, 8, 100, 35, 37, 36, 99], [39, 104, 33, 42, 103, 97, 41, 93, 64, 0, 108, 25, 107, 113, 89, 105, 102, 126, 95, 29, 47, 30, 123, 59, 111, 88, 115, 24, 48, 121, 38, 124, 53, 119, 63, 49, 43, 57, 96, 50, 27, 52, 23, 116, 21, 87, 19, 106, 51, 20, 61, 32, 84, 44, 22, 109, 40, 78, 85, 114, 127, 14, 118, 83, 125, 17, 86, 112, 66, 122, 45, 120, 2, 54, 81, 62, 56, 1, 3, 68, 65, 4, 70, 46, 26, 79, 55, 12, 82, 6, 91, 15, 92, 72, 18, 80, 76, 117, 13, 9, 77, 90, 16, 67, 110, 31, 11, 10, 73, 60, 58, 75, 74, 71, 7, 28, 5, 98, 69, 34, 94, 8, 101, 100, 35, 37, 99, 36], [39, 104, 33, 42, 103, 41, 97, 108, 64, 93, 105, 95, 29, 107, 0, 89, 25, 126, 88, 113, 102, 123, 124, 47, 121, 48, 53, 30, 115, 111, 59, 38, 43, 87, 106, 116, 40, 96, 22, 50, 109, 6, 24, 63, 23, 49, 119, 27, 21, 54, 44, 32, 52, 61, 83, 114, 122, 57, 20, 86, 56, 85, 81, 112, 45, 127, 19, 84, 51, 14, 125, 120, 1, 78, 118, 46, 62, 82, 17, 91, 15, 65, 18, 3, 117, 90, 67, 79, 26, 31, 92, 12, 66, 2, 77, 68, 55, 76, 16, 110, 13, 73, 58, 4, 80, 10, 9, 75, 74, 11, 72, 98, 60, 70, 7, 71, 34, 28, 94, 69, 8, 5, 101, 100, 36, 35, 37, 99], [39, 104, 33, 42, 103, 41, 97, 0, 64, 108, 93, 25, 113, 29, 89, 105, 59, 126, 107, 95, 115, 111, 102, 48, 123, 57, 47, 87, 124, 53, 121, 6, 63, 116, 38, 52, 88, 24, 96, 109, 30, 43, 119, 61, 106, 21, 49, 127, 44, 50, 54, 19, 23, 40, 51, 84, 20, 125, 27, 114, 56, 112, 14, 86, 85, 22, 83, 45, 122, 17, 65, 32, 120, 46, 81, 66, 78, 55, 1, 91, 3, 18, 79, 82, 62, 118, 26, 67, 12, 110, 90, 2, 76, 13, 77, 92, 31, 117, 10, 4, 15, 16, 9, 80, 75, 60, 73, 58, 68, 11, 74, 8, 71, 7, 72, 28, 70, 69, 98, 5, 101, 34, 94, 100, 35, 37, 36, 99], [39, 33, 104, 42, 103, 41, 97, 108, 0, 93, 25, 89, 107, 64, 113, 105, 126, 29, 95, 102, 59, 111, 123, 48, 124, 47, 30, 38, 53, 24, 43, 121, 6, 57, 88, 27, 115, 63, 96, 23, 44, 106, 116, 87, 21, 83, 49, 119, 109, 85, 52, 20, 32, 22, 50, 40, 14, 122, 19, 51, 17, 86, 78, 54, 114, 127, 81, 61, 45, 46, 84, 65, 62, 91, 56, 125, 112, 66, 120, 18, 2, 12, 15, 68, 67, 26, 82, 90, 3, 55, 118, 4, 79, 92, 13, 31, 1, 117, 76, 9, 8, 73, 80, 11, 77, 10, 16, 110, 75, 60, 74, 7, 71, 28, 58, 72, 34, 94, 98, 69, 5, 70, 101, 100, 37, 35, 36, 99], [104, 39, 33, 42, 103, 64, 0, 41, 108, 97, 93, 113, 107, 126, 25, 89, 59, 29, 105, 121, 111, 63, 115, 47, 102, 123, 95, 57, 88, 48, 124, 6, 53, 119, 21, 24, 61, 87, 116, 43, 96, 30, 106, 49, 51, 20, 83, 50, 114, 52, 67, 38, 109, 27, 65, 54, 125, 56, 122, 1, 112, 14, 4, 85, 44, 22, 120, 127, 23, 78, 19, 32, 81, 45, 40, 55, 86, 46, 118, 84, 17, 62, 2, 3, 12, 15, 82, 66, 79, 68, 26, 76, 18, 91, 9, 117, 110, 73, 8, 77, 92, 13, 16, 90, 7, 75, 10, 11, 80, 74, 71, 60, 31, 58, 70, 69, 28, 5, 98, 101, 94, 72, 34, 100, 37, 35, 99, 36], [39, 104, 33, 42, 103, 41, 108, 97, 93, 0, 105, 64, 25, 95, 29, 89, 115, 113, 126, 107, 102, 59, 124, 48, 123, 111, 53, 43, 88, 106, 121, 30, 47, 38, 119, 24, 87, 50, 96, 27, 22, 63, 21, 20, 57, 17, 49, 23, 52, 86, 116, 44, 40, 54, 122, 114, 6, 109, 51, 84, 65, 78, 19, 112, 127, 61, 125, 14, 83, 32, 85, 3, 81, 45, 18, 56, 46, 70, 79, 120, 1, 15, 62, 91, 82, 55, 76, 118, 9, 67, 2, 12, 8, 92, 90, 73, 110, 4, 31, 13, 68, 117, 16, 26, 10, 66, 80, 77, 75, 11, 74, 58, 60, 71, 28, 69, 7, 98, 94, 34, 5, 101, 100, 72, 36, 35, 37, 99], [39, 33, 104, 42, 103, 97, 41, 93, 0, 108, 25, 95, 107, 29, 113, 89, 64, 105, 102, 126, 115, 59, 88, 124, 47, 27, 38, 30, 24, 53, 121, 87, 48, 23, 123, 116, 96, 21, 106, 111, 32, 50, 44, 43, 85, 19, 109, 40, 63, 52, 83, 22, 49, 119, 54, 122, 56, 84, 81, 14, 86, 125, 20, 57, 66, 127, 114, 112, 17, 91, 61, 78, 2, 1, 70, 51, 45, 18, 12, 118, 82, 65, 15, 120, 46, 55, 90, 76, 77, 16, 92, 4, 3, 26, 8, 62, 67, 79, 117, 73, 80, 75, 13, 31, 68, 74, 9, 110, 10, 6, 71, 11, 28, 60, 58, 7, 34, 98, 94, 5, 69, 72, 100, 101, 35, 37, 36, 99], [39, 104, 33, 42, 103, 97, 0, 41, 93, 108, 64, 25, 105, 89, 113, 29, 95, 107, 126, 102, 59, 115, 48, 47, 123, 124, 53, 70, 88, 111, 116, 30, 43, 52, 24, 57, 23, 38, 121, 96, 87, 63, 22, 119, 106, 78, 51, 50, 40, 32, 20, 19, 44, 109, 49, 61, 54, 122, 127, 91, 83, 21, 112, 27, 125, 81, 45, 85, 84, 118, 1, 86, 56, 17, 62, 46, 79, 114, 55, 3, 14, 66, 120, 65, 2, 18, 68, 82, 110, 12, 8, 26, 117, 77, 90, 67, 75, 16, 92, 4, 31, 13, 76, 15, 80, 9, 73, 10, 28, 11, 74, 58, 60, 7, 71, 34, 98, 5, 94, 69, 6, 101, 72, 100, 37, 35, 36, 99]], "model.layers.1.self_attn.q_proj": [[103, 12, 107, 104, 46, 33, 42, 105, 49, 123, 50, 117, 62, 48, 57, 122, 19, 6, 59, 31, 29, 52, 54, 56, 5, 44, 115, 23, 92, 63, 8, 76, 70, 80, 66, 79, 72, 20, 116, 85, 120, 111, 84, 65, 78, 83, 25, 3, 22, 18, 127, 55, 90, 9, 27, 7, 126, 11, 87, 74, 37, 58, 82, 16, 77, 124, 4, 67, 2, 35, 13, 109, 15, 125, 88, 102, 71, 75, 17, 34, 94, 21, 100, 86, 14, 61, 24, 81, 114, 69, 45, 1, 98, 112, 73, 0, 51, 10, 39, 113, 101, 38, 32, 30, 36, 26, 121, 89, 41, 43, 97, 108, 106, 47, 40, 28, 93, 96, 64, 60, 91, 99, 118, 53, 119, 68, 110, 95], [103, 107, 104, 42, 105, 117, 46, 123, 50, 62, 24, 48, 33, 3, 67, 57, 122, 111, 59, 70, 56, 7, 127, 25, 65, 29, 49, 63, 115, 31, 79, 58, 13, 124, 16, 74, 44, 6, 66, 0, 4, 11, 116, 22, 9, 92, 82, 54, 5, 77, 101, 23, 125, 45, 84, 52, 1, 90, 78, 12, 98, 20, 94, 27, 126, 71, 2, 83, 120, 17, 73, 109, 38, 18, 87, 37, 19, 86, 32, 36, 15, 75, 64, 80, 55, 35, 81, 10, 14, 102, 100, 8, 113, 99, 76, 61, 121, 69, 26, 85, 53, 72, 97, 21, 30, 112, 89, 68, 118, 39, 43, 88, 41, 106, 114, 34, 110, 91, 95, 93, 60, 47, 108, 40, 51, 28, 96, 119], [100, 44, 102, 113, 37, 38, 59, 115, 35, 57, 122, 116, 34, 104, 114, 103, 109, 123, 46, 107, 50, 48, 62, 120, 117, 54, 42, 105, 52, 49, 125, 63, 112, 111, 98, 61, 56, 60, 53, 126, 121, 101, 33, 25, 99, 110, 127, 32, 84, 86, 58, 47, 82, 124, 88, 108, 21, 94, 40, 119, 41, 45, 36, 43, 89, 29, 118, 7, 51, 78, 77, 96, 17, 13, 30, 72, 106, 81, 95, 70, 92, 97, 93, 27, 11, 4, 79, 14, 9, 16, 55, 71, 74, 26, 83, 20, 67, 65, 75, 5, 0, 87, 66, 19, 12, 76, 85, 80, 91, 39, 3, 90, 24, 31, 28, 18, 6, 2, 22, 1, 64, 8, 15, 23, 68, 69, 73, 10], [103, 107, 104, 42, 33, 105, 46, 123, 117, 50, 62, 57, 122, 48, 49, 9, 29, 125, 111, 63, 31, 92, 90, 115, 10, 56, 4, 18, 54, 83, 69, 35, 7, 84, 44, 20, 23, 71, 22, 59, 100, 79, 75, 14, 5, 58, 127, 25, 113, 77, 8, 74, 86, 87, 27, 82, 70, 66, 65, 99, 120, 24, 13, 2, 73, 6, 12, 52, 78, 85, 55, 124, 114, 38, 1, 47, 108, 116, 72, 121, 11, 45, 88, 89, 81, 126, 112, 32, 3, 80, 93, 21, 15, 37, 16, 30, 97, 26, 94, 19, 53, 28, 101, 60, 118, 102, 17, 109, 91, 36, 39, 119, 98, 61, 110, 0, 34, 76, 95, 41, 51, 43, 40, 106, 96, 67, 68, 64], [104, 38, 97, 103, 42, 43, 48, 56, 90, 45, 87, 110, 47, 125, 50, 120, 53, 121, 49, 124, 61, 126, 58, 123, 30, 6, 31, 122, 57, 62, 68, 12, 119, 84, 52, 67, 81, 29, 16, 4, 105, 70, 112, 75, 117, 77, 78, 28, 63, 127, 7, 51, 82, 59, 13, 10, 41, 76, 20, 66, 85, 1, 18, 9, 8, 83, 15, 55, 64, 100, 60, 89, 113, 108, 23, 115, 116, 69, 72, 88, 98, 24, 73, 3, 34, 2, 91, 118, 54, 17, 79, 65, 5, 14, 109, 35, 11, 21, 80, 86, 107, 101, 37, 32, 19, 71, 74, 106, 99, 44, 25, 0, 92, 93, 36, 22, 26, 96, 94, 27, 111, 114, 33, 46, 40, 102, 95, 39], [104, 38, 103, 97, 42, 43, 87, 47, 45, 110, 49, 53, 50, 123, 126, 61, 124, 6, 29, 57, 90, 120, 121, 48, 12, 66, 31, 13, 117, 64, 28, 59, 81, 56, 10, 68, 58, 122, 62, 78, 7, 44, 75, 105, 52, 67, 20, 125, 51, 16, 1, 72, 119, 54, 15, 2, 9, 55, 18, 69, 115, 113, 82, 127, 100, 80, 11, 109, 91, 99, 4, 35, 96, 8, 85, 71, 63, 60, 5, 116, 70, 17, 118, 22, 101, 3, 36, 84, 37, 89, 107, 14, 23, 46, 73, 79, 106, 112, 74, 27, 77, 30, 25, 76, 65, 21, 41, 98, 108, 24, 19, 88, 0, 114, 26, 32, 34, 111, 86, 83, 94, 33, 92, 93, 40, 95, 39, 102], [104, 103, 97, 38, 42, 43, 13, 49, 110, 47, 53, 50, 121, 56, 126, 59, 45, 87, 123, 124, 61, 6, 122, 48, 31, 117, 120, 29, 37, 78, 81, 90, 127, 28, 118, 119, 67, 51, 12, 68, 16, 55, 105, 70, 113, 58, 52, 82, 10, 35, 19, 72, 125, 8, 69, 24, 71, 66, 79, 75, 1, 23, 115, 112, 57, 54, 11, 62, 91, 73, 116, 18, 7, 85, 60, 25, 80, 44, 101, 20, 98, 30, 114, 41, 84, 17, 15, 76, 108, 88, 32, 63, 89, 34, 77, 46, 96, 27, 4, 64, 74, 14, 36, 100, 22, 21, 5, 107, 94, 9, 86, 92, 99, 2, 3, 65, 106, 83, 111, 26, 93, 109, 33, 0, 95, 102, 40, 39], [120, 49, 97, 124, 57, 103, 61, 104, 59, 87, 38, 18, 105, 121, 42, 122, 43, 54, 53, 50, 23, 31, 47, 35, 45, 48, 110, 101, 92, 126, 82, 84, 123, 117, 113, 56, 118, 115, 127, 51, 62, 41, 55, 109, 90, 12, 27, 89, 28, 114, 94, 91, 108, 81, 19, 26, 102, 44, 58, 16, 77, 78, 60, 88, 37, 15, 116, 95, 80, 119, 100, 107, 75, 6, 10, 29, 52, 20, 36, 111, 72, 46, 13, 73, 79, 74, 25, 22, 85, 33, 63, 106, 9, 86, 68, 30, 32, 11, 17, 98, 4, 93, 67, 71, 7, 125, 66, 1, 24, 76, 21, 96, 112, 3, 99, 69, 83, 34, 14, 8, 64, 70, 5, 39, 65, 2, 40, 0], [107, 42, 41, 40, 103, 33, 46, 118, 95, 24, 126, 109, 116, 125, 18, 14, 82, 115, 114, 63, 53, 56, 93, 113, 119, 111, 112, 58, 84, 54, 108, 117, 85, 59, 55, 49, 83, 60, 121, 20, 79, 80, 61, 87, 13, 27, 75, 76, 25, 50, 21, 99, 110, 48, 51, 124, 90, 92, 26, 7, 38, 89, 86, 77, 71, 94, 123, 8, 81, 74, 29, 23, 72, 120, 10, 15, 127, 22, 37, 32, 91, 96, 98, 73, 30, 52, 16, 34, 12, 122, 28, 11, 106, 47, 19, 31, 17, 35, 45, 102, 78, 97, 43, 9, 101, 88, 70, 36, 69, 67, 44, 66, 57, 3, 4, 65, 100, 62, 68, 104, 5, 105, 39, 0, 6, 1, 2, 64], [101, 98, 120, 108, 112, 127, 114, 47, 113, 34, 61, 49, 115, 62, 59, 122, 32, 111, 30, 118, 58, 36, 121, 119, 46, 48, 60, 123, 42, 50, 55, 53, 63, 94, 124, 41, 40, 125, 116, 37, 35, 126, 107, 56, 109, 44, 117, 54, 100, 88, 103, 38, 89, 22, 91, 45, 21, 68, 84, 102, 33, 57, 39, 85, 51, 25, 1, 93, 92, 6, 11, 64, 4, 52, 77, 69, 67, 8, 0, 71, 86, 99, 12, 24, 83, 95, 96, 97, 10, 81, 78, 80, 28, 9, 18, 110, 16, 7, 26, 2, 66, 104, 13, 79, 72, 31, 15, 82, 20, 3, 5, 19, 14, 65, 23, 73, 27, 70, 75, 76, 90, 43, 87, 29, 74, 17, 106, 105], [40, 42, 107, 41, 33, 112, 95, 46, 103, 116, 93, 20, 115, 114, 18, 121, 109, 27, 122, 15, 118, 78, 60, 16, 19, 72, 58, 54, 92, 25, 126, 125, 53, 17, 81, 26, 23, 119, 108, 12, 111, 13, 62, 83, 22, 56, 10, 49, 117, 48, 77, 55, 124, 11, 68, 120, 79, 14, 34, 87, 71, 113, 50, 29, 86, 59, 21, 74, 3, 57, 75, 127, 67, 5, 76, 80, 8, 104, 70, 89, 66, 84, 6, 61, 36, 82, 91, 9, 51, 98, 73, 38, 37, 90, 106, 85, 97, 69, 99, 28, 24, 52, 105, 1, 39, 31, 110, 63, 32, 2, 45, 4, 123, 94, 101, 88, 96, 43, 7, 47, 44, 30, 102, 65, 100, 35, 0, 64], [107, 41, 42, 103, 40, 109, 33, 85, 112, 108, 46, 95, 126, 54, 24, 66, 49, 68, 111, 117, 113, 38, 4, 114, 62, 122, 119, 125, 56, 22, 27, 1, 93, 61, 7, 118, 32, 36, 53, 18, 0, 17, 121, 10, 71, 6, 23, 8, 94, 78, 67, 2, 120, 98, 115, 116, 127, 59, 25, 81, 92, 60, 11, 21, 110, 37, 9, 15, 55, 80, 30, 57, 69, 77, 48, 64, 75, 12, 100, 3, 20, 19, 88, 63, 82, 123, 13, 16, 73, 34, 52, 5, 96, 124, 87, 70, 51, 101, 26, 35, 45, 99, 14, 79, 74, 43, 65, 58, 102, 29, 50, 83, 76, 86, 72, 84, 47, 28, 90, 91, 106, 44, 89, 97, 31, 105, 39, 104], [52, 55, 102, 57, 117, 111, 56, 95, 109, 54, 51, 101, 114, 63, 97, 53, 50, 127, 59, 104, 48, 122, 24, 86, 61, 98, 103, 90, 100, 112, 88, 26, 93, 33, 115, 41, 80, 110, 29, 31, 42, 116, 96, 125, 108, 16, 113, 85, 120, 27, 124, 126, 121, 60, 46, 49, 44, 22, 123, 74, 99, 37, 119, 30, 39, 17, 62, 81, 118, 107, 47, 58, 38, 43, 32, 40, 94, 10, 25, 20, 28, 21, 36, 45, 23, 91, 35, 34, 105, 84, 19, 92, 12, 76, 87, 106, 14, 89, 11, 18, 82, 15, 69, 78, 7, 13, 3, 75, 77, 72, 9, 8, 83, 5, 67, 79, 73, 6, 71, 4, 66, 2, 70, 68, 65, 0, 64, 1], [103, 104, 42, 41, 0, 33, 90, 44, 114, 109, 111, 63, 56, 59, 122, 102, 29, 61, 86, 127, 53, 101, 125, 121, 54, 51, 3, 95, 66, 16, 52, 10, 4, 112, 107, 48, 46, 83, 65, 50, 120, 84, 77, 49, 7, 76, 15, 69, 55, 71, 19, 115, 74, 12, 57, 25, 28, 78, 17, 72, 6, 85, 14, 91, 5, 9, 100, 123, 118, 80, 1, 126, 64, 124, 47, 21, 70, 13, 18, 2, 22, 75, 117, 23, 81, 68, 82, 11, 106, 87, 73, 113, 88, 67, 94, 96, 79, 105, 116, 108, 35, 110, 8, 20, 34, 39, 40, 98, 26, 24, 38, 30, 60, 36, 62, 99, 58, 89, 27, 37, 43, 45, 119, 32, 93, 92, 31, 97], [46, 44, 33, 52, 24, 111, 104, 103, 109, 124, 41, 102, 123, 57, 125, 107, 120, 108, 51, 114, 122, 61, 127, 59, 54, 90, 56, 85, 48, 29, 42, 53, 63, 95, 86, 55, 116, 76, 101, 50, 27, 80, 12, 22, 58, 60, 37, 110, 113, 26, 88, 119, 47, 21, 97, 81, 74, 93, 126, 96, 112, 34, 19, 117, 83, 7, 23, 3, 20, 15, 25, 10, 49, 77, 18, 43, 31, 89, 4, 84, 100, 0, 115, 17, 69, 98, 99, 78, 121, 87, 16, 9, 38, 28, 66, 14, 75, 92, 30, 11, 32, 91, 6, 62, 94, 105, 65, 118, 45, 106, 13, 8, 36, 35, 70, 79, 72, 67, 82, 71, 2, 68, 64, 73, 5, 1, 40, 39], [103, 57, 44, 101, 104, 41, 42, 33, 52, 109, 90, 55, 114, 46, 12, 111, 29, 54, 63, 56, 59, 127, 122, 61, 53, 51, 125, 95, 85, 72, 112, 81, 76, 48, 17, 3, 50, 11, 4, 100, 7, 121, 73, 115, 15, 120, 47, 69, 82, 19, 66, 80, 65, 23, 86, 78, 28, 67, 123, 102, 107, 0, 20, 22, 13, 16, 84, 88, 70, 10, 91, 30, 9, 126, 94, 5, 18, 14, 71, 83, 110, 25, 34, 58, 21, 32, 49, 6, 89, 2, 26, 8, 124, 77, 93, 64, 68, 75, 62, 45, 79, 117, 113, 87, 96, 43, 92, 24, 60, 98, 38, 106, 99, 27, 105, 1, 74, 36, 119, 108, 118, 31, 116, 35, 37, 97, 40, 39], [104, 101, 105, 45, 110, 97, 44, 106, 43, 64, 114, 95, 89, 113, 56, 116, 57, 93, 48, 119, 47, 58, 50, 68, 1, 15, 6, 70, 9, 84, 2, 76, 81, 16, 13, 74, 3, 14, 69, 11, 80, 20, 55, 0, 65, 60, 28, 72, 78, 7, 63, 17, 115, 71, 36, 46, 66, 8, 19, 121, 5, 109, 52, 73, 4, 118, 25, 40, 75, 34, 108, 41, 126, 82, 112, 59, 107, 111, 122, 61, 51, 42, 124, 123, 35, 125, 99, 62, 98, 67, 79, 88, 54, 85, 117, 49, 103, 27, 102, 38, 53, 32, 96, 91, 100, 90, 10, 21, 24, 12, 30, 22, 26, 127, 29, 86, 87, 83, 120, 77, 94, 23, 39, 18, 37, 92, 33, 31], [114, 104, 101, 97, 105, 45, 69, 44, 89, 110, 106, 43, 63, 95, 72, 75, 3, 93, 113, 56, 4, 57, 14, 55, 76, 119, 116, 58, 50, 48, 84, 47, 74, 20, 70, 67, 1, 9, 81, 80, 13, 60, 28, 118, 123, 16, 115, 18, 73, 64, 17, 11, 15, 22, 126, 78, 12, 7, 121, 46, 68, 77, 112, 62, 109, 65, 85, 61, 2, 83, 24, 23, 52, 127, 125, 108, 122, 6, 40, 51, 41, 79, 107, 10, 54, 26, 96, 42, 66, 21, 49, 19, 86, 25, 103, 38, 120, 37, 36, 124, 111, 90, 8, 102, 35, 87, 92, 27, 88, 91, 5, 82, 34, 100, 39, 117, 98, 94, 0, 71, 53, 32, 59, 29, 30, 99, 31, 33], [104, 64, 45, 110, 101, 105, 44, 106, 97, 43, 89, 113, 56, 57, 1, 119, 116, 0, 48, 58, 50, 47, 95, 93, 114, 68, 3, 84, 70, 123, 13, 2, 5, 63, 76, 28, 55, 60, 127, 59, 118, 14, 74, 122, 9, 81, 80, 15, 20, 46, 66, 8, 51, 16, 126, 36, 109, 112, 26, 40, 52, 4, 67, 41, 75, 108, 12, 69, 7, 11, 65, 107, 42, 77, 17, 53, 18, 78, 117, 61, 88, 6, 39, 35, 115, 72, 98, 111, 124, 32, 82, 71, 121, 91, 99, 86, 22, 85, 38, 62, 34, 10, 125, 73, 90, 49, 120, 19, 87, 30, 25, 21, 102, 83, 96, 27, 23, 100, 94, 24, 79, 92, 54, 103, 29, 31, 37, 33], [55, 63, 104, 97, 101, 72, 105, 45, 44, 110, 106, 43, 114, 52, 89, 93, 95, 77, 113, 58, 57, 56, 119, 116, 78, 15, 48, 60, 47, 83, 13, 62, 70, 50, 84, 115, 126, 80, 81, 118, 75, 8, 90, 17, 79, 38, 28, 91, 73, 20, 18, 12, 121, 112, 22, 125, 6, 69, 21, 16, 25, 86, 85, 46, 19, 37, 124, 29, 23, 9, 109, 76, 74, 102, 14, 61, 3, 10, 4, 59, 127, 111, 123, 108, 68, 71, 53, 92, 94, 36, 120, 24, 103, 35, 82, 54, 99, 27, 107, 51, 100, 11, 122, 117, 5, 88, 26, 41, 34, 96, 42, 87, 40, 32, 33, 67, 31, 30, 1, 49, 39, 98, 2, 7, 64, 65, 66, 0], [104, 0, 45, 106, 43, 103, 112, 1, 97, 102, 127, 2, 64, 116, 60, 93, 117, 67, 113, 4, 88, 115, 65, 50, 70, 71, 66, 57, 77, 78, 49, 63, 59, 69, 16, 76, 52, 62, 20, 48, 15, 73, 122, 74, 109, 22, 51, 58, 114, 123, 11, 81, 82, 8, 3, 124, 125, 107, 53, 87, 120, 17, 56, 83, 42, 19, 61, 84, 118, 18, 7, 24, 55, 40, 72, 39, 121, 86, 119, 6, 14, 54, 13, 12, 75, 10, 5, 38, 85, 9, 26, 21, 79, 92, 80, 89, 126, 111, 110, 44, 23, 68, 47, 32, 27, 25, 105, 98, 95, 108, 90, 28, 41, 91, 30, 100, 29, 37, 36, 96, 31, 34, 46, 94, 101, 33, 99, 35], [104, 103, 106, 45, 43, 97, 112, 102, 5, 0, 116, 3, 93, 68, 69, 127, 88, 20, 66, 4, 67, 60, 114, 117, 11, 71, 57, 70, 113, 49, 73, 115, 83, 2, 76, 122, 16, 82, 77, 78, 63, 51, 59, 48, 124, 8, 6, 22, 1, 15, 74, 81, 50, 65, 19, 58, 62, 52, 118, 123, 84, 85, 56, 120, 87, 75, 125, 61, 121, 109, 53, 55, 7, 64, 24, 17, 86, 54, 79, 107, 110, 80, 18, 72, 13, 42, 119, 10, 12, 14, 23, 47, 9, 111, 92, 108, 126, 29, 40, 27, 89, 44, 38, 21, 90, 46, 39, 28, 95, 25, 33, 26, 91, 31, 36, 41, 100, 30, 105, 94, 99, 37, 32, 96, 34, 35, 98, 101], [103, 114, 104, 116, 122, 59, 51, 97, 106, 48, 49, 43, 20, 124, 58, 18, 62, 88, 45, 57, 118, 63, 19, 55, 22, 102, 86, 108, 92, 123, 61, 79, 52, 112, 47, 125, 14, 121, 80, 126, 110, 120, 29, 33, 113, 17, 56, 75, 127, 84, 53, 82, 117, 24, 13, 115, 12, 50, 90, 46, 23, 93, 81, 26, 60, 119, 83, 91, 44, 10, 87, 27, 72, 54, 9, 32, 89, 15, 41, 111, 95, 94, 25, 28, 30, 36, 39, 38, 98, 77, 31, 85, 7, 37, 100, 6, 16, 99, 96, 105, 101, 5, 109, 35, 76, 78, 74, 21, 34, 73, 40, 11, 68, 8, 3, 71, 70, 66, 69, 4, 0, 1, 65, 67, 107, 2, 42, 64], [114, 118, 51, 103, 104, 49, 55, 53, 110, 125, 20, 123, 106, 122, 120, 121, 102, 56, 61, 43, 63, 124, 108, 126, 111, 88, 45, 19, 62, 119, 47, 54, 17, 58, 97, 18, 92, 22, 112, 79, 14, 80, 57, 41, 36, 99, 101, 100, 86, 116, 35, 90, 30, 98, 37, 34, 75, 59, 31, 44, 95, 32, 105, 96, 12, 13, 117, 127, 89, 91, 10, 50, 81, 33, 60, 24, 93, 72, 83, 94, 38, 9, 115, 46, 27, 52, 26, 7, 82, 113, 23, 84, 6, 87, 48, 29, 15, 5, 85, 109, 21, 28, 68, 25, 16, 11, 107, 3, 78, 39, 8, 77, 69, 66, 76, 42, 70, 65, 71, 74, 73, 4, 67, 40, 2, 0, 1, 64], [104, 102, 97, 44, 4, 103, 24, 107, 106, 29, 50, 126, 120, 55, 21, 62, 116, 59, 125, 95, 48, 3, 71, 121, 78, 67, 119, 45, 76, 0, 112, 82, 15, 65, 91, 123, 8, 92, 9, 49, 13, 1, 66, 10, 11, 68, 52, 122, 53, 80, 117, 51, 18, 110, 83, 6, 7, 58, 73, 77, 127, 75, 57, 113, 47, 101, 85, 108, 54, 81, 5, 20, 70, 16, 12, 111, 19, 43, 115, 74, 37, 32, 2, 69, 26, 42, 30, 56, 124, 64, 114, 46, 61, 72, 88, 96, 17, 118, 99, 22, 87, 89, 14, 98, 34, 63, 40, 41, 84, 27, 25, 94, 109, 79, 100, 60, 86, 23, 105, 36, 90, 35, 28, 93, 39, 33, 31, 38], [97, 102, 104, 44, 103, 105, 107, 106, 29, 24, 53, 50, 48, 126, 120, 116, 55, 119, 95, 57, 21, 121, 117, 125, 45, 82, 16, 123, 61, 78, 63, 15, 51, 62, 111, 11, 127, 92, 52, 13, 56, 9, 115, 5, 91, 72, 68, 12, 7, 59, 3, 2, 83, 6, 76, 118, 23, 108, 0, 49, 18, 54, 65, 30, 60, 75, 17, 80, 79, 89, 90, 77, 43, 98, 10, 32, 112, 74, 42, 19, 86, 81, 70, 14, 34, 84, 26, 25, 94, 35, 100, 27, 22, 85, 96, 36, 66, 124, 99, 37, 40, 28, 87, 20, 4, 8, 122, 113, 110, 109, 101, 47, 58, 71, 39, 31, 69, 67, 33, 73, 46, 64, 114, 41, 88, 38, 1, 93], [104, 102, 97, 44, 103, 29, 107, 106, 24, 50, 21, 126, 55, 120, 68, 82, 53, 52, 95, 11, 117, 78, 5, 13, 0, 125, 9, 59, 12, 62, 2, 6, 48, 92, 65, 15, 7, 45, 58, 51, 72, 3, 70, 116, 105, 18, 14, 123, 91, 46, 8, 121, 75, 57, 119, 109, 113, 122, 66, 76, 54, 26, 49, 110, 85, 88, 73, 17, 67, 71, 112, 30, 108, 114, 47, 60, 74, 80, 63, 23, 101, 1, 64, 79, 61, 43, 10, 22, 77, 41, 4, 42, 19, 111, 56, 37, 35, 124, 16, 90, 118, 84, 87, 34, 20, 69, 127, 100, 96, 115, 89, 36, 40, 32, 33, 94, 98, 83, 99, 25, 86, 81, 27, 28, 93, 38, 31, 39], [103, 102, 104, 105, 48, 97, 59, 44, 106, 107, 24, 116, 29, 117, 78, 21, 11, 120, 50, 126, 52, 16, 62, 55, 82, 53, 57, 74, 13, 51, 9, 18, 123, 95, 110, 119, 121, 75, 2, 15, 54, 85, 68, 125, 19, 122, 7, 88, 6, 70, 14, 112, 72, 92, 8, 80, 3, 45, 113, 30, 109, 66, 0, 17, 26, 76, 71, 65, 49, 58, 5, 1, 115, 114, 91, 47, 60, 22, 4, 77, 108, 67, 64, 10, 111, 32, 63, 124, 12, 87, 25, 43, 93, 56, 84, 86, 79, 83, 96, 42, 23, 41, 118, 94, 20, 61, 27, 69, 100, 127, 73, 46, 101, 98, 37, 40, 34, 81, 89, 90, 38, 36, 35, 99, 39, 28, 31, 33], [114, 103, 98, 44, 43, 49, 57, 48, 97, 105, 122, 95, 40, 14, 127, 63, 121, 107, 124, 83, 19, 24, 21, 120, 42, 78, 119, 94, 54, 32, 90, 58, 117, 110, 111, 74, 51, 92, 53, 84, 25, 26, 62, 29, 36, 18, 86, 109, 38, 115, 50, 46, 56, 112, 116, 15, 59, 123, 113, 85, 81, 33, 87, 99, 125, 88, 10, 17, 22, 31, 60, 100, 104, 118, 126, 82, 70, 93, 91, 52, 61, 28, 37, 55, 101, 108, 30, 35, 79, 47, 45, 6, 8, 102, 23, 16, 39, 13, 76, 11, 89, 77, 96, 12, 20, 34, 80, 27, 7, 9, 72, 4, 106, 75, 3, 68, 66, 73, 2, 41, 71, 65, 5, 67, 1, 69, 64, 0], [44, 63, 98, 62, 60, 111, 51, 49, 103, 124, 43, 59, 48, 127, 42, 97, 86, 17, 105, 22, 24, 120, 95, 55, 114, 92, 29, 50, 40, 99, 113, 110, 45, 90, 102, 25, 18, 57, 37, 36, 54, 77, 61, 47, 85, 28, 88, 94, 33, 74, 21, 87, 84, 101, 93, 100, 31, 26, 27, 108, 123, 125, 14, 91, 118, 35, 116, 115, 38, 117, 10, 52, 112, 121, 20, 56, 15, 109, 30, 81, 89, 13, 82, 78, 122, 104, 70, 83, 39, 126, 119, 96, 58, 32, 8, 19, 53, 71, 66, 7, 16, 4, 79, 34, 23, 107, 2, 46, 72, 67, 11, 68, 6, 41, 106, 80, 12, 0, 75, 1, 69, 64, 3, 73, 65, 9, 5, 76], [103, 105, 97, 42, 44, 111, 40, 121, 89, 95, 9, 119, 22, 58, 49, 57, 4, 48, 120, 124, 94, 62, 122, 65, 50, 60, 67, 11, 109, 51, 13, 59, 56, 92, 43, 99, 18, 79, 53, 127, 55, 16, 0, 70, 84, 63, 54, 5, 1, 73, 36, 81, 24, 26, 114, 46, 20, 71, 6, 98, 2, 82, 90, 112, 23, 66, 80, 86, 3, 77, 74, 85, 113, 100, 126, 12, 72, 76, 10, 7, 32, 38, 21, 115, 91, 78, 17, 118, 83, 125, 123, 27, 19, 29, 69, 68, 25, 47, 45, 102, 88, 64, 75, 8, 61, 14, 93, 116, 28, 52, 110, 34, 31, 37, 117, 87, 30, 15, 35, 101, 33, 96, 41, 107, 39, 108, 104, 106], [40, 109, 43, 44, 49, 97, 42, 103, 48, 53, 124, 105, 37, 118, 98, 120, 127, 62, 57, 56, 36, 95, 29, 51, 60, 59, 74, 92, 114, 22, 90, 84, 121, 55, 78, 81, 63, 10, 89, 54, 122, 16, 77, 58, 108, 24, 15, 115, 70, 38, 126, 119, 85, 86, 111, 125, 13, 47, 61, 82, 21, 25, 123, 8, 101, 93, 94, 83, 87, 45, 11, 102, 76, 19, 79, 18, 99, 20, 28, 88, 46, 116, 68, 80, 117, 32, 52, 100, 106, 9, 14, 17, 23, 67, 1, 4, 75, 96, 110, 26, 41, 2, 112, 33, 91, 113, 27, 30, 35, 50, 71, 107, 34, 72, 6, 12, 0, 3, 7, 64, 73, 69, 66, 39, 5, 31, 104, 65]], "model.layers.1.self_attn.k_proj": [[0, 39, 40, 43, 110, 4, 97, 11, 106, 41, 65, 95, 78, 84, 79, 62, 117, 74, 123, 9, 66, 50, 72, 122, 93, 5, 57, 87, 91, 73, 26, 47, 13, 69, 28, 68, 86, 16, 70, 7, 2, 59, 77, 81, 53, 112, 56, 67, 127, 17, 21, 46, 48, 10, 82, 121, 3, 64, 116, 76, 55, 63, 118, 124, 115, 58, 6, 114, 30, 89, 71, 113, 18, 51, 111, 14, 8, 108, 96, 54, 12, 120, 85, 60, 61, 109, 126, 75, 119, 15, 80, 125, 23, 1, 88, 52, 29, 49, 103, 38, 83, 94, 19, 34, 32, 45, 99, 33, 90, 36, 104, 27, 101, 22, 20, 24, 92, 98, 44, 105, 35, 100, 31, 107, 102, 37, 25, 42], [64, 40, 106, 107, 39, 46, 69, 111, 1, 33, 10, 66, 93, 7, 65, 2, 5, 113, 109, 95, 67, 75, 72, 117, 126, 12, 3, 123, 16, 112, 114, 81, 9, 61, 50, 4, 78, 53, 6, 102, 60, 124, 85, 15, 23, 47, 116, 21, 26, 125, 0, 92, 63, 27, 74, 71, 110, 108, 86, 22, 58, 68, 62, 11, 56, 70, 121, 83, 49, 80, 24, 19, 82, 94, 118, 55, 77, 17, 8, 98, 127, 57, 59, 52, 34, 51, 73, 25, 122, 119, 96, 14, 32, 99, 101, 87, 18, 37, 36, 79, 88, 76, 115, 84, 41, 20, 48, 91, 44, 35, 54, 89, 100, 28, 30, 97, 43, 105, 90, 120, 29, 45, 13, 42, 38, 31, 104, 103], [39, 97, 43, 105, 104, 106, 110, 31, 90, 29, 87, 45, 48, 54, 117, 83, 91, 81, 12, 15, 44, 78, 51, 28, 77, 10, 20, 0, 11, 89, 6, 122, 69, 7, 50, 2, 16, 126, 17, 79, 56, 125, 86, 8, 18, 52, 116, 65, 84, 60, 62, 1, 121, 13, 3, 55, 9, 73, 57, 19, 124, 53, 4, 119, 35, 58, 115, 64, 47, 75, 118, 59, 67, 49, 74, 5, 102, 114, 21, 61, 127, 24, 112, 103, 120, 80, 111, 34, 113, 46, 98, 23, 72, 96, 40, 101, 41, 68, 71, 93, 27, 32, 70, 107, 100, 30, 99, 42, 85, 36, 63, 82, 66, 37, 123, 88, 38, 94, 76, 109, 22, 108, 14, 26, 92, 33, 25, 95], [45, 0, 106, 105, 40, 39, 1, 65, 97, 108, 50, 47, 92, 31, 9, 61, 15, 127, 77, 63, 7, 122, 3, 6, 19, 110, 53, 59, 48, 4, 51, 118, 2, 120, 54, 68, 56, 23, 64, 49, 66, 43, 27, 114, 35, 87, 93, 126, 69, 70, 5, 36, 89, 79, 11, 71, 82, 8, 20, 119, 94, 75, 18, 121, 98, 62, 125, 76, 81, 37, 12, 78, 38, 32, 83, 22, 74, 58, 14, 111, 34, 13, 67, 115, 57, 84, 60, 109, 112, 99, 26, 21, 30, 123, 17, 116, 46, 73, 96, 113, 85, 107, 103, 80, 117, 124, 25, 33, 10, 24, 86, 91, 29, 104, 42, 88, 41, 72, 55, 100, 90, 44, 102, 101, 28, 52, 16, 95], [64, 40, 109, 65, 46, 108, 41, 107, 42, 66, 50, 0, 37, 3, 119, 57, 56, 33, 113, 116, 67, 48, 1, 74, 5, 58, 31, 68, 6, 76, 4, 14, 9, 13, 25, 47, 29, 71, 49, 20, 111, 11, 81, 112, 8, 7, 92, 15, 16, 2, 80, 61, 51, 94, 110, 85, 10, 60, 24, 84, 21, 123, 70, 59, 118, 126, 63, 100, 96, 54, 82, 83, 23, 102, 30, 79, 45, 39, 121, 99, 86, 19, 104, 73, 98, 27, 77, 12, 103, 32, 75, 91, 88, 87, 117, 90, 69, 38, 105, 120, 22, 44, 35, 18, 34, 106, 125, 17, 62, 78, 53, 43, 115, 122, 127, 52, 114, 124, 26, 55, 72, 89, 36, 28, 93, 101, 97, 95], [40, 0, 109, 42, 107, 39, 33, 48, 65, 64, 66, 113, 50, 52, 3, 115, 29, 117, 127, 60, 71, 70, 4, 16, 24, 73, 69, 67, 77, 68, 116, 57, 74, 76, 8, 11, 58, 82, 28, 83, 78, 63, 59, 62, 15, 86, 2, 124, 112, 84, 23, 54, 121, 122, 46, 81, 119, 125, 123, 120, 61, 26, 44, 5, 6, 1, 7, 41, 101, 37, 100, 111, 94, 99, 56, 27, 36, 35, 38, 96, 31, 98, 32, 105, 34, 55, 126, 118, 47, 87, 25, 9, 95, 45, 108, 110, 51, 114, 49, 91, 53, 30, 20, 88, 85, 90, 21, 72, 10, 19, 89, 17, 102, 14, 43, 12, 92, 106, 18, 79, 104, 22, 13, 75, 103, 93, 80, 97], [0, 108, 40, 43, 42, 39, 65, 55, 120, 126, 114, 3, 33, 50, 72, 117, 6, 2, 52, 7, 9, 41, 31, 109, 68, 5, 48, 70, 15, 125, 49, 13, 121, 62, 18, 12, 112, 78, 74, 115, 46, 85, 11, 110, 76, 69, 27, 93, 59, 116, 123, 28, 67, 38, 53, 88, 1, 4, 16, 82, 17, 20, 118, 84, 86, 90, 80, 63, 61, 60, 19, 47, 37, 83, 111, 96, 81, 57, 35, 87, 54, 21, 99, 75, 89, 36, 22, 51, 10, 73, 77, 98, 100, 25, 24, 66, 94, 23, 79, 30, 113, 34, 32, 14, 127, 124, 8, 119, 26, 71, 58, 101, 122, 44, 102, 45, 29, 64, 56, 97, 92, 105, 95, 91, 107, 106, 104, 103], [39, 41, 106, 33, 108, 104, 31, 0, 69, 34, 57, 113, 120, 25, 16, 112, 30, 47, 45, 1, 67, 84, 119, 46, 87, 2, 122, 124, 107, 5, 8, 51, 11, 121, 58, 71, 62, 68, 53, 9, 56, 35, 59, 15, 18, 60, 90, 92, 13, 125, 96, 86, 70, 76, 12, 7, 61, 24, 36, 81, 49, 4, 27, 126, 55, 123, 50, 66, 63, 127, 73, 101, 52, 75, 117, 77, 89, 54, 38, 85, 21, 110, 48, 102, 100, 28, 29, 72, 93, 22, 116, 118, 80, 97, 115, 3, 82, 43, 64, 95, 74, 23, 65, 19, 111, 20, 88, 17, 91, 98, 26, 37, 83, 99, 109, 32, 114, 79, 103, 6, 14, 44, 10, 94, 78, 40, 42, 105]], "model.layers.1.self_attn.qk_proj": [[50, 48, 0, 57, 64, 117, 56, 116, 59, 126, 113, 120, 122, 62, 123, 53, 55, 49, 65, 127, 46, 110, 1, 63, 97, 61, 124, 47, 58, 109, 67, 119, 121, 29, 3, 112, 108, 54, 51, 40, 60, 107, 4, 45, 125, 114, 43, 104, 70, 68, 2, 76, 33, 5, 66, 16, 42, 106, 95, 7, 77, 111, 93, 14, 6, 52, 41, 9, 13, 20, 11, 115, 84, 12, 71, 82, 75, 74, 81, 44, 73, 79, 69, 103, 78, 39, 10, 17, 15, 18, 72, 80, 87, 105, 24, 118, 31, 23, 8, 22, 83, 19, 90, 86, 85, 92, 89, 21, 25, 88, 26, 91, 102, 28, 36, 38, 27, 37, 98, 94, 101, 35, 100, 96, 34, 99, 32, 30], [50, 48, 0, 64, 57, 117, 56, 120, 59, 126, 116, 62, 113, 122, 46, 53, 55, 123, 127, 63, 65, 1, 110, 58, 49, 97, 61, 109, 47, 108, 124, 29, 40, 112, 121, 51, 68, 119, 114, 60, 43, 107, 54, 4, 45, 125, 66, 104, 2, 42, 67, 6, 70, 52, 106, 93, 33, 7, 95, 69, 3, 115, 77, 14, 20, 12, 41, 5, 76, 13, 111, 9, 71, 16, 44, 103, 11, 39, 84, 82, 17, 73, 105, 10, 18, 118, 78, 74, 79, 72, 75, 31, 80, 15, 81, 24, 87, 23, 8, 89, 88, 22, 83, 85, 102, 26, 19, 25, 90, 92, 21, 28, 86, 27, 98, 91, 38, 101, 37, 35, 30, 94, 36, 32, 100, 34, 99, 96], [50, 48, 57, 64, 0, 117, 56, 116, 120, 59, 126, 113, 62, 122, 53, 46, 123, 63, 127, 65, 110, 55, 58, 108, 97, 1, 47, 109, 51, 49, 29, 112, 121, 61, 124, 119, 67, 40, 3, 54, 114, 107, 60, 43, 6, 45, 4, 104, 125, 70, 2, 42, 66, 52, 106, 95, 68, 13, 71, 93, 115, 33, 5, 14, 76, 84, 111, 69, 11, 41, 16, 77, 12, 20, 9, 7, 73, 75, 15, 10, 39, 79, 78, 82, 18, 17, 103, 44, 81, 74, 72, 80, 118, 105, 31, 24, 87, 8, 23, 83, 22, 19, 89, 86, 88, 21, 85, 28, 25, 92, 102, 90, 26, 91, 98, 27, 37, 101, 38, 30, 94, 32, 35, 100, 36, 99, 96, 34], [50, 48, 0, 64, 57, 117, 56, 116, 59, 120, 126, 113, 122, 62, 123, 46, 53, 65, 127, 55, 58, 110, 63, 124, 49, 1, 97, 3, 61, 47, 108, 121, 109, 51, 112, 29, 114, 67, 54, 40, 119, 60, 6, 45, 2, 107, 104, 43, 125, 66, 52, 42, 5, 95, 106, 68, 115, 70, 111, 71, 93, 69, 20, 4, 76, 33, 41, 11, 12, 13, 77, 9, 14, 7, 103, 16, 78, 10, 84, 44, 79, 81, 80, 39, 82, 18, 73, 17, 31, 74, 75, 105, 72, 24, 118, 15, 23, 22, 8, 87, 88, 83, 86, 21, 89, 19, 92, 27, 90, 25, 85, 102, 28, 26, 91, 37, 38, 101, 98, 100, 94, 34, 35, 36, 30, 96, 32, 99], [50, 48, 64, 0, 57, 117, 56, 120, 116, 126, 62, 59, 113, 122, 46, 123, 63, 53, 58, 110, 127, 55, 108, 49, 1, 109, 61, 124, 47, 40, 65, 29, 97, 51, 54, 107, 112, 43, 121, 45, 68, 2, 66, 119, 4, 6, 104, 60, 114, 106, 42, 52, 125, 67, 3, 5, 70, 93, 115, 41, 111, 33, 71, 95, 77, 13, 103, 16, 69, 7, 44, 39, 20, 80, 12, 75, 84, 9, 14, 74, 17, 11, 76, 78, 73, 10, 105, 81, 79, 15, 72, 82, 31, 18, 8, 118, 87, 23, 24, 22, 83, 19, 86, 102, 89, 25, 88, 27, 21, 92, 28, 90, 91, 85, 26, 38, 101, 98, 37, 94, 36, 34, 100, 99, 32, 30, 35, 96], [50, 48, 57, 0, 64, 117, 116, 56, 126, 59, 120, 122, 113, 62, 46, 123, 55, 53, 110, 58, 109, 63, 49, 127, 97, 124, 29, 1, 61, 40, 108, 47, 65, 3, 43, 112, 67, 114, 51, 107, 54, 119, 121, 4, 2, 125, 104, 68, 45, 60, 6, 42, 52, 106, 66, 33, 93, 20, 41, 95, 70, 77, 13, 80, 111, 12, 115, 11, 69, 71, 10, 5, 84, 7, 16, 39, 74, 103, 9, 82, 14, 17, 76, 73, 79, 44, 78, 15, 75, 72, 81, 8, 105, 31, 118, 23, 18, 87, 24, 88, 22, 102, 83, 85, 21, 19, 89, 92, 26, 25, 86, 90, 91, 27, 28, 38, 101, 37, 36, 98, 100, 35, 34, 94, 99, 96, 30, 32], [50, 48, 57, 117, 0, 64, 120, 56, 59, 116, 122, 126, 62, 113, 123, 55, 46, 53, 110, 127, 29, 58, 108, 63, 49, 97, 1, 124, 47, 61, 109, 65, 51, 112, 114, 40, 121, 67, 119, 54, 3, 43, 107, 125, 52, 60, 45, 104, 70, 2, 93, 6, 42, 66, 115, 106, 33, 13, 20, 16, 77, 80, 95, 69, 71, 12, 68, 11, 84, 111, 4, 75, 78, 41, 103, 79, 9, 15, 7, 76, 82, 18, 14, 81, 8, 5, 73, 39, 10, 74, 44, 17, 72, 105, 118, 23, 87, 31, 24, 85, 22, 19, 26, 92, 83, 25, 89, 86, 21, 90, 88, 102, 27, 28, 91, 37, 98, 36, 101, 94, 38, 35, 34, 30, 99, 96, 100, 32], [50, 48, 57, 0, 117, 64, 56, 116, 122, 59, 120, 113, 62, 126, 123, 53, 55, 46, 127, 110, 63, 97, 1, 49, 108, 65, 58, 112, 29, 109, 54, 61, 119, 47, 124, 114, 40, 121, 51, 125, 60, 107, 45, 43, 70, 104, 4, 52, 77, 106, 42, 95, 115, 33, 93, 6, 68, 66, 71, 13, 11, 2, 3, 15, 20, 14, 12, 75, 80, 67, 84, 41, 7, 16, 9, 78, 82, 44, 69, 111, 5, 39, 76, 103, 73, 17, 81, 79, 74, 18, 10, 8, 105, 31, 24, 118, 87, 23, 21, 19, 72, 25, 86, 22, 83, 85, 89, 90, 92, 26, 88, 27, 102, 28, 98, 91, 37, 101, 36, 94, 38, 30, 34, 32, 100, 35, 96, 99], [50, 48, 57, 64, 0, 117, 56, 120, 59, 116, 122, 126, 62, 113, 123, 53, 63, 46, 127, 1, 97, 110, 109, 61, 55, 108, 47, 124, 65, 40, 49, 112, 58, 29, 119, 54, 121, 3, 67, 51, 107, 43, 60, 125, 114, 68, 45, 4, 42, 104, 70, 106, 66, 95, 52, 2, 20, 115, 33, 11, 77, 13, 93, 6, 41, 71, 76, 15, 7, 14, 39, 16, 5, 84, 82, 78, 111, 80, 12, 103, 73, 9, 74, 81, 75, 69, 44, 18, 17, 10, 31, 79, 24, 105, 87, 8, 118, 23, 72, 85, 19, 83, 25, 90, 88, 89, 22, 86, 21, 92, 102, 28, 26, 27, 91, 98, 38, 101, 36, 37, 34, 35, 94, 96, 32, 100, 30, 99], [50, 48, 57, 64, 0, 117, 56, 59, 116, 126, 62, 122, 120, 113, 123, 46, 53, 97, 108, 127, 55, 65, 110, 63, 47, 1, 109, 49, 112, 61, 58, 124, 29, 119, 40, 54, 114, 51, 121, 107, 43, 67, 60, 45, 3, 104, 125, 70, 52, 42, 68, 66, 115, 106, 95, 33, 4, 15, 20, 77, 6, 2, 13, 93, 12, 14, 75, 79, 41, 69, 78, 5, 84, 7, 76, 80, 11, 82, 71, 39, 73, 103, 44, 18, 16, 81, 9, 10, 111, 87, 17, 8, 74, 118, 31, 24, 105, 23, 21, 22, 19, 25, 85, 88, 92, 90, 89, 83, 26, 72, 86, 28, 102, 27, 98, 37, 38, 91, 101, 34, 35, 96, 100, 30, 94, 32, 36, 99], [50, 48, 64, 57, 0, 117, 56, 116, 59, 126, 120, 113, 122, 123, 62, 65, 53, 46, 55, 1, 63, 58, 110, 127, 49, 97, 61, 124, 108, 109, 47, 54, 121, 51, 29, 40, 45, 112, 119, 114, 125, 66, 60, 43, 107, 70, 2, 67, 104, 3, 42, 52, 106, 33, 95, 115, 41, 71, 68, 20, 111, 13, 4, 93, 7, 5, 12, 77, 6, 10, 76, 84, 78, 14, 39, 69, 17, 81, 103, 16, 75, 73, 74, 82, 44, 9, 11, 80, 15, 31, 105, 79, 118, 18, 24, 8, 72, 87, 23, 89, 22, 19, 83, 25, 88, 92, 86, 28, 85, 21, 90, 102, 26, 101, 38, 91, 37, 27, 98, 35, 36, 94, 100, 34, 32, 96, 30, 99], [50, 48, 64, 0, 57, 117, 56, 126, 116, 59, 120, 62, 122, 113, 46, 123, 55, 53, 110, 58, 63, 127, 49, 65, 1, 67, 108, 3, 109, 61, 124, 40, 97, 51, 47, 29, 119, 121, 43, 112, 4, 60, 107, 54, 114, 45, 125, 68, 104, 2, 66, 42, 106, 70, 52, 71, 6, 111, 41, 33, 77, 95, 93, 115, 20, 69, 16, 13, 39, 5, 103, 10, 80, 7, 75, 11, 84, 73, 15, 44, 12, 74, 78, 76, 17, 9, 14, 82, 105, 81, 8, 18, 31, 79, 23, 118, 87, 24, 72, 19, 21, 88, 22, 83, 25, 90, 85, 89, 102, 26, 86, 92, 28, 91, 27, 101, 38, 98, 36, 37, 94, 35, 32, 30, 34, 99, 100, 96], [50, 48, 57, 64, 117, 0, 116, 120, 56, 122, 62, 126, 113, 59, 123, 46, 110, 53, 127, 55, 97, 109, 63, 108, 40, 49, 112, 61, 47, 1, 58, 124, 65, 29, 119, 51, 114, 54, 107, 121, 43, 3, 4, 60, 6, 42, 52, 104, 67, 125, 106, 45, 68, 2, 66, 115, 33, 95, 70, 15, 79, 16, 20, 93, 41, 13, 84, 11, 12, 77, 39, 71, 5, 44, 76, 14, 75, 73, 103, 78, 82, 7, 18, 9, 69, 10, 105, 80, 17, 74, 31, 111, 81, 87, 118, 24, 72, 8, 23, 88, 22, 26, 19, 25, 21, 92, 85, 86, 83, 90, 89, 28, 27, 102, 91, 98, 101, 38, 37, 34, 30, 36, 35, 94, 32, 99, 100, 96], [50, 48, 57, 64, 0, 117, 56, 116, 59, 113, 126, 122, 62, 120, 123, 53, 46, 97, 63, 127, 110, 55, 49, 1, 61, 109, 58, 124, 65, 108, 112, 47, 29, 121, 54, 40, 51, 114, 119, 60, 43, 107, 125, 6, 104, 52, 2, 67, 45, 42, 66, 33, 95, 106, 70, 3, 68, 4, 41, 115, 77, 76, 93, 5, 7, 16, 13, 78, 12, 20, 71, 84, 9, 39, 69, 79, 11, 18, 44, 10, 15, 80, 75, 103, 81, 74, 111, 14, 82, 73, 17, 72, 31, 24, 8, 105, 118, 87, 23, 19, 85, 88, 21, 86, 92, 25, 89, 22, 26, 83, 102, 90, 28, 27, 91, 38, 36, 98, 37, 101, 35, 94, 34, 100, 32, 99, 30, 96], [50, 48, 0, 57, 117, 64, 56, 120, 116, 59, 126, 122, 62, 113, 123, 53, 46, 108, 63, 55, 110, 127, 1, 49, 47, 61, 97, 65, 29, 58, 124, 3, 109, 67, 112, 119, 121, 40, 114, 51, 54, 60, 107, 6, 52, 43, 125, 2, 4, 45, 104, 66, 68, 106, 42, 33, 5, 95, 70, 93, 111, 71, 13, 77, 115, 41, 75, 7, 12, 79, 9, 39, 69, 20, 78, 84, 76, 73, 103, 82, 18, 14, 44, 80, 16, 10, 11, 74, 17, 81, 87, 72, 15, 105, 118, 24, 31, 8, 23, 90, 83, 22, 85, 88, 25, 19, 26, 86, 102, 92, 89, 21, 28, 27, 91, 101, 38, 37, 35, 98, 94, 96, 30, 36, 32, 100, 34, 99], [50, 48, 57, 0, 64, 117, 56, 116, 120, 126, 59, 122, 113, 62, 53, 63, 55, 46, 123, 58, 127, 110, 108, 65, 47, 61, 109, 49, 1, 40, 124, 97, 29, 121, 51, 119, 112, 114, 43, 54, 4, 60, 67, 107, 3, 68, 6, 45, 104, 125, 42, 2, 106, 66, 33, 52, 93, 115, 7, 41, 95, 20, 13, 111, 77, 70, 39, 9, 78, 71, 103, 75, 44, 84, 74, 12, 5, 73, 69, 80, 72, 76, 11, 79, 18, 81, 82, 10, 17, 16, 31, 14, 15, 105, 118, 8, 23, 87, 24, 83, 90, 102, 85, 88, 89, 25, 26, 22, 91, 19, 28, 98, 86, 21, 27, 92, 37, 38, 101, 94, 36, 35, 96, 30, 99, 100, 32, 34], [50, 48, 57, 117, 64, 0, 56, 116, 59, 62, 120, 126, 122, 113, 53, 46, 55, 123, 110, 127, 49, 58, 63, 109, 47, 97, 29, 108, 124, 54, 61, 65, 112, 114, 121, 40, 1, 51, 119, 60, 43, 107, 104, 66, 125, 52, 68, 2, 42, 45, 4, 67, 6, 33, 3, 70, 106, 115, 93, 95, 79, 13, 7, 5, 20, 16, 12, 11, 75, 78, 41, 77, 80, 9, 84, 82, 15, 14, 10, 103, 72, 44, 76, 69, 81, 73, 39, 71, 18, 111, 17, 118, 87, 105, 74, 31, 24, 23, 83, 8, 85, 21, 88, 26, 89, 86, 22, 92, 90, 25, 19, 102, 28, 27, 98, 91, 38, 101, 37, 94, 35, 30, 36, 34, 32, 100, 99, 96], [50, 48, 57, 117, 0, 64, 56, 59, 116, 126, 120, 122, 62, 113, 123, 53, 46, 127, 63, 110, 97, 55, 49, 58, 1, 61, 29, 124, 109, 47, 112, 108, 121, 67, 65, 51, 54, 119, 3, 114, 40, 107, 60, 66, 45, 125, 43, 2, 104, 70, 52, 6, 95, 13, 93, 106, 42, 4, 33, 5, 12, 115, 16, 68, 9, 77, 20, 14, 76, 84, 79, 7, 111, 75, 78, 71, 69, 82, 18, 15, 103, 41, 17, 39, 44, 81, 73, 11, 10, 80, 72, 31, 118, 74, 105, 24, 22, 87, 23, 85, 83, 25, 88, 21, 89, 86, 8, 19, 90, 92, 26, 28, 27, 102, 98, 91, 94, 38, 37, 101, 36, 30, 35, 96, 34, 100, 32, 99], [50, 48, 64, 57, 0, 117, 56, 59, 116, 120, 126, 113, 62, 122, 123, 55, 53, 46, 63, 127, 1, 58, 110, 97, 65, 61, 49, 121, 108, 109, 47, 119, 124, 29, 112, 40, 51, 114, 54, 60, 2, 107, 3, 125, 4, 68, 43, 70, 104, 45, 66, 67, 42, 52, 6, 106, 115, 95, 41, 33, 93, 5, 77, 13, 16, 20, 7, 79, 82, 12, 76, 71, 69, 9, 84, 111, 81, 103, 75, 73, 78, 11, 14, 10, 39, 44, 80, 17, 72, 118, 31, 18, 74, 15, 87, 23, 105, 8, 24, 22, 88, 19, 21, 83, 89, 85, 25, 102, 90, 86, 92, 28, 26, 27, 91, 98, 38, 94, 101, 37, 100, 36, 32, 35, 30, 96, 34, 99], [50, 48, 57, 0, 64, 117, 120, 56, 126, 116, 59, 62, 122, 113, 53, 123, 46, 63, 55, 127, 110, 58, 108, 1, 109, 61, 97, 65, 40, 49, 47, 112, 124, 29, 121, 51, 107, 68, 119, 114, 43, 60, 70, 4, 54, 2, 104, 42, 125, 66, 106, 52, 45, 3, 67, 33, 93, 95, 6, 115, 5, 69, 41, 71, 77, 79, 75, 84, 39, 13, 78, 12, 20, 44, 9, 103, 111, 7, 73, 82, 17, 76, 16, 10, 14, 18, 80, 105, 74, 72, 11, 31, 8, 15, 81, 118, 24, 23, 87, 83, 88, 22, 85, 89, 102, 19, 27, 92, 25, 21, 86, 91, 90, 26, 28, 38, 101, 98, 37, 30, 96, 94, 35, 34, 36, 100, 32, 99], [50, 48, 57, 64, 0, 117, 116, 120, 56, 126, 122, 59, 113, 62, 53, 123, 46, 63, 127, 55, 49, 108, 58, 110, 97, 124, 29, 67, 47, 109, 61, 112, 3, 51, 1, 121, 114, 40, 119, 54, 65, 107, 43, 60, 70, 33, 125, 104, 45, 2, 42, 106, 52, 95, 93, 66, 68, 71, 4, 13, 84, 77, 69, 6, 20, 111, 115, 17, 75, 76, 82, 41, 9, 80, 39, 7, 16, 103, 79, 5, 78, 74, 14, 44, 11, 12, 73, 18, 10, 15, 31, 81, 105, 87, 24, 118, 23, 72, 83, 8, 22, 88, 86, 19, 89, 90, 28, 25, 85, 21, 102, 92, 26, 91, 98, 27, 37, 36, 38, 101, 94, 32, 30, 99, 35, 100, 96, 34], [50, 48, 57, 64, 0, 117, 56, 120, 116, 59, 126, 62, 113, 122, 123, 55, 53, 1, 46, 63, 110, 58, 127, 65, 49, 61, 121, 97, 108, 112, 47, 29, 119, 124, 109, 51, 54, 114, 40, 60, 2, 66, 3, 125, 45, 107, 70, 104, 52, 43, 4, 6, 5, 115, 67, 95, 42, 93, 106, 68, 71, 69, 33, 77, 13, 76, 75, 9, 12, 78, 20, 80, 15, 111, 41, 18, 82, 7, 84, 103, 11, 73, 10, 39, 14, 17, 79, 8, 44, 118, 16, 81, 74, 31, 87, 105, 23, 72, 24, 25, 22, 21, 102, 19, 88, 28, 85, 89, 86, 83, 90, 92, 26, 27, 91, 98, 37, 38, 101, 30, 94, 96, 35, 34, 32, 100, 36, 99], [50, 48, 57, 0, 117, 64, 56, 116, 120, 126, 122, 59, 113, 62, 123, 46, 63, 53, 110, 127, 55, 58, 124, 97, 108, 49, 109, 47, 61, 40, 65, 112, 114, 29, 51, 119, 54, 107, 121, 1, 60, 4, 43, 125, 104, 68, 52, 42, 6, 3, 106, 33, 45, 70, 2, 95, 66, 93, 115, 67, 20, 77, 9, 5, 7, 71, 41, 13, 11, 16, 111, 103, 80, 14, 84, 15, 82, 12, 39, 69, 75, 10, 79, 17, 78, 44, 76, 73, 8, 74, 18, 105, 81, 118, 31, 24, 87, 72, 19, 23, 25, 22, 21, 27, 88, 26, 28, 83, 91, 86, 85, 92, 89, 90, 102, 38, 37, 98, 101, 30, 94, 34, 35, 96, 32, 36, 100, 99], [50, 48, 57, 0, 64, 117, 56, 120, 126, 116, 59, 122, 113, 62, 123, 46, 53, 110, 63, 55, 58, 49, 109, 127, 124, 97, 65, 112, 3, 108, 61, 47, 40, 1, 29, 67, 114, 43, 119, 121, 54, 51, 107, 60, 125, 104, 66, 42, 6, 68, 2, 33, 106, 4, 45, 52, 93, 95, 70, 13, 69, 41, 115, 12, 71, 17, 39, 44, 20, 79, 84, 9, 77, 16, 103, 76, 14, 8, 82, 74, 7, 5, 111, 80, 75, 78, 73, 11, 18, 15, 105, 10, 118, 31, 81, 87, 24, 23, 72, 88, 22, 19, 92, 26, 102, 89, 25, 28, 83, 21, 85, 86, 90, 27, 91, 38, 98, 101, 37, 36, 35, 94, 30, 100, 96, 99, 34, 32], [50, 48, 57, 64, 117, 0, 116, 56, 120, 126, 59, 122, 113, 62, 123, 55, 53, 110, 46, 63, 108, 58, 127, 1, 29, 109, 97, 49, 124, 114, 61, 40, 119, 51, 121, 47, 112, 54, 65, 125, 43, 107, 52, 60, 6, 45, 104, 2, 66, 67, 42, 106, 93, 70, 33, 3, 115, 95, 4, 69, 68, 80, 13, 11, 76, 41, 84, 71, 7, 77, 5, 74, 75, 103, 111, 14, 8, 79, 9, 20, 16, 17, 39, 73, 15, 82, 12, 78, 18, 44, 10, 31, 105, 118, 23, 87, 81, 72, 85, 24, 83, 25, 92, 22, 88, 86, 19, 89, 26, 102, 21, 28, 90, 91, 101, 38, 37, 27, 98, 94, 35, 30, 36, 34, 99, 96, 100, 32], [50, 48, 64, 57, 0, 117, 116, 120, 56, 126, 59, 113, 62, 122, 46, 123, 53, 63, 55, 110, 127, 58, 97, 49, 108, 109, 47, 1, 65, 112, 124, 61, 121, 29, 40, 114, 119, 51, 54, 60, 43, 107, 67, 125, 66, 3, 45, 6, 104, 42, 33, 2, 106, 52, 95, 68, 93, 115, 20, 4, 70, 77, 13, 41, 16, 71, 5, 7, 79, 111, 84, 69, 44, 11, 12, 39, 17, 76, 73, 75, 80, 82, 18, 14, 9, 103, 15, 10, 78, 31, 105, 74, 81, 24, 118, 8, 23, 72, 87, 19, 86, 92, 85, 88, 89, 25, 83, 28, 26, 22, 102, 21, 90, 37, 27, 98, 91, 101, 38, 30, 94, 35, 99, 34, 36, 32, 100, 96], [50, 48, 57, 0, 117, 64, 116, 56, 126, 113, 120, 59, 62, 122, 123, 53, 46, 63, 65, 127, 110, 49, 47, 97, 108, 61, 109, 124, 55, 112, 58, 29, 67, 1, 3, 51, 40, 54, 114, 119, 121, 43, 107, 68, 4, 45, 104, 60, 125, 6, 66, 2, 42, 33, 106, 95, 52, 93, 115, 20, 111, 77, 44, 11, 12, 13, 76, 84, 39, 7, 70, 71, 69, 41, 5, 73, 17, 78, 82, 103, 79, 9, 18, 10, 80, 16, 75, 15, 14, 74, 105, 81, 31, 24, 118, 8, 87, 23, 72, 83, 22, 86, 25, 88, 21, 92, 28, 85, 19, 26, 90, 102, 89, 27, 98, 37, 91, 38, 101, 100, 35, 94, 36, 32, 30, 99, 34, 96], [50, 48, 0, 57, 64, 117, 56, 120, 116, 59, 62, 113, 126, 122, 123, 46, 53, 63, 55, 110, 1, 58, 65, 108, 127, 109, 61, 97, 47, 49, 40, 121, 29, 124, 112, 51, 107, 119, 66, 114, 43, 54, 125, 45, 104, 60, 52, 42, 70, 106, 4, 2, 6, 68, 95, 3, 33, 67, 69, 93, 115, 77, 5, 41, 20, 13, 76, 12, 71, 7, 111, 11, 73, 103, 78, 80, 39, 9, 10, 79, 16, 14, 75, 84, 74, 18, 8, 44, 15, 82, 81, 31, 17, 105, 118, 87, 23, 72, 24, 19, 22, 86, 21, 88, 92, 102, 83, 85, 89, 25, 26, 90, 27, 28, 91, 38, 98, 37, 101, 94, 35, 34, 32, 36, 99, 30, 100, 96], [50, 48, 57, 0, 64, 117, 116, 120, 56, 59, 126, 113, 122, 62, 123, 55, 46, 58, 53, 63, 127, 49, 1, 108, 110, 109, 61, 97, 65, 47, 124, 112, 29, 119, 121, 40, 3, 51, 67, 54, 114, 107, 43, 104, 60, 2, 45, 70, 125, 42, 66, 106, 33, 13, 6, 95, 52, 4, 41, 93, 7, 68, 69, 111, 115, 71, 20, 5, 76, 78, 77, 74, 73, 11, 103, 14, 9, 12, 79, 84, 16, 39, 80, 75, 18, 81, 82, 44, 105, 17, 72, 8, 10, 15, 31, 118, 87, 24, 23, 25, 88, 22, 19, 83, 102, 86, 21, 89, 26, 85, 90, 28, 92, 91, 101, 27, 37, 38, 98, 94, 36, 35, 100, 30, 34, 96, 99, 32], [50, 48, 0, 57, 117, 64, 120, 116, 56, 59, 126, 113, 122, 62, 46, 53, 123, 127, 58, 110, 1, 55, 63, 109, 29, 97, 124, 49, 108, 65, 40, 3, 61, 47, 67, 51, 114, 112, 54, 121, 43, 60, 107, 119, 68, 70, 104, 2, 125, 42, 4, 45, 66, 33, 106, 52, 115, 95, 93, 6, 71, 77, 20, 41, 73, 5, 69, 13, 44, 111, 80, 16, 78, 7, 76, 12, 103, 74, 11, 9, 79, 39, 84, 81, 75, 10, 18, 14, 105, 72, 15, 31, 17, 8, 82, 118, 24, 87, 23, 22, 88, 86, 83, 19, 25, 26, 21, 92, 89, 85, 102, 28, 90, 91, 27, 38, 101, 98, 34, 37, 36, 94, 32, 100, 30, 99, 96, 35], [50, 48, 57, 117, 64, 0, 116, 59, 126, 56, 122, 120, 62, 113, 123, 46, 53, 49, 55, 127, 58, 110, 97, 108, 63, 109, 47, 124, 29, 61, 54, 112, 119, 114, 121, 40, 65, 1, 51, 107, 104, 70, 43, 125, 4, 60, 52, 42, 45, 33, 68, 93, 95, 66, 11, 13, 106, 20, 2, 6, 15, 79, 76, 77, 115, 9, 5, 18, 84, 74, 80, 44, 14, 78, 16, 103, 81, 67, 41, 75, 69, 72, 82, 12, 3, 73, 71, 7, 39, 10, 105, 111, 17, 118, 87, 31, 23, 24, 8, 85, 22, 88, 25, 19, 83, 26, 92, 21, 89, 86, 102, 90, 27, 28, 91, 38, 98, 37, 101, 94, 36, 34, 99, 30, 100, 35, 96, 32], [50, 48, 57, 64, 117, 0, 116, 120, 56, 126, 113, 62, 122, 59, 123, 53, 46, 55, 63, 127, 110, 97, 109, 108, 58, 124, 61, 49, 112, 47, 65, 29, 40, 114, 125, 119, 1, 121, 43, 54, 51, 60, 3, 107, 67, 45, 66, 70, 104, 33, 52, 42, 95, 106, 115, 2, 6, 93, 13, 5, 16, 20, 77, 14, 7, 76, 41, 84, 9, 11, 12, 44, 4, 71, 111, 81, 79, 103, 68, 18, 80, 39, 17, 75, 15, 82, 74, 10, 105, 69, 78, 73, 72, 23, 87, 31, 118, 24, 8, 19, 85, 22, 86, 88, 83, 92, 89, 25, 28, 26, 102, 90, 21, 27, 91, 38, 98, 37, 101, 94, 36, 35, 30, 34, 100, 99, 96, 32]], "model.layers.2.self_attn.q_proj": [[104, 127, 46, 34, 49, 88, 113, 82, 21, 79, 75, 76, 24, 14, 71, 7, 5, 9, 92, 40, 107, 3, 15, 19, 52, 125, 62, 11, 119, 27, 121, 12, 78, 120, 20, 116, 66, 8, 93, 53, 50, 77, 109, 57, 47, 10, 56, 69, 2, 96, 18, 65, 84, 86, 85, 73, 60, 30, 91, 115, 72, 63, 41, 83, 54, 1, 45, 95, 17, 51, 74, 99, 29, 81, 25, 59, 28, 118, 16, 108, 55, 103, 31, 101, 64, 106, 48, 32, 97, 102, 13, 90, 87, 61, 80, 35, 112, 124, 94, 39, 43, 122, 42, 23, 67, 26, 38, 117, 4, 58, 100, 33, 111, 126, 6, 105, 22, 44, 37, 70, 36, 110, 123, 114, 89, 98, 68, 0], [104, 49, 46, 34, 127, 113, 21, 108, 24, 82, 79, 105, 40, 57, 9, 88, 75, 107, 76, 121, 56, 80, 5, 27, 120, 51, 90, 14, 30, 71, 92, 62, 26, 87, 48, 16, 22, 83, 35, 28, 52, 43, 17, 50, 125, 63, 84, 106, 94, 4, 117, 23, 111, 109, 61, 89, 59, 29, 3, 100, 45, 114, 119, 126, 42, 118, 19, 36, 47, 54, 67, 38, 110, 70, 116, 115, 10, 123, 96, 72, 98, 68, 33, 122, 11, 41, 44, 124, 93, 99, 20, 112, 102, 39, 103, 55, 95, 101, 77, 53, 37, 60, 7, 31, 18, 66, 32, 81, 58, 85, 86, 91, 97, 69, 78, 73, 65, 15, 25, 1, 13, 6, 8, 64, 12, 74, 0, 2], [104, 34, 49, 127, 46, 21, 82, 71, 88, 79, 113, 76, 9, 75, 3, 5, 40, 14, 26, 121, 7, 53, 64, 1, 125, 66, 23, 119, 8, 52, 67, 10, 107, 24, 11, 81, 73, 4, 15, 17, 57, 120, 69, 77, 50, 19, 2, 20, 85, 22, 18, 32, 94, 70, 84, 6, 74, 72, 62, 92, 33, 12, 65, 16, 93, 89, 90, 63, 87, 56, 96, 45, 30, 126, 38, 31, 27, 51, 35, 13, 78, 42, 80, 108, 44, 43, 118, 103, 47, 54, 124, 48, 100, 86, 58, 95, 115, 91, 60, 28, 36, 83, 25, 37, 29, 117, 123, 102, 116, 39, 114, 122, 101, 111, 97, 112, 99, 109, 105, 41, 55, 68, 0, 59, 61, 106, 110, 98], [104, 46, 49, 34, 127, 113, 82, 21, 107, 88, 75, 125, 14, 52, 90, 53, 9, 22, 28, 79, 26, 24, 92, 5, 38, 121, 40, 19, 105, 94, 77, 76, 120, 119, 84, 27, 48, 51, 103, 50, 111, 39, 93, 29, 62, 16, 41, 60, 30, 98, 17, 124, 71, 91, 36, 56, 57, 126, 99, 118, 3, 81, 47, 106, 33, 123, 110, 109, 117, 115, 54, 44, 112, 63, 86, 37, 80, 59, 116, 100, 42, 35, 108, 20, 87, 55, 31, 122, 102, 83, 73, 58, 101, 70, 114, 96, 32, 97, 11, 15, 78, 23, 95, 43, 69, 72, 45, 61, 10, 89, 66, 6, 1, 7, 13, 18, 85, 65, 64, 67, 8, 25, 4, 68, 0, 74, 12, 2], [104, 107, 91, 35, 23, 84, 17, 27, 15, 13, 81, 47, 20, 94, 112, 113, 82, 114, 61, 43, 55, 99, 75, 77, 40, 56, 89, 53, 86, 111, 10, 96, 79, 92, 25, 117, 119, 123, 11, 28, 125, 51, 21, 115, 97, 118, 30, 124, 9, 73, 80, 93, 12, 16, 57, 120, 29, 48, 87, 122, 46, 76, 42, 70, 6, 102, 24, 26, 72, 18, 88, 116, 7, 110, 49, 108, 85, 38, 83, 14, 98, 105, 74, 22, 50, 68, 67, 60, 101, 31, 90, 41, 59, 71, 106, 8, 37, 32, 33, 78, 39, 44, 19, 63, 58, 127, 126, 103, 34, 45, 54, 69, 121, 36, 100, 95, 4, 62, 52, 109, 2, 3, 0, 65, 66, 5, 1, 64], [104, 107, 35, 91, 27, 23, 99, 94, 84, 114, 47, 43, 113, 89, 112, 61, 9, 55, 119, 123, 53, 15, 40, 73, 111, 92, 17, 12, 82, 81, 120, 28, 98, 77, 56, 46, 105, 117, 125, 97, 25, 67, 86, 116, 70, 48, 115, 122, 7, 124, 42, 13, 36, 102, 118, 51, 32, 14, 90, 29, 57, 22, 79, 11, 49, 37, 10, 85, 63, 16, 41, 109, 68, 126, 6, 103, 44, 110, 54, 121, 72, 76, 106, 58, 75, 108, 34, 93, 45, 96, 101, 52, 59, 69, 39, 38, 24, 87, 30, 95, 100, 80, 50, 18, 60, 31, 127, 74, 26, 33, 71, 62, 88, 21, 19, 83, 65, 20, 2, 78, 4, 0, 3, 8, 66, 64, 5, 1], [107, 104, 47, 35, 99, 124, 94, 89, 96, 27, 55, 91, 43, 61, 119, 112, 113, 46, 25, 123, 85, 63, 105, 48, 114, 120, 53, 116, 125, 111, 23, 54, 40, 84, 102, 52, 28, 56, 117, 97, 37, 51, 115, 82, 121, 126, 92, 42, 109, 62, 22, 41, 32, 106, 60, 29, 118, 44, 110, 95, 49, 57, 86, 122, 98, 38, 108, 100, 58, 127, 36, 34, 50, 12, 101, 33, 103, 17, 59, 67, 83, 26, 45, 31, 93, 39, 14, 78, 90, 30, 21, 15, 73, 81, 16, 24, 77, 6, 88, 18, 7, 19, 80, 79, 9, 10, 20, 68, 66, 11, 71, 70, 3, 76, 75, 13, 87, 2, 74, 72, 65, 4, 0, 8, 64, 5, 1, 69], [104, 107, 35, 15, 75, 8, 13, 17, 91, 5, 84, 4, 23, 99, 73, 40, 43, 3, 1, 71, 72, 87, 112, 114, 69, 61, 68, 6, 113, 55, 67, 20, 2, 47, 53, 123, 7, 66, 0, 56, 65, 11, 120, 70, 115, 111, 10, 119, 89, 9, 25, 110, 77, 30, 64, 125, 57, 21, 16, 46, 124, 12, 94, 18, 51, 117, 86, 79, 74, 122, 108, 81, 76, 58, 14, 92, 49, 78, 85, 83, 82, 96, 127, 116, 121, 19, 90, 28, 88, 26, 102, 118, 31, 29, 80, 97, 105, 59, 60, 48, 32, 95, 93, 24, 22, 39, 37, 62, 63, 34, 50, 106, 33, 44, 42, 38, 101, 36, 27, 98, 100, 103, 54, 41, 109, 52, 45, 126], [110, 38, 97, 112, 46, 16, 89, 78, 10, 19, 8, 4, 12, 70, 68, 48, 25, 2, 69, 7, 6, 86, 82, 56, 1, 31, 20, 64, 50, 5, 102, 71, 22, 75, 125, 119, 11, 113, 3, 111, 13, 83, 67, 0, 127, 77, 61, 66, 47, 109, 51, 80, 14, 85, 73, 52, 118, 74, 72, 84, 94, 9, 81, 116, 117, 41, 93, 40, 120, 123, 18, 76, 87, 124, 107, 63, 15, 23, 21, 115, 65, 30, 104, 79, 36, 37, 43, 28, 34, 55, 88, 53, 91, 62, 24, 59, 17, 98, 108, 27, 60, 126, 99, 96, 45, 103, 32, 44, 57, 100, 101, 121, 58, 42, 122, 106, 29, 39, 92, 54, 35, 49, 95, 114, 26, 90, 105, 33], [110, 38, 112, 97, 46, 19, 78, 16, 12, 10, 8, 89, 4, 68, 69, 48, 71, 25, 5, 9, 70, 6, 102, 13, 24, 50, 2, 1, 88, 51, 62, 111, 66, 77, 65, 56, 109, 31, 118, 64, 113, 21, 15, 75, 61, 22, 127, 85, 73, 72, 3, 7, 67, 55, 14, 30, 74, 17, 27, 0, 34, 76, 83, 79, 124, 86, 115, 125, 20, 11, 100, 43, 94, 52, 122, 104, 107, 116, 87, 93, 99, 23, 105, 80, 84, 117, 95, 119, 47, 126, 121, 35, 82, 18, 91, 98, 44, 58, 120, 81, 123, 26, 40, 54, 42, 49, 45, 37, 101, 32, 92, 53, 39, 59, 36, 41, 106, 96, 108, 60, 29, 114, 103, 90, 28, 63, 57, 33], [38, 97, 110, 94, 112, 46, 25, 19, 83, 89, 78, 48, 93, 118, 85, 16, 50, 11, 96, 62, 39, 56, 21, 111, 127, 36, 77, 61, 27, 109, 90, 106, 80, 101, 17, 10, 88, 30, 12, 125, 60, 87, 95, 44, 86, 40, 105, 35, 121, 34, 31, 24, 104, 59, 116, 108, 115, 120, 57, 43, 54, 26, 123, 58, 81, 103, 126, 117, 20, 99, 23, 119, 13, 45, 14, 52, 124, 51, 37, 122, 29, 73, 100, 55, 42, 91, 92, 47, 107, 63, 22, 75, 32, 41, 114, 98, 53, 113, 9, 28, 33, 49, 15, 84, 6, 8, 82, 7, 18, 79, 69, 71, 76, 74, 70, 72, 5, 68, 4, 102, 2, 66, 3, 67, 65, 1, 0, 64], [110, 38, 97, 112, 46, 89, 78, 16, 10, 77, 25, 17, 19, 12, 8, 48, 6, 69, 11, 71, 102, 94, 51, 15, 50, 4, 75, 68, 2, 86, 21, 83, 62, 76, 31, 70, 52, 5, 72, 111, 81, 9, 127, 1, 22, 108, 99, 29, 121, 118, 109, 84, 124, 14, 7, 116, 82, 92, 36, 45, 37, 117, 74, 123, 90, 23, 79, 88, 80, 104, 35, 64, 105, 95, 61, 56, 66, 34, 58, 65, 103, 73, 93, 42, 44, 33, 107, 122, 28, 126, 20, 18, 55, 106, 87, 27, 113, 57, 47, 125, 53, 98, 85, 115, 41, 24, 54, 114, 26, 120, 30, 39, 101, 59, 40, 13, 96, 119, 67, 60, 100, 91, 43, 32, 49, 63, 3, 0], [40, 98, 121, 125, 53, 51, 17, 20, 82, 80, 18, 115, 27, 19, 21, 88, 104, 77, 22, 42, 119, 12, 89, 26, 95, 86, 30, 75, 92, 28, 84, 78, 25, 117, 96, 94, 29, 32, 120, 23, 93, 90, 57, 102, 116, 52, 79, 38, 127, 41, 24, 97, 50, 87, 123, 105, 56, 122, 10, 109, 113, 16, 31, 63, 101, 110, 43, 44, 48, 107, 33, 61, 49, 111, 36, 58, 62, 76, 124, 100, 91, 39, 114, 59, 45, 81, 108, 83, 46, 37, 35, 9, 103, 99, 60, 112, 47, 55, 85, 8, 126, 118, 54, 74, 14, 34, 71, 73, 15, 106, 7, 13, 11, 6, 72, 5, 70, 2, 69, 65, 68, 3, 64, 4, 67, 66, 1, 0], [40, 125, 121, 53, 51, 98, 27, 20, 82, 16, 84, 81, 12, 21, 42, 19, 115, 10, 119, 88, 8, 78, 74, 29, 50, 85, 86, 35, 72, 91, 36, 95, 5, 6, 117, 14, 94, 69, 104, 17, 18, 34, 93, 24, 76, 22, 65, 67, 97, 26, 79, 68, 75, 120, 38, 116, 15, 23, 30, 122, 44, 57, 63, 66, 107, 89, 58, 80, 71, 83, 109, 87, 7, 106, 9, 99, 108, 96, 111, 41, 33, 118, 13, 105, 103, 101, 48, 127, 114, 56, 100, 37, 124, 52, 28, 45, 90, 3, 113, 49, 92, 43, 77, 39, 32, 123, 59, 102, 110, 46, 31, 60, 126, 54, 70, 25, 61, 112, 62, 64, 47, 0, 55, 11, 4, 73, 1, 2], [40, 121, 42, 53, 125, 51, 98, 91, 123, 50, 110, 52, 111, 113, 58, 63, 105, 126, 47, 33, 115, 27, 54, 60, 118, 93, 117, 107, 97, 59, 122, 127, 48, 108, 61, 56, 15, 44, 124, 109, 57, 112, 116, 43, 45, 114, 62, 46, 120, 106, 38, 119, 49, 55, 41, 95, 23, 103, 39, 36, 101, 31, 100, 24, 86, 37, 99, 32, 35, 102, 30, 21, 12, 29, 96, 18, 85, 34, 89, 104, 94, 77, 92, 17, 81, 84, 83, 78, 79, 20, 74, 87, 9, 28, 69, 72, 13, 26, 88, 19, 75, 90, 25, 82, 22, 7, 10, 80, 2, 65, 70, 4, 76, 8, 11, 64, 3, 16, 6, 68, 1, 73, 67, 14, 5, 0, 71, 66], [53, 125, 51, 121, 42, 40, 115, 98, 119, 52, 108, 57, 123, 116, 91, 107, 50, 114, 117, 122, 127, 124, 120, 58, 111, 59, 118, 113, 63, 15, 55, 41, 60, 110, 48, 49, 9, 109, 56, 61, 100, 62, 44, 43, 46, 7, 105, 99, 112, 45, 54, 77, 126, 47, 102, 72, 39, 38, 33, 74, 12, 103, 69, 106, 93, 18, 101, 35, 30, 17, 95, 75, 78, 2, 70, 31, 11, 37, 27, 32, 80, 36, 84, 3, 24, 104, 34, 23, 96, 97, 4, 86, 68, 94, 83, 79, 64, 8, 29, 92, 10, 89, 85, 6, 65, 13, 0, 73, 76, 71, 26, 20, 87, 28, 21, 19, 88, 25, 90, 5, 1, 66, 16, 81, 67, 14, 22, 82], [102, 49, 98, 56, 116, 121, 113, 89, 20, 11, 81, 9, 77, 22, 15, 124, 52, 25, 2, 6, 73, 71, 18, 96, 75, 86, 110, 72, 88, 79, 70, 101, 19, 51, 10, 74, 100, 4, 3, 29, 67, 91, 1, 31, 83, 87, 92, 78, 17, 64, 13, 60, 76, 16, 120, 24, 84, 59, 61, 8, 30, 41, 80, 14, 21, 7, 58, 93, 47, 37, 12, 26, 28, 117, 62, 115, 90, 44, 46, 82, 32, 94, 27, 112, 63, 68, 103, 40, 105, 109, 33, 39, 42, 85, 95, 114, 97, 111, 35, 122, 48, 107, 23, 118, 53, 55, 54, 45, 127, 43, 123, 50, 104, 106, 119, 34, 126, 57, 99, 36, 108, 0, 125, 5, 69, 66, 65, 38], [102, 49, 116, 56, 98, 121, 113, 89, 81, 124, 20, 11, 15, 77, 68, 9, 71, 52, 70, 25, 29, 2, 64, 91, 19, 85, 4, 0, 105, 88, 1, 65, 66, 8, 3, 73, 101, 41, 46, 75, 12, 127, 110, 62, 60, 51, 72, 80, 93, 21, 67, 7, 27, 74, 14, 86, 96, 76, 47, 117, 13, 126, 18, 84, 44, 87, 6, 111, 115, 120, 79, 17, 22, 82, 90, 112, 10, 95, 107, 5, 61, 39, 24, 23, 16, 103, 30, 122, 92, 57, 83, 94, 32, 97, 118, 45, 78, 33, 26, 59, 36, 69, 43, 123, 109, 53, 37, 40, 100, 54, 114, 28, 50, 125, 99, 42, 108, 106, 48, 55, 35, 104, 58, 31, 63, 119, 34, 38], [102, 49, 116, 56, 98, 113, 121, 89, 77, 11, 81, 20, 9, 71, 15, 52, 68, 124, 110, 29, 19, 91, 86, 10, 101, 25, 6, 70, 2, 41, 66, 74, 47, 7, 4, 14, 46, 59, 67, 117, 82, 75, 72, 80, 64, 18, 96, 92, 73, 0, 31, 3, 95, 79, 115, 126, 12, 8, 21, 16, 93, 1, 22, 13, 87, 17, 60, 39, 88, 36, 107, 127, 50, 97, 32, 35, 120, 33, 122, 69, 53, 105, 85, 30, 61, 65, 84, 111, 62, 104, 5, 26, 42, 58, 118, 76, 94, 114, 23, 83, 112, 51, 24, 109, 54, 27, 44, 28, 40, 90, 125, 119, 100, 99, 78, 43, 57, 55, 48, 106, 123, 108, 103, 63, 45, 37, 34, 38], [102, 121, 110, 49, 98, 56, 116, 113, 101, 89, 25, 62, 93, 29, 31, 52, 91, 41, 51, 46, 107, 27, 45, 126, 34, 40, 100, 38, 115, 58, 106, 60, 112, 20, 105, 63, 96, 85, 39, 48, 103, 22, 57, 19, 61, 119, 86, 50, 47, 108, 53, 18, 123, 109, 114, 55, 127, 54, 120, 84, 104, 28, 111, 78, 94, 44, 118, 43, 83, 122, 81, 21, 42, 125, 124, 59, 92, 80, 30, 24, 16, 117, 35, 95, 37, 33, 26, 32, 88, 99, 36, 15, 97, 23, 77, 76, 14, 87, 90, 82, 10, 12, 5, 17, 71, 79, 2, 11, 69, 66, 8, 13, 9, 74, 7, 72, 70, 68, 75, 67, 4, 6, 64, 73, 65, 0, 3, 1], [126, 61, 56, 60, 54, 51, 123, 63, 124, 119, 100, 58, 117, 32, 127, 108, 112, 49, 39, 97, 114, 47, 104, 42, 125, 44, 106, 46, 40, 41, 48, 118, 99, 62, 110, 53, 120, 34, 52, 105, 121, 57, 107, 115, 116, 102, 55, 103, 43, 122, 50, 45, 113, 59, 111, 109, 38, 36, 33, 101, 96, 37, 94, 98, 30, 85, 31, 35, 8, 28, 25, 67, 70, 7, 5, 91, 29, 73, 2, 74, 27, 68, 92, 75, 77, 95, 93, 83, 10, 22, 4, 21, 65, 11, 76, 26, 71, 13, 89, 64, 12, 0, 9, 90, 19, 1, 78, 86, 23, 72, 66, 80, 88, 87, 15, 24, 6, 79, 14, 20, 69, 82, 81, 84, 3, 16, 17, 18], [55, 119, 123, 127, 115, 124, 60, 58, 56, 54, 63, 51, 61, 117, 62, 113, 126, 59, 96, 57, 52, 109, 48, 53, 121, 116, 120, 107, 114, 45, 108, 43, 50, 122, 110, 112, 42, 47, 125, 49, 118, 111, 44, 94, 46, 106, 105, 41, 32, 93, 104, 40, 103, 95, 39, 30, 23, 102, 98, 91, 34, 38, 90, 24, 92, 37, 17, 16, 101, 88, 22, 18, 100, 79, 7, 31, 35, 10, 78, 99, 75, 89, 8, 29, 84, 13, 26, 70, 36, 73, 5, 76, 19, 81, 15, 21, 20, 97, 80, 33, 9, 4, 27, 65, 0, 2, 87, 67, 85, 68, 66, 77, 25, 83, 28, 72, 14, 3, 69, 82, 12, 86, 1, 71, 74, 6, 11, 64], [119, 123, 55, 100, 124, 127, 56, 60, 58, 54, 115, 51, 63, 61, 36, 117, 126, 62, 32, 98, 59, 113, 52, 57, 121, 48, 45, 109, 120, 116, 53, 43, 107, 50, 30, 122, 114, 47, 106, 108, 110, 111, 112, 125, 118, 42, 49, 44, 46, 34, 41, 105, 39, 38, 103, 101, 104, 102, 40, 35, 37, 31, 96, 33, 99, 93, 97, 95, 28, 22, 88, 91, 94, 29, 19, 24, 68, 77, 64, 85, 90, 92, 27, 12, 26, 86, 2, 5, 83, 14, 74, 1, 13, 6, 25, 11, 72, 71, 67, 7, 8, 21, 69, 3, 73, 79, 78, 10, 9, 16, 81, 76, 20, 70, 89, 66, 80, 75, 87, 15, 65, 82, 18, 0, 4, 23, 17, 84], [126, 61, 100, 26, 54, 60, 28, 20, 63, 119, 51, 58, 123, 56, 124, 87, 55, 96, 18, 93, 24, 127, 25, 115, 86, 117, 85, 92, 30, 27, 94, 17, 97, 90, 33, 91, 62, 31, 32, 49, 112, 108, 106, 125, 114, 34, 104, 42, 39, 47, 120, 46, 44, 48, 53, 110, 121, 57, 41, 118, 40, 52, 105, 59, 43, 116, 107, 103, 50, 113, 122, 45, 109, 36, 101, 80, 102, 111, 98, 23, 81, 38, 15, 16, 89, 21, 99, 37, 83, 88, 95, 29, 35, 82, 19, 22, 14, 79, 78, 84, 9, 13, 75, 10, 71, 74, 12, 76, 8, 7, 67, 5, 70, 66, 72, 4, 77, 69, 65, 73, 11, 2, 0, 64, 1, 3, 6, 68], [33, 40, 108, 117, 57, 54, 22, 19, 118, 122, 82, 24, 16, 121, 77, 89, 127, 25, 76, 14, 52, 7, 125, 49, 44, 12, 123, 92, 109, 93, 106, 107, 3, 13, 69, 73, 11, 115, 46, 29, 43, 84, 62, 21, 53, 104, 120, 32, 119, 39, 28, 20, 41, 94, 124, 98, 61, 67, 87, 86, 88, 30, 111, 83, 34, 112, 59, 2, 15, 74, 64, 70, 65, 95, 48, 85, 71, 47, 60, 91, 105, 63, 96, 6, 17, 38, 68, 27, 81, 58, 42, 113, 116, 126, 110, 8, 23, 45, 72, 4, 114, 97, 79, 50, 90, 78, 5, 18, 10, 37, 26, 31, 1, 51, 101, 35, 103, 99, 102, 100, 55, 56, 80, 36, 66, 0, 9, 75], [108, 40, 33, 57, 54, 86, 25, 44, 118, 18, 117, 82, 80, 52, 91, 29, 104, 62, 121, 94, 115, 90, 92, 122, 89, 31, 56, 30, 126, 27, 95, 93, 48, 28, 88, 63, 34, 51, 110, 99, 124, 35, 59, 101, 112, 123, 26, 98, 113, 36, 60, 37, 43, 116, 103, 109, 41, 32, 39, 47, 58, 46, 42, 105, 119, 102, 100, 96, 45, 111, 106, 120, 49, 125, 38, 50, 107, 14, 53, 127, 55, 61, 23, 84, 87, 16, 114, 24, 85, 20, 83, 77, 21, 22, 76, 19, 78, 97, 81, 79, 17, 75, 11, 13, 66, 70, 12, 15, 74, 5, 4, 6, 7, 3, 67, 0, 9, 68, 8, 72, 65, 71, 2, 1, 10, 64, 69, 73], [33, 40, 108, 57, 54, 16, 14, 89, 118, 44, 117, 78, 82, 22, 13, 104, 52, 24, 121, 27, 71, 19, 122, 12, 75, 25, 90, 87, 28, 62, 109, 124, 93, 99, 94, 48, 115, 30, 31, 29, 123, 110, 101, 26, 126, 56, 91, 127, 112, 95, 53, 63, 119, 96, 46, 59, 37, 73, 21, 120, 51, 86, 36, 98, 92, 77, 43, 116, 102, 105, 85, 41, 103, 42, 38, 34, 106, 35, 60, 32, 125, 88, 111, 100, 47, 113, 58, 23, 39, 45, 76, 49, 9, 50, 61, 107, 114, 55, 5, 17, 20, 83, 6, 18, 81, 84, 79, 68, 15, 80, 10, 74, 7, 3, 11, 8, 67, 72, 66, 70, 2, 97, 4, 1, 69, 65, 0, 64], [40, 108, 33, 57, 54, 11, 12, 89, 82, 117, 118, 76, 44, 16, 14, 22, 19, 73, 7, 9, 24, 104, 86, 77, 10, 71, 78, 75, 121, 27, 13, 127, 52, 122, 93, 70, 85, 74, 123, 48, 109, 23, 87, 66, 124, 43, 126, 106, 90, 21, 68, 101, 115, 53, 110, 28, 112, 30, 81, 26, 80, 31, 15, 119, 79, 99, 4, 63, 2, 64, 84, 25, 46, 94, 83, 62, 51, 3, 56, 96, 114, 95, 29, 98, 111, 120, 116, 36, 37, 59, 35, 32, 91, 92, 42, 102, 1, 41, 100, 47, 113, 60, 38, 125, 65, 88, 49, 20, 34, 103, 39, 17, 105, 6, 45, 50, 58, 107, 55, 69, 61, 72, 18, 67, 0, 5, 8, 97], [110, 103, 33, 31, 46, 21, 78, 76, 80, 10, 8, 19, 114, 120, 79, 13, 112, 70, 4, 82, 17, 116, 49, 12, 6, 123, 16, 61, 54, 57, 89, 124, 58, 121, 25, 73, 125, 75, 47, 39, 22, 107, 18, 67, 117, 1, 118, 94, 27, 83, 56, 43, 85, 108, 111, 115, 69, 77, 48, 2, 14, 101, 63, 24, 32, 50, 51, 29, 106, 86, 93, 44, 74, 113, 23, 62, 41, 15, 28, 119, 71, 40, 91, 68, 36, 104, 127, 55, 30, 84, 11, 20, 59, 9, 92, 38, 42, 102, 72, 88, 35, 122, 37, 34, 99, 60, 52, 81, 26, 90, 45, 87, 7, 96, 98, 105, 100, 53, 126, 109, 97, 5, 66, 0, 95, 3, 65, 64], [103, 110, 33, 31, 46, 21, 19, 114, 49, 78, 120, 116, 23, 76, 12, 24, 57, 112, 79, 80, 72, 58, 16, 61, 118, 14, 4, 8, 6, 123, 48, 54, 50, 18, 67, 111, 47, 83, 98, 10, 85, 95, 45, 89, 17, 15, 108, 117, 121, 127, 73, 91, 109, 41, 63, 20, 1, 43, 90, 104, 37, 88, 81, 55, 102, 13, 39, 32, 119, 28, 113, 94, 2, 115, 70, 84, 44, 60, 51, 126, 42, 38, 96, 53, 105, 125, 122, 35, 34, 124, 106, 59, 97, 27, 29, 100, 74, 82, 9, 36, 107, 99, 93, 75, 56, 52, 40, 101, 71, 69, 86, 92, 30, 65, 3, 87, 22, 26, 62, 5, 25, 68, 11, 77, 0, 66, 7, 64], [110, 103, 33, 31, 46, 80, 21, 10, 8, 76, 78, 4, 114, 70, 68, 57, 120, 5, 49, 123, 58, 116, 112, 16, 17, 69, 3, 61, 1, 39, 65, 66, 12, 117, 121, 67, 74, 118, 54, 124, 9, 73, 7, 71, 127, 72, 14, 50, 32, 15, 11, 75, 107, 47, 125, 0, 51, 84, 111, 64, 45, 48, 79, 25, 77, 2, 85, 6, 91, 89, 87, 13, 93, 82, 60, 24, 63, 19, 109, 23, 81, 104, 18, 88, 122, 20, 83, 56, 92, 29, 38, 37, 115, 105, 86, 55, 119, 113, 35, 102, 36, 106, 53, 28, 44, 41, 62, 94, 42, 22, 30, 108, 95, 52, 34, 26, 96, 99, 43, 40, 101, 59, 100, 98, 90, 97, 27, 126], [110, 103, 33, 31, 46, 21, 10, 80, 78, 79, 69, 8, 76, 120, 114, 70, 82, 2, 6, 67, 49, 57, 112, 73, 4, 123, 58, 12, 61, 39, 5, 66, 1, 116, 68, 23, 71, 3, 16, 13, 0, 19, 17, 127, 56, 117, 111, 72, 74, 118, 121, 7, 107, 125, 14, 51, 50, 64, 54, 87, 11, 9, 45, 75, 124, 65, 85, 24, 48, 88, 81, 43, 20, 77, 15, 89, 84, 126, 119, 94, 59, 42, 18, 32, 47, 92, 26, 37, 115, 63, 86, 83, 25, 109, 36, 62, 28, 104, 53, 44, 106, 91, 122, 60, 55, 40, 34, 27, 41, 108, 99, 30, 113, 105, 102, 22, 52, 97, 90, 35, 98, 96, 29, 100, 95, 38, 93, 101]], "model.layers.2.self_attn.k_proj": [[40, 49, 110, 127, 46, 98, 76, 9, 21, 82, 24, 79, 71, 14, 5, 75, 67, 66, 0, 64, 65, 70, 125, 88, 53, 2, 92, 81, 50, 69, 26, 93, 121, 4, 27, 116, 77, 30, 112, 52, 105, 74, 80, 119, 118, 97, 62, 13, 51, 56, 72, 57, 25, 68, 31, 109, 23, 106, 1, 126, 54, 120, 113, 83, 28, 84, 63, 48, 107, 29, 124, 44, 43, 59, 89, 20, 99, 45, 73, 47, 86, 60, 42, 108, 87, 61, 16, 95, 8, 115, 90, 122, 117, 32, 39, 17, 19, 36, 96, 22, 114, 100, 41, 33, 103, 91, 123, 35, 58, 55, 37, 111, 10, 94, 102, 38, 101, 6, 104, 15, 3, 78, 7, 12, 85, 11, 34, 18], [43, 40, 99, 56, 48, 50, 119, 23, 117, 61, 84, 13, 113, 15, 17, 75, 123, 5, 51, 47, 0, 8, 111, 4, 57, 91, 55, 53, 46, 3, 104, 94, 65, 49, 6, 124, 73, 114, 44, 110, 125, 2, 89, 80, 10, 71, 60, 120, 64, 107, 122, 108, 121, 1, 12, 58, 118, 14, 86, 42, 85, 66, 25, 82, 70, 59, 52, 62, 28, 112, 76, 109, 127, 106, 27, 92, 126, 63, 83, 88, 97, 54, 22, 41, 19, 69, 33, 18, 39, 29, 115, 101, 38, 116, 21, 74, 78, 26, 87, 45, 105, 34, 37, 103, 7, 32, 98, 36, 90, 96, 31, 93, 102, 67, 16, 30, 24, 68, 95, 100, 72, 79, 35, 20, 81, 9, 11, 77], [46, 112, 102, 33, 110, 0, 12, 48, 16, 8, 10, 78, 25, 70, 69, 65, 66, 19, 2, 4, 64, 5, 77, 89, 50, 85, 17, 67, 47, 1, 7, 68, 22, 83, 30, 20, 95, 93, 88, 82, 125, 62, 56, 124, 116, 54, 87, 51, 9, 43, 27, 127, 55, 49, 118, 23, 24, 73, 3, 11, 114, 15, 13, 84, 106, 40, 92, 79, 32, 121, 91, 103, 41, 36, 61, 99, 126, 98, 101, 113, 109, 81, 29, 31, 107, 123, 105, 45, 57, 44, 108, 94, 104, 39, 59, 52, 96, 28, 120, 100, 119, 26, 63, 60, 35, 21, 18, 71, 37, 115, 58, 6, 90, 111, 53, 42, 86, 122, 117, 34, 74, 76, 75, 14, 80, 72, 97, 38], [104, 121, 125, 53, 51, 20, 16, 34, 78, 81, 82, 119, 19, 75, 42, 43, 10, 122, 88, 50, 61, 63, 127, 93, 70, 21, 13, 109, 118, 106, 116, 44, 113, 30, 7, 120, 8, 48, 57, 124, 114, 111, 62, 47, 60, 56, 58, 107, 54, 123, 115, 31, 76, 126, 9, 49, 23, 55, 38, 105, 110, 97, 22, 112, 39, 46, 41, 100, 45, 59, 91, 52, 102, 108, 37, 117, 36, 4, 3, 99, 86, 26, 89, 35, 95, 101, 32, 92, 28, 27, 33, 103, 94, 96, 24, 25, 2, 69, 90, 29, 14, 18, 87, 73, 17, 85, 15, 65, 5, 68, 83, 64, 80, 1, 84, 98, 0, 12, 72, 79, 74, 71, 11, 77, 40, 66, 6, 67], [113, 38, 116, 56, 34, 121, 49, 77, 11, 9, 81, 15, 71, 25, 0, 93, 68, 70, 20, 46, 65, 86, 67, 18, 66, 91, 16, 30, 124, 112, 102, 115, 31, 83, 61, 22, 19, 87, 72, 5, 118, 88, 76, 27, 85, 29, 1, 45, 78, 8, 82, 89, 23, 7, 6, 111, 48, 117, 36, 44, 74, 41, 10, 58, 105, 59, 99, 47, 40, 108, 51, 106, 119, 42, 127, 101, 62, 43, 92, 50, 123, 104, 114, 103, 120, 57, 84, 37, 90, 95, 97, 125, 122, 24, 32, 55, 63, 69, 35, 109, 96, 53, 126, 60, 54, 3, 28, 33, 94, 39, 12, 107, 26, 100, 79, 13, 80, 52, 4, 73, 14, 110, 21, 75, 17, 2, 64, 98], [126, 36, 124, 60, 61, 54, 63, 58, 119, 56, 115, 51, 123, 55, 127, 32, 117, 125, 118, 49, 122, 110, 112, 114, 46, 30, 50, 53, 52, 120, 121, 116, 48, 59, 111, 62, 113, 47, 57, 34, 108, 44, 45, 109, 106, 95, 42, 93, 40, 41, 107, 104, 105, 43, 98, 20, 24, 23, 39, 103, 96, 33, 102, 97, 90, 94, 38, 82, 81, 92, 101, 26, 99, 27, 91, 89, 37, 35, 100, 22, 29, 14, 80, 87, 15, 31, 85, 16, 25, 86, 28, 79, 12, 9, 19, 13, 11, 83, 88, 7, 4, 74, 66, 72, 5, 70, 75, 10, 69, 0, 3, 21, 18, 1, 65, 6, 71, 76, 8, 77, 17, 67, 78, 64, 84, 73, 68, 2], [44, 104, 54, 57, 97, 117, 82, 16, 22, 14, 77, 73, 25, 11, 76, 9, 127, 53, 108, 89, 7, 29, 122, 40, 92, 123, 12, 27, 19, 4, 24, 52, 91, 112, 93, 95, 90, 26, 31, 30, 94, 32, 88, 115, 110, 120, 119, 124, 21, 87, 113, 96, 28, 118, 45, 62, 46, 69, 121, 126, 47, 10, 125, 116, 98, 39, 34, 58, 63, 67, 37, 111, 107, 49, 41, 43, 99, 35, 51, 36, 60, 42, 103, 105, 102, 106, 59, 70, 101, 5, 100, 23, 50, 1, 38, 109, 55, 61, 2, 20, 56, 85, 48, 17, 8, 15, 114, 75, 78, 0, 84, 72, 81, 80, 74, 71, 66, 79, 83, 18, 64, 6, 86, 13, 3, 33, 68, 65], [46, 39, 110, 97, 95, 64, 78, 76, 80, 10, 8, 21, 70, 68, 79, 66, 73, 3, 65, 19, 120, 58, 50, 57, 123, 9, 5, 48, 1, 2, 82, 7, 61, 23, 69, 113, 116, 118, 114, 67, 125, 51, 0, 124, 24, 121, 127, 77, 117, 112, 53, 49, 81, 47, 84, 52, 59, 56, 109, 72, 6, 17, 60, 87, 119, 4, 91, 75, 122, 107, 20, 22, 106, 45, 89, 96, 54, 40, 90, 29, 11, 126, 25, 63, 43, 42, 62, 92, 86, 30, 101, 98, 105, 44, 14, 115, 37, 104, 26, 27, 102, 108, 93, 36, 38, 55, 111, 12, 32, 41, 99, 100, 15, 18, 34, 83, 35, 85, 88, 28, 94, 74, 13, 71, 16, 33, 31, 103]], "model.layers.2.self_attn.qk_proj": [[46, 110, 49, 121, 112, 54, 40, 51, 127, 104, 57, 56, 125, 113, 53, 116, 43, 44, 126, 61, 124, 102, 60, 119, 123, 117, 108, 48, 89, 39, 33, 25, 16, 14, 80, 115, 78, 63, 99, 107, 12, 76, 55, 18, 50, 85, 47, 98, 120, 21, 114, 58, 75, 97, 88, 86, 74, 8, 118, 82, 13, 11, 81, 95, 83, 19, 34, 20, 27, 84, 79, 15, 91, 77, 122, 17, 9, 87, 42, 62, 10, 94, 73, 29, 24, 31, 22, 38, 7, 52, 23, 36, 45, 41, 59, 92, 71, 6, 72, 111, 4, 69, 5, 30, 68, 105, 101, 35, 93, 32, 109, 70, 96, 28, 66, 2, 0, 64, 103, 90, 106, 1, 100, 67, 3, 65, 37, 26], [46, 110, 49, 121, 112, 54, 40, 56, 104, 51, 57, 53, 125, 127, 113, 116, 43, 44, 126, 123, 61, 119, 124, 102, 60, 117, 48, 39, 108, 89, 25, 16, 107, 58, 120, 80, 33, 14, 115, 63, 12, 99, 47, 78, 76, 8, 118, 55, 98, 50, 85, 82, 27, 21, 114, 18, 20, 95, 75, 62, 83, 91, 15, 97, 19, 122, 77, 81, 74, 34, 13, 79, 17, 11, 94, 86, 84, 10, 9, 87, 42, 24, 31, 73, 70, 88, 23, 36, 111, 22, 4, 29, 38, 5, 7, 71, 68, 109, 52, 69, 0, 96, 28, 106, 64, 45, 103, 32, 1, 92, 105, 93, 66, 59, 30, 35, 67, 2, 72, 6, 101, 3, 65, 90, 26, 100, 41, 37], [46, 110, 49, 121, 112, 54, 56, 40, 104, 53, 51, 57, 127, 113, 125, 116, 43, 44, 61, 126, 124, 102, 119, 123, 117, 60, 108, 63, 33, 107, 55, 48, 89, 16, 25, 39, 120, 47, 58, 80, 76, 14, 8, 115, 12, 99, 118, 78, 97, 85, 50, 21, 70, 18, 98, 19, 82, 27, 114, 74, 11, 20, 77, 84, 15, 79, 94, 9, 17, 75, 42, 95, 91, 34, 13, 86, 52, 87, 10, 73, 81, 5, 38, 23, 24, 36, 7, 71, 68, 69, 122, 83, 4, 29, 62, 59, 88, 31, 111, 32, 109, 22, 66, 30, 106, 45, 64, 96, 105, 2, 1, 28, 92, 93, 100, 0, 103, 67, 41, 72, 3, 26, 65, 35, 101, 90, 6, 37], [46, 110, 49, 121, 112, 54, 127, 51, 57, 40, 56, 104, 113, 125, 53, 116, 43, 126, 44, 61, 124, 123, 102, 117, 60, 58, 119, 48, 33, 25, 108, 63, 16, 39, 89, 80, 55, 14, 8, 107, 99, 76, 118, 12, 78, 98, 21, 19, 120, 47, 18, 50, 91, 114, 115, 70, 97, 84, 11, 82, 27, 95, 52, 85, 77, 10, 74, 34, 23, 79, 20, 75, 42, 15, 86, 94, 83, 87, 62, 81, 31, 13, 17, 5, 9, 71, 73, 88, 36, 4, 69, 38, 24, 122, 68, 109, 106, 29, 30, 22, 7, 92, 41, 66, 111, 67, 59, 28, 93, 32, 2, 103, 65, 101, 0, 45, 1, 96, 105, 3, 64, 100, 26, 90, 35, 72, 6, 37], [46, 110, 49, 121, 112, 54, 40, 127, 51, 57, 56, 125, 104, 113, 53, 116, 43, 61, 44, 126, 119, 102, 124, 123, 117, 58, 108, 25, 63, 33, 55, 16, 76, 48, 120, 8, 107, 12, 99, 118, 14, 60, 89, 80, 78, 39, 47, 115, 21, 82, 114, 98, 50, 18, 91, 95, 84, 97, 11, 20, 70, 9, 79, 94, 27, 74, 85, 17, 52, 75, 73, 15, 19, 69, 13, 77, 31, 24, 10, 88, 7, 87, 81, 68, 86, 42, 23, 62, 36, 5, 34, 38, 83, 71, 59, 4, 111, 22, 2, 67, 3, 122, 66, 28, 64, 65, 41, 0, 92, 29, 109, 30, 32, 35, 96, 103, 100, 101, 106, 93, 1, 72, 6, 105, 45, 90, 26, 37], [46, 110, 49, 121, 112, 51, 54, 56, 40, 104, 57, 127, 113, 125, 53, 116, 43, 44, 61, 126, 102, 124, 123, 119, 48, 60, 58, 25, 115, 108, 117, 33, 89, 39, 16, 107, 55, 80, 14, 12, 120, 8, 78, 76, 47, 99, 98, 18, 21, 50, 114, 82, 63, 85, 75, 52, 20, 19, 95, 27, 9, 31, 15, 11, 118, 111, 74, 84, 79, 73, 97, 34, 91, 122, 70, 88, 17, 42, 86, 13, 62, 94, 87, 24, 77, 23, 10, 83, 7, 4, 22, 36, 81, 68, 69, 38, 5, 71, 28, 32, 106, 6, 29, 93, 103, 72, 67, 96, 105, 30, 66, 41, 92, 35, 1, 59, 0, 65, 45, 64, 109, 101, 2, 3, 100, 90, 26, 37], [46, 110, 49, 121, 112, 54, 40, 56, 104, 127, 57, 51, 113, 125, 116, 53, 43, 44, 61, 126, 119, 124, 123, 102, 89, 60, 48, 117, 108, 115, 16, 107, 39, 14, 58, 33, 25, 12, 47, 55, 76, 80, 78, 99, 8, 120, 63, 85, 11, 18, 50, 9, 21, 83, 82, 118, 79, 52, 84, 75, 98, 15, 42, 17, 20, 95, 77, 91, 19, 111, 27, 13, 114, 97, 73, 74, 81, 24, 94, 88, 31, 86, 36, 122, 10, 34, 38, 87, 71, 23, 109, 22, 4, 6, 7, 29, 68, 62, 69, 5, 32, 106, 45, 72, 105, 70, 96, 30, 35, 93, 59, 103, 92, 101, 41, 28, 66, 3, 0, 1, 64, 2, 26, 67, 65, 100, 37, 90], [46, 110, 49, 121, 112, 54, 40, 104, 56, 57, 51, 127, 113, 125, 53, 116, 43, 44, 61, 119, 126, 102, 124, 123, 60, 89, 108, 117, 25, 33, 63, 55, 48, 39, 78, 107, 80, 14, 16, 12, 85, 99, 76, 115, 47, 118, 58, 18, 21, 82, 120, 50, 11, 15, 97, 74, 9, 83, 91, 31, 84, 98, 52, 20, 75, 79, 27, 19, 24, 94, 114, 17, 77, 81, 6, 10, 86, 29, 13, 73, 87, 8, 38, 111, 95, 34, 122, 42, 62, 23, 88, 72, 36, 7, 68, 69, 22, 59, 71, 30, 4, 5, 32, 103, 105, 106, 45, 28, 96, 41, 0, 3, 2, 35, 93, 64, 109, 67, 26, 66, 92, 65, 70, 101, 100, 1, 90, 37], [46, 110, 49, 121, 112, 40, 51, 56, 54, 104, 57, 127, 53, 125, 113, 116, 43, 44, 126, 61, 102, 119, 117, 124, 60, 123, 25, 39, 108, 89, 48, 16, 115, 58, 63, 55, 21, 14, 80, 78, 33, 107, 99, 12, 76, 120, 85, 62, 98, 82, 47, 18, 15, 19, 31, 97, 27, 50, 42, 72, 20, 84, 95, 6, 11, 91, 75, 114, 94, 81, 23, 9, 79, 83, 77, 74, 86, 17, 29, 10, 52, 34, 13, 118, 111, 24, 88, 122, 73, 87, 36, 38, 45, 22, 68, 41, 4, 7, 93, 105, 71, 30, 96, 106, 69, 8, 5, 28, 66, 109, 32, 59, 100, 64, 90, 0, 103, 3, 92, 35, 67, 65, 26, 2, 1, 101, 70, 37], [46, 110, 49, 121, 112, 54, 40, 56, 104, 57, 127, 125, 53, 51, 113, 116, 43, 44, 126, 61, 119, 102, 124, 60, 117, 123, 25, 108, 16, 89, 107, 39, 115, 48, 58, 80, 78, 14, 120, 33, 63, 12, 99, 76, 21, 98, 82, 27, 55, 97, 19, 47, 42, 84, 18, 72, 91, 11, 94, 6, 85, 15, 20, 83, 9, 75, 13, 17, 77, 79, 52, 24, 114, 95, 62, 10, 81, 50, 34, 118, 74, 87, 31, 88, 86, 23, 73, 111, 22, 36, 7, 71, 109, 69, 4, 68, 29, 105, 38, 5, 122, 106, 59, 96, 30, 41, 92, 8, 103, 32, 66, 28, 35, 45, 93, 2, 90, 26, 3, 70, 100, 101, 0, 67, 64, 1, 65, 37], [46, 110, 49, 121, 112, 40, 51, 54, 57, 56, 127, 104, 53, 113, 125, 116, 43, 126, 44, 61, 124, 102, 117, 63, 60, 119, 123, 108, 16, 89, 25, 33, 48, 39, 58, 80, 72, 78, 55, 12, 14, 98, 99, 107, 120, 115, 76, 50, 114, 95, 85, 82, 118, 42, 91, 21, 97, 18, 27, 47, 20, 15, 11, 19, 84, 79, 87, 94, 77, 74, 75, 10, 24, 17, 6, 73, 66, 86, 13, 83, 52, 62, 31, 69, 5, 9, 23, 111, 38, 88, 81, 4, 36, 68, 34, 29, 22, 106, 7, 71, 122, 2, 30, 64, 32, 0, 92, 70, 1, 59, 67, 3, 105, 65, 93, 96, 103, 109, 41, 28, 35, 45, 100, 90, 101, 8, 26, 37], [46, 110, 49, 121, 112, 54, 40, 127, 51, 57, 56, 104, 125, 53, 113, 116, 43, 44, 61, 126, 123, 119, 124, 102, 117, 63, 108, 33, 48, 89, 16, 72, 107, 115, 99, 58, 25, 60, 98, 39, 14, 55, 47, 114, 12, 78, 80, 76, 50, 21, 18, 82, 120, 27, 85, 118, 97, 91, 15, 84, 20, 95, 10, 111, 19, 11, 52, 87, 73, 75, 24, 42, 86, 36, 94, 31, 17, 34, 79, 83, 23, 74, 88, 81, 62, 77, 69, 9, 4, 70, 59, 5, 7, 13, 68, 22, 38, 71, 32, 30, 122, 29, 1, 3, 0, 6, 66, 105, 96, 92, 93, 106, 28, 65, 2, 109, 41, 45, 67, 35, 101, 64, 100, 103, 26, 90, 8, 37], [46, 110, 49, 121, 112, 54, 40, 104, 56, 57, 51, 125, 127, 53, 113, 116, 43, 44, 119, 61, 126, 123, 102, 124, 117, 89, 25, 108, 107, 48, 58, 63, 60, 39, 33, 16, 115, 99, 78, 80, 14, 12, 47, 21, 72, 76, 120, 18, 82, 77, 20, 85, 114, 79, 97, 55, 94, 27, 15, 111, 75, 11, 52, 118, 91, 19, 42, 84, 81, 17, 31, 73, 34, 10, 50, 83, 86, 87, 98, 24, 88, 95, 9, 70, 74, 13, 23, 38, 36, 29, 62, 7, 68, 22, 30, 122, 96, 5, 59, 41, 93, 105, 109, 69, 4, 71, 92, 28, 32, 106, 35, 45, 101, 100, 67, 66, 6, 26, 3, 8, 103, 37, 64, 1, 2, 90, 0, 65], [46, 110, 49, 121, 112, 56, 54, 51, 127, 40, 57, 104, 125, 113, 53, 116, 43, 44, 126, 61, 124, 102, 119, 60, 48, 123, 25, 108, 89, 117, 16, 39, 47, 33, 58, 21, 120, 99, 80, 107, 55, 12, 72, 115, 78, 14, 63, 76, 18, 97, 19, 82, 27, 85, 50, 70, 15, 42, 114, 11, 20, 84, 98, 75, 95, 118, 79, 77, 34, 13, 91, 86, 122, 17, 94, 10, 74, 73, 81, 83, 31, 59, 9, 62, 24, 88, 87, 52, 22, 4, 38, 5, 41, 23, 111, 29, 69, 71, 36, 68, 7, 105, 45, 92, 93, 64, 30, 35, 8, 28, 96, 101, 1, 100, 103, 32, 66, 2, 109, 3, 106, 67, 65, 26, 0, 6, 37, 90], [46, 110, 49, 112, 121, 54, 40, 104, 56, 57, 51, 127, 113, 125, 53, 116, 43, 44, 61, 126, 124, 123, 102, 119, 117, 89, 33, 60, 48, 25, 39, 63, 16, 108, 120, 78, 80, 47, 118, 99, 55, 107, 12, 14, 21, 76, 70, 58, 72, 115, 82, 18, 114, 98, 95, 85, 50, 42, 97, 91, 11, 27, 94, 20, 73, 79, 52, 74, 75, 31, 17, 15, 84, 88, 19, 86, 13, 83, 34, 81, 24, 62, 77, 23, 10, 22, 9, 71, 5, 68, 38, 4, 69, 122, 36, 8, 87, 29, 7, 32, 109, 105, 111, 93, 30, 59, 41, 67, 2, 92, 96, 66, 65, 45, 106, 1, 103, 0, 28, 101, 3, 100, 90, 64, 35, 26, 37, 6], [46, 110, 49, 112, 121, 54, 51, 40, 104, 127, 125, 56, 57, 113, 53, 116, 43, 44, 126, 61, 124, 117, 102, 123, 119, 63, 108, 107, 33, 60, 25, 48, 55, 115, 16, 39, 89, 120, 80, 58, 12, 78, 114, 47, 99, 118, 21, 52, 14, 50, 76, 18, 98, 97, 27, 42, 82, 95, 84, 85, 24, 72, 74, 11, 91, 20, 19, 88, 94, 70, 75, 36, 87, 73, 15, 8, 79, 23, 17, 86, 38, 31, 10, 111, 34, 13, 22, 4, 9, 81, 83, 77, 5, 29, 68, 122, 71, 69, 62, 41, 105, 7, 109, 28, 92, 65, 30, 59, 2, 32, 106, 96, 0, 3, 103, 67, 45, 93, 66, 64, 6, 35, 1, 26, 101, 90, 100, 37], [46, 110, 49, 121, 112, 54, 40, 104, 56, 51, 57, 125, 127, 113, 53, 116, 43, 44, 61, 126, 119, 102, 124, 107, 123, 117, 60, 25, 108, 89, 48, 58, 33, 63, 16, 115, 80, 76, 39, 78, 12, 14, 118, 99, 47, 55, 21, 120, 18, 98, 82, 15, 75, 84, 11, 9, 85, 19, 79, 91, 42, 52, 114, 20, 27, 74, 94, 77, 8, 31, 97, 73, 81, 86, 13, 17, 24, 50, 88, 10, 87, 83, 111, 70, 95, 36, 38, 72, 62, 23, 4, 34, 29, 71, 22, 68, 7, 122, 5, 69, 41, 109, 45, 28, 106, 6, 35, 59, 32, 92, 105, 93, 30, 96, 101, 103, 67, 100, 64, 2, 66, 3, 90, 26, 1, 0, 65, 37], [46, 110, 49, 121, 112, 54, 40, 56, 104, 57, 51, 53, 127, 113, 125, 116, 43, 44, 126, 61, 124, 102, 60, 119, 123, 117, 25, 108, 39, 16, 33, 89, 107, 48, 58, 118, 55, 21, 80, 78, 76, 14, 12, 115, 8, 99, 63, 18, 97, 82, 120, 91, 85, 98, 79, 11, 47, 19, 81, 20, 84, 50, 86, 77, 114, 15, 42, 95, 10, 122, 52, 75, 27, 88, 17, 73, 13, 34, 94, 62, 6, 74, 9, 83, 22, 31, 87, 24, 111, 5, 23, 68, 38, 45, 36, 71, 29, 41, 93, 7, 59, 4, 105, 69, 32, 30, 28, 106, 103, 72, 70, 66, 92, 96, 35, 0, 2, 64, 100, 109, 65, 101, 1, 67, 90, 26, 3, 37], [46, 110, 49, 121, 112, 127, 54, 40, 56, 104, 51, 57, 125, 113, 116, 53, 43, 126, 44, 61, 102, 124, 119, 117, 123, 60, 48, 108, 33, 25, 80, 39, 63, 58, 89, 16, 14, 8, 21, 12, 107, 78, 76, 120, 55, 115, 118, 99, 18, 19, 91, 97, 82, 47, 114, 50, 85, 20, 6, 62, 98, 42, 27, 11, 84, 75, 86, 79, 10, 81, 95, 77, 15, 13, 88, 9, 34, 23, 52, 24, 74, 73, 94, 17, 87, 122, 83, 5, 31, 22, 36, 4, 109, 29, 105, 71, 68, 111, 38, 45, 69, 7, 32, 0, 59, 92, 30, 106, 28, 2, 41, 67, 93, 66, 65, 64, 96, 3, 103, 101, 35, 1, 90, 100, 72, 70, 26, 37], [46, 110, 49, 121, 112, 54, 40, 104, 51, 56, 127, 57, 113, 53, 116, 125, 43, 44, 126, 61, 124, 123, 119, 102, 25, 108, 63, 117, 60, 89, 48, 8, 80, 16, 39, 14, 115, 107, 78, 33, 55, 120, 12, 76, 58, 47, 6, 99, 98, 82, 18, 50, 21, 95, 20, 75, 97, 114, 85, 11, 9, 91, 13, 27, 84, 10, 15, 73, 19, 79, 118, 17, 74, 42, 86, 24, 62, 31, 94, 52, 5, 111, 81, 77, 68, 59, 87, 23, 36, 7, 83, 4, 88, 34, 69, 45, 71, 22, 106, 122, 38, 29, 96, 105, 92, 35, 30, 66, 3, 32, 100, 67, 109, 93, 28, 103, 41, 64, 26, 1, 101, 65, 2, 0, 90, 72, 70, 37], [46, 110, 49, 121, 112, 54, 40, 51, 56, 104, 57, 127, 113, 53, 116, 125, 43, 44, 124, 61, 126, 117, 102, 119, 48, 123, 33, 25, 58, 107, 108, 47, 16, 39, 60, 63, 80, 89, 55, 8, 12, 99, 14, 98, 78, 76, 115, 114, 97, 82, 120, 18, 21, 6, 50, 91, 95, 75, 79, 27, 85, 10, 20, 42, 94, 84, 74, 81, 11, 17, 83, 15, 19, 9, 31, 87, 52, 36, 73, 38, 34, 86, 88, 77, 4, 13, 71, 24, 22, 118, 111, 62, 23, 29, 5, 122, 69, 7, 105, 68, 106, 59, 30, 32, 28, 93, 66, 45, 96, 103, 92, 109, 64, 0, 100, 41, 2, 101, 35, 72, 3, 67, 90, 70, 1, 26, 65, 37], [46, 110, 49, 121, 112, 54, 56, 40, 57, 104, 127, 51, 113, 53, 116, 125, 43, 61, 44, 126, 123, 102, 119, 117, 124, 60, 39, 48, 25, 107, 108, 63, 33, 89, 80, 115, 114, 78, 16, 58, 55, 14, 99, 47, 12, 98, 8, 76, 118, 21, 50, 120, 18, 82, 97, 84, 27, 95, 85, 83, 75, 11, 79, 52, 9, 20, 34, 19, 74, 15, 81, 91, 13, 87, 6, 42, 73, 10, 36, 77, 94, 17, 69, 86, 31, 38, 29, 71, 4, 88, 111, 5, 24, 23, 59, 22, 68, 7, 122, 28, 64, 109, 30, 45, 41, 62, 66, 96, 106, 70, 35, 93, 100, 103, 72, 92, 67, 1, 105, 32, 2, 3, 0, 101, 65, 26, 90, 37], [46, 110, 49, 121, 112, 51, 54, 40, 104, 57, 127, 113, 56, 125, 53, 116, 43, 44, 126, 61, 119, 117, 124, 102, 123, 25, 33, 58, 55, 89, 63, 107, 16, 108, 47, 48, 39, 60, 115, 14, 80, 78, 12, 76, 99, 21, 85, 82, 8, 18, 97, 114, 98, 120, 75, 27, 20, 84, 17, 91, 50, 118, 13, 19, 79, 10, 94, 95, 15, 74, 31, 87, 11, 77, 81, 9, 24, 34, 88, 23, 83, 73, 86, 68, 22, 29, 62, 52, 72, 4, 38, 36, 70, 42, 71, 111, 5, 109, 69, 45, 59, 30, 7, 28, 122, 41, 106, 32, 96, 6, 93, 92, 105, 35, 67, 100, 2, 1, 103, 3, 64, 0, 101, 90, 66, 26, 65, 37], [46, 110, 49, 121, 112, 51, 40, 57, 56, 54, 104, 127, 113, 125, 53, 116, 43, 44, 126, 61, 124, 102, 119, 123, 60, 117, 25, 108, 58, 107, 89, 48, 33, 80, 39, 16, 63, 78, 115, 47, 12, 76, 99, 55, 14, 98, 18, 120, 27, 19, 85, 97, 94, 114, 79, 21, 20, 83, 95, 82, 42, 91, 15, 75, 8, 52, 11, 84, 17, 74, 70, 50, 118, 24, 77, 73, 13, 86, 10, 72, 87, 22, 9, 36, 81, 34, 88, 31, 23, 38, 111, 4, 62, 122, 69, 68, 29, 7, 30, 71, 5, 103, 96, 45, 28, 41, 92, 106, 93, 67, 2, 109, 32, 105, 66, 101, 35, 59, 100, 0, 64, 1, 6, 26, 65, 90, 3, 37], [46, 110, 49, 121, 112, 40, 54, 104, 56, 57, 127, 51, 125, 113, 53, 116, 43, 44, 61, 126, 119, 123, 124, 117, 102, 33, 108, 39, 48, 63, 60, 89, 107, 25, 58, 16, 78, 115, 55, 99, 80, 14, 47, 76, 12, 18, 70, 120, 97, 118, 114, 85, 98, 21, 27, 20, 75, 84, 72, 11, 52, 73, 9, 82, 17, 15, 91, 42, 79, 50, 94, 87, 13, 62, 81, 74, 10, 19, 95, 24, 34, 83, 88, 77, 86, 5, 111, 31, 36, 7, 8, 122, 71, 4, 68, 22, 69, 23, 38, 109, 30, 29, 106, 32, 105, 45, 35, 2, 103, 92, 67, 96, 28, 101, 3, 93, 64, 66, 59, 41, 100, 65, 26, 1, 0, 90, 6, 37], [46, 110, 49, 121, 112, 54, 40, 51, 127, 56, 104, 57, 125, 113, 53, 116, 43, 44, 126, 61, 124, 102, 123, 119, 117, 89, 39, 107, 60, 48, 25, 55, 33, 108, 58, 47, 16, 78, 99, 80, 115, 114, 76, 63, 12, 14, 118, 85, 120, 18, 72, 27, 50, 70, 97, 98, 79, 91, 21, 19, 20, 82, 95, 11, 84, 83, 75, 15, 87, 74, 13, 52, 34, 9, 17, 122, 77, 81, 94, 10, 31, 42, 73, 22, 38, 24, 62, 86, 111, 36, 7, 5, 69, 88, 29, 23, 68, 30, 64, 4, 71, 32, 103, 106, 35, 41, 45, 28, 105, 109, 59, 92, 8, 67, 93, 1, 96, 66, 2, 26, 100, 0, 101, 3, 65, 90, 37, 6], [46, 110, 49, 121, 112, 40, 57, 104, 54, 56, 51, 127, 125, 53, 113, 116, 43, 44, 126, 61, 124, 117, 102, 119, 123, 60, 39, 25, 89, 108, 48, 63, 107, 33, 80, 16, 99, 115, 58, 78, 12, 55, 14, 76, 21, 47, 72, 50, 97, 82, 91, 20, 85, 98, 27, 18, 94, 83, 114, 79, 120, 118, 38, 24, 73, 19, 11, 95, 75, 77, 34, 86, 13, 74, 52, 15, 42, 88, 17, 81, 84, 62, 70, 87, 31, 10, 36, 45, 9, 111, 23, 5, 122, 4, 22, 71, 29, 68, 7, 69, 92, 30, 106, 93, 41, 32, 96, 103, 28, 59, 2, 109, 6, 101, 35, 105, 8, 90, 3, 1, 26, 67, 66, 0, 100, 65, 64, 37], [46, 110, 49, 121, 112, 40, 54, 56, 104, 51, 57, 113, 53, 125, 127, 116, 43, 44, 61, 126, 119, 102, 60, 124, 39, 123, 117, 108, 89, 72, 58, 25, 16, 33, 48, 80, 107, 78, 63, 76, 120, 12, 99, 14, 98, 55, 115, 47, 50, 118, 11, 18, 79, 85, 82, 73, 42, 114, 95, 21, 97, 91, 9, 75, 84, 10, 27, 20, 77, 17, 19, 13, 15, 83, 34, 38, 74, 52, 122, 94, 69, 24, 4, 31, 81, 23, 68, 22, 70, 88, 7, 71, 62, 36, 29, 86, 87, 6, 5, 111, 45, 109, 32, 3, 28, 59, 2, 30, 0, 1, 90, 103, 105, 67, 65, 96, 66, 35, 93, 64, 92, 101, 106, 100, 41, 26, 8, 37], [46, 110, 49, 121, 112, 54, 40, 57, 56, 104, 127, 51, 113, 125, 53, 116, 43, 126, 44, 61, 123, 124, 102, 119, 60, 117, 108, 58, 115, 33, 89, 48, 25, 72, 16, 107, 39, 63, 80, 76, 78, 99, 14, 120, 47, 55, 118, 12, 98, 50, 114, 82, 27, 21, 18, 52, 85, 97, 20, 9, 83, 11, 91, 84, 74, 75, 79, 15, 10, 95, 86, 87, 19, 122, 42, 13, 34, 81, 94, 24, 17, 73, 6, 77, 36, 5, 23, 88, 38, 69, 7, 111, 22, 45, 31, 68, 4, 71, 109, 30, 62, 29, 59, 28, 106, 92, 105, 3, 103, 32, 2, 70, 96, 65, 1, 64, 100, 0, 66, 90, 41, 93, 67, 8, 35, 101, 37, 26], [46, 110, 49, 121, 112, 54, 40, 51, 56, 57, 104, 127, 113, 125, 116, 53, 43, 44, 61, 126, 124, 102, 123, 119, 117, 108, 39, 107, 60, 25, 58, 48, 16, 89, 72, 33, 63, 80, 12, 76, 55, 99, 78, 14, 115, 98, 47, 50, 18, 82, 21, 6, 85, 95, 9, 114, 120, 11, 27, 97, 20, 79, 91, 118, 75, 84, 83, 73, 10, 42, 15, 34, 36, 86, 13, 77, 19, 24, 74, 88, 31, 87, 62, 94, 52, 17, 7, 4, 81, 68, 5, 111, 38, 71, 69, 103, 45, 23, 29, 122, 22, 93, 106, 32, 105, 109, 59, 30, 41, 35, 8, 28, 3, 92, 1, 64, 2, 67, 66, 70, 0, 65, 96, 100, 90, 101, 26, 37], [46, 110, 49, 121, 112, 54, 40, 56, 104, 51, 127, 57, 125, 113, 116, 53, 43, 44, 61, 126, 119, 102, 124, 123, 117, 60, 108, 25, 89, 39, 107, 48, 80, 115, 16, 12, 58, 99, 76, 78, 14, 33, 47, 18, 55, 72, 19, 21, 27, 6, 63, 75, 120, 94, 20, 82, 9, 50, 98, 83, 91, 73, 11, 15, 34, 42, 84, 13, 88, 85, 79, 81, 52, 97, 77, 74, 10, 95, 86, 114, 118, 17, 68, 87, 24, 31, 111, 36, 71, 106, 22, 62, 23, 5, 7, 38, 29, 109, 93, 4, 30, 8, 103, 122, 35, 69, 45, 92, 41, 59, 105, 32, 66, 67, 100, 28, 64, 0, 65, 3, 96, 2, 101, 90, 26, 70, 1, 37], [46, 110, 49, 112, 121, 54, 51, 40, 57, 56, 104, 127, 125, 113, 53, 116, 43, 44, 126, 61, 124, 102, 60, 123, 119, 117, 89, 58, 108, 48, 55, 39, 63, 33, 25, 80, 107, 99, 50, 16, 14, 47, 78, 76, 12, 18, 114, 115, 120, 42, 21, 85, 118, 83, 19, 98, 95, 27, 34, 97, 52, 82, 79, 91, 20, 84, 75, 6, 77, 94, 15, 11, 73, 17, 10, 13, 31, 81, 38, 72, 9, 88, 86, 62, 87, 74, 24, 8, 22, 59, 106, 36, 23, 122, 29, 5, 68, 7, 71, 4, 111, 93, 41, 30, 92, 103, 69, 109, 45, 32, 96, 100, 66, 35, 65, 90, 1, 64, 0, 28, 105, 101, 3, 67, 26, 37, 70, 2]], "model.layers.3.self_attn.q_proj": [[40, 60, 98, 56, 52, 57, 119, 62, 32, 58, 49, 37, 113, 118, 53, 59, 95, 123, 48, 105, 89, 50, 24, 45, 122, 63, 120, 25, 101, 26, 30, 93, 39, 86, 51, 61, 85, 42, 34, 17, 38, 109, 111, 102, 35, 107, 36, 121, 114, 43, 116, 21, 126, 103, 54, 83, 84, 125, 29, 112, 108, 55, 46, 97, 96, 115, 92, 127, 110, 124, 31, 99, 47, 44, 33, 100, 41, 91, 88, 94, 15, 106, 20, 18, 117, 90, 27, 28, 82, 87, 23, 22, 81, 104, 80, 11, 78, 75, 76, 79, 74, 77, 10, 19, 8, 72, 14, 12, 68, 13, 65, 71, 5, 73, 16, 4, 2, 67, 69, 6, 9, 7, 70, 3, 1, 66, 0, 64], [119, 62, 40, 98, 121, 52, 123, 58, 53, 48, 50, 118, 38, 25, 49, 30, 29, 54, 39, 63, 60, 57, 84, 56, 122, 59, 42, 115, 86, 102, 112, 33, 27, 37, 93, 113, 116, 28, 32, 111, 107, 89, 83, 15, 46, 108, 114, 120, 103, 110, 125, 101, 80, 18, 88, 36, 45, 41, 34, 47, 21, 43, 127, 24, 55, 51, 117, 44, 23, 109, 14, 124, 61, 100, 105, 97, 92, 106, 126, 73, 35, 26, 104, 12, 72, 19, 99, 31, 94, 17, 22, 95, 85, 90, 91, 96, 74, 20, 67, 70, 76, 79, 87, 81, 11, 10, 75, 71, 2, 13, 9, 5, 4, 65, 82, 68, 78, 7, 8, 0, 77, 3, 1, 66, 6, 64, 16, 69], [40, 98, 56, 60, 62, 119, 86, 29, 52, 58, 83, 14, 80, 57, 12, 54, 59, 10, 48, 93, 17, 15, 50, 63, 24, 25, 125, 4, 123, 118, 121, 101, 9, 120, 74, 113, 72, 26, 5, 85, 114, 51, 106, 33, 99, 53, 70, 45, 122, 95, 73, 71, 78, 76, 11, 16, 30, 81, 19, 22, 89, 104, 32, 103, 108, 21, 20, 88, 66, 67, 90, 84, 7, 2, 41, 49, 18, 111, 13, 1, 39, 23, 38, 87, 110, 75, 43, 36, 27, 6, 0, 82, 77, 79, 69, 37, 47, 8, 3, 97, 100, 102, 94, 92, 126, 96, 127, 34, 91, 42, 61, 28, 109, 115, 117, 35, 31, 116, 64, 105, 112, 68, 46, 55, 107, 65, 44, 124], [58, 40, 98, 119, 62, 60, 52, 29, 57, 86, 56, 48, 12, 80, 83, 59, 14, 24, 50, 51, 10, 9, 54, 72, 95, 73, 4, 19, 11, 71, 114, 116, 93, 66, 100, 76, 69, 63, 123, 32, 2, 49, 70, 106, 0, 125, 113, 16, 118, 68, 91, 5, 26, 7, 67, 75, 82, 53, 39, 90, 127, 79, 28, 120, 99, 25, 23, 103, 109, 27, 94, 22, 55, 111, 81, 13, 77, 108, 89, 18, 61, 117, 47, 46, 85, 87, 8, 121, 78, 88, 38, 36, 21, 31, 107, 3, 17, 37, 20, 30, 42, 15, 35, 122, 124, 96, 112, 84, 92, 45, 102, 43, 105, 101, 97, 33, 44, 64, 104, 126, 74, 6, 41, 115, 1, 110, 34, 65], [38, 97, 111, 120, 123, 122, 47, 84, 81, 10, 14, 71, 12, 8, 2, 67, 69, 58, 1, 0, 87, 88, 76, 19, 65, 83, 93, 106, 17, 86, 57, 34, 53, 11, 42, 32, 25, 118, 26, 20, 85, 99, 96, 56, 80, 49, 66, 31, 15, 78, 3, 105, 95, 89, 112, 109, 94, 52, 124, 101, 98, 110, 30, 126, 90, 92, 37, 22, 64, 55, 115, 82, 91, 103, 79, 44, 48, 74, 73, 119, 113, 60, 27, 45, 36, 4, 39, 29, 54, 62, 41, 61, 100, 21, 121, 108, 35, 63, 28, 51, 72, 46, 7, 18, 114, 127, 107, 125, 75, 77, 117, 16, 59, 23, 50, 43, 116, 104, 40, 13, 70, 5, 9, 24, 6, 68, 33, 102], [38, 97, 111, 122, 123, 120, 47, 81, 23, 84, 14, 71, 12, 10, 8, 69, 67, 75, 19, 73, 25, 7, 3, 1, 56, 76, 21, 105, 13, 78, 58, 5, 65, 2, 49, 79, 64, 4, 94, 70, 66, 30, 113, 0, 31, 98, 6, 112, 72, 16, 126, 86, 61, 114, 87, 52, 15, 88, 43, 35, 74, 42, 124, 62, 119, 63, 68, 37, 11, 104, 121, 45, 118, 17, 99, 20, 110, 57, 93, 82, 24, 26, 90, 77, 80, 32, 28, 22, 103, 85, 117, 46, 36, 9, 51, 106, 125, 18, 108, 92, 59, 83, 55, 115, 89, 60, 53, 41, 29, 44, 107, 33, 100, 95, 39, 127, 48, 54, 27, 101, 116, 50, 40, 91, 109, 96, 102, 34], [38, 111, 97, 123, 120, 122, 47, 81, 14, 84, 23, 12, 10, 8, 69, 71, 59, 75, 58, 3, 1, 86, 67, 16, 11, 40, 56, 127, 88, 25, 24, 105, 50, 31, 32, 87, 51, 9, 90, 45, 116, 76, 43, 73, 110, 74, 5, 125, 22, 21, 106, 4, 2, 62, 82, 19, 91, 78, 13, 98, 72, 113, 26, 93, 27, 28, 48, 100, 20, 83, 99, 66, 94, 15, 53, 117, 39, 17, 95, 42, 80, 49, 104, 108, 63, 65, 0, 118, 96, 126, 55, 60, 33, 92, 61, 77, 37, 85, 114, 30, 107, 35, 52, 119, 46, 44, 79, 103, 6, 41, 34, 109, 7, 29, 57, 18, 36, 115, 112, 64, 54, 101, 121, 89, 70, 102, 124, 68], [38, 97, 111, 123, 122, 120, 47, 84, 81, 14, 23, 12, 10, 71, 24, 8, 69, 67, 3, 1, 55, 105, 93, 76, 44, 59, 78, 86, 7, 56, 58, 70, 73, 16, 61, 107, 25, 30, 2, 21, 11, 57, 60, 126, 6, 51, 68, 4, 89, 80, 88, 79, 17, 104, 72, 32, 35, 20, 19, 74, 66, 95, 46, 41, 42, 26, 96, 43, 94, 75, 0, 98, 116, 106, 40, 15, 22, 48, 5, 50, 54, 9, 29, 63, 87, 124, 109, 114, 118, 110, 82, 37, 53, 112, 113, 27, 125, 45, 92, 121, 91, 85, 77, 34, 117, 62, 39, 49, 101, 65, 103, 119, 31, 90, 83, 28, 100, 115, 99, 36, 64, 52, 127, 18, 13, 108, 33, 102], [41, 34, 18, 20, 52, 76, 89, 79, 22, 16, 14, 120, 114, 62, 8, 10, 105, 46, 47, 63, 81, 126, 116, 69, 13, 125, 117, 7, 9, 127, 3, 59, 123, 72, 71, 5, 80, 23, 28, 73, 53, 70, 112, 12, 74, 50, 119, 24, 78, 19, 113, 6, 49, 66, 58, 15, 2, 110, 25, 75, 82, 54, 17, 109, 107, 95, 85, 86, 67, 11, 83, 94, 111, 118, 104, 60, 29, 37, 55, 61, 32, 93, 122, 27, 88, 68, 1, 39, 56, 115, 84, 64, 38, 42, 31, 43, 33, 101, 102, 87, 21, 26, 44, 103, 100, 0, 97, 35, 96, 121, 57, 48, 91, 92, 77, 45, 108, 106, 124, 4, 99, 51, 30, 90, 40, 65, 36, 98], [41, 34, 89, 52, 20, 22, 120, 18, 47, 46, 63, 114, 126, 80, 116, 76, 62, 105, 72, 14, 28, 78, 125, 117, 11, 79, 123, 82, 127, 13, 85, 7, 59, 74, 77, 10, 12, 19, 84, 58, 21, 15, 49, 9, 107, 119, 53, 54, 90, 24, 86, 81, 113, 5, 109, 73, 25, 95, 112, 29, 8, 23, 92, 103, 27, 104, 30, 37, 50, 61, 102, 39, 16, 88, 69, 96, 35, 32, 94, 3, 31, 71, 26, 110, 111, 101, 55, 33, 60, 124, 51, 93, 36, 83, 17, 38, 66, 57, 118, 43, 87, 42, 115, 98, 91, 75, 40, 4, 56, 99, 1, 108, 44, 122, 97, 100, 121, 6, 67, 68, 65, 45, 48, 106, 70, 2, 64, 0], [41, 34, 52, 81, 22, 18, 114, 20, 126, 76, 79, 120, 14, 10, 62, 69, 47, 116, 8, 3, 105, 63, 5, 46, 117, 125, 127, 72, 7, 9, 89, 54, 66, 123, 24, 1, 70, 6, 59, 74, 53, 71, 16, 113, 49, 28, 2, 64, 58, 77, 86, 110, 32, 73, 0, 119, 27, 68, 85, 50, 107, 112, 78, 12, 67, 17, 87, 83, 15, 13, 80, 84, 26, 104, 109, 61, 25, 92, 90, 60, 96, 118, 56, 38, 65, 57, 75, 95, 19, 45, 43, 82, 11, 111, 91, 99, 88, 35, 93, 33, 101, 31, 97, 122, 21, 29, 30, 37, 102, 39, 40, 100, 44, 42, 23, 106, 94, 55, 36, 124, 121, 115, 48, 103, 51, 4, 108, 98], [41, 34, 20, 18, 22, 52, 10, 76, 14, 6, 67, 62, 46, 120, 79, 126, 125, 114, 3, 116, 47, 105, 7, 8, 63, 9, 69, 127, 54, 2, 28, 117, 59, 58, 25, 0, 13, 123, 70, 110, 72, 80, 77, 112, 12, 49, 24, 90, 65, 75, 44, 113, 11, 119, 53, 71, 74, 23, 73, 91, 104, 35, 32, 78, 85, 15, 64, 87, 86, 89, 84, 88, 45, 66, 61, 21, 26, 5, 17, 68, 95, 60, 1, 42, 121, 83, 51, 122, 92, 100, 107, 56, 103, 109, 36, 106, 111, 94, 81, 48, 82, 38, 50, 55, 43, 16, 37, 19, 31, 102, 27, 29, 108, 124, 57, 97, 39, 93, 101, 99, 40, 115, 33, 96, 118, 30, 4, 98], [103, 117, 125, 109, 46, 56, 122, 97, 58, 52, 63, 57, 47, 28, 126, 59, 115, 89, 39, 21, 124, 119, 51, 49, 116, 62, 110, 60, 113, 55, 114, 111, 54, 86, 50, 87, 112, 123, 127, 61, 121, 53, 81, 33, 82, 48, 118, 108, 45, 120, 24, 107, 20, 44, 41, 31, 42, 19, 105, 106, 79, 43, 13, 96, 37, 30, 40, 100, 102, 104, 101, 99, 38, 36, 94, 34, 35, 95, 98, 32, 73, 80, 92, 93, 90, 17, 22, 91, 29, 76, 12, 26, 78, 88, 25, 71, 70, 27, 16, 83, 7, 9, 10, 85, 77, 4, 23, 68, 18, 84, 74, 5, 6, 8, 15, 3, 14, 67, 66, 0, 11, 65, 75, 69, 1, 64, 72, 2], [103, 117, 52, 109, 125, 56, 97, 122, 46, 119, 57, 28, 63, 58, 89, 21, 82, 115, 9, 47, 12, 78, 87, 126, 80, 20, 124, 33, 49, 116, 13, 62, 19, 110, 31, 83, 114, 59, 86, 54, 17, 111, 92, 61, 123, 127, 50, 60, 51, 94, 30, 55, 25, 6, 112, 74, 107, 81, 79, 71, 118, 77, 90, 11, 108, 121, 7, 24, 113, 53, 39, 48, 16, 101, 15, 18, 44, 32, 88, 95, 73, 4, 67, 22, 36, 45, 29, 84, 76, 69, 43, 41, 8, 68, 105, 37, 23, 26, 91, 85, 70, 5, 104, 93, 99, 14, 34, 75, 10, 100, 96, 120, 42, 106, 35, 3, 65, 38, 102, 66, 0, 27, 40, 98, 1, 2, 72, 64], [103, 117, 52, 125, 109, 97, 119, 122, 21, 89, 56, 28, 46, 59, 60, 20, 78, 82, 79, 87, 58, 47, 80, 55, 9, 124, 113, 50, 126, 121, 57, 12, 114, 123, 111, 62, 7, 74, 11, 63, 25, 118, 51, 53, 61, 92, 15, 54, 4, 22, 90, 116, 31, 112, 19, 110, 30, 115, 127, 17, 107, 33, 83, 70, 49, 95, 8, 13, 91, 98, 93, 6, 69, 24, 81, 44, 94, 77, 32, 71, 48, 67, 88, 73, 45, 38, 23, 99, 43, 42, 86, 29, 26, 66, 104, 84, 37, 5, 76, 101, 96, 102, 120, 39, 105, 41, 106, 34, 108, 100, 40, 1, 27, 16, 36, 10, 85, 68, 35, 18, 14, 0, 75, 2, 65, 64, 72, 3], [103, 117, 52, 46, 97, 125, 109, 119, 56, 122, 21, 63, 82, 78, 80, 87, 58, 9, 83, 89, 20, 12, 28, 92, 57, 8, 11, 6, 126, 15, 59, 75, 25, 79, 67, 124, 54, 74, 16, 13, 81, 114, 49, 62, 76, 115, 71, 123, 31, 53, 110, 68, 69, 60, 85, 90, 18, 19, 77, 95, 30, 14, 23, 127, 66, 111, 50, 72, 48, 33, 24, 84, 113, 10, 64, 70, 73, 51, 5, 3, 47, 112, 61, 4, 26, 22, 86, 55, 17, 93, 1, 2, 88, 27, 29, 0, 94, 118, 107, 91, 32, 96, 44, 99, 34, 65, 121, 108, 116, 101, 7, 41, 98, 100, 36, 35, 102, 106, 104, 120, 37, 43, 42, 38, 40, 105, 45, 39], [104, 33, 108, 20, 18, 23, 16, 13, 10, 44, 72, 68, 70, 48, 56, 107, 63, 55, 40, 117, 54, 84, 116, 57, 90, 21, 50, 12, 66, 14, 110, 31, 115, 51, 11, 9, 58, 73, 78, 61, 109, 114, 87, 111, 96, 121, 123, 25, 52, 120, 79, 1, 5, 82, 26, 100, 86, 43, 74, 125, 127, 59, 94, 119, 83, 118, 3, 76, 15, 126, 2, 38, 92, 45, 77, 34, 6, 8, 22, 102, 41, 62, 24, 88, 95, 71, 112, 36, 7, 60, 105, 106, 93, 80, 89, 42, 99, 85, 113, 47, 67, 101, 27, 39, 17, 98, 81, 46, 29, 103, 69, 53, 28, 30, 19, 35, 4, 91, 49, 124, 75, 122, 37, 32, 64, 65, 97, 0], [104, 108, 33, 65, 10, 13, 68, 18, 70, 1, 16, 64, 7, 44, 23, 67, 66, 87, 40, 0, 72, 20, 4, 56, 110, 69, 111, 116, 120, 3, 55, 5, 50, 12, 115, 6, 57, 61, 11, 123, 71, 54, 58, 84, 113, 77, 112, 48, 8, 2, 19, 62, 125, 114, 117, 51, 100, 43, 124, 52, 118, 78, 38, 14, 26, 9, 99, 80, 97, 63, 31, 96, 45, 24, 83, 49, 79, 21, 59, 107, 127, 29, 119, 74, 30, 60, 88, 109, 39, 122, 121, 89, 15, 85, 92, 36, 91, 41, 86, 32, 101, 25, 106, 94, 37, 93, 126, 34, 42, 90, 75, 82, 105, 53, 17, 73, 98, 103, 76, 47, 22, 27, 46, 28, 35, 81, 102, 95], [104, 108, 33, 64, 0, 44, 70, 13, 68, 10, 7, 66, 67, 16, 20, 18, 87, 1, 40, 23, 65, 72, 111, 56, 50, 110, 57, 55, 5, 120, 48, 116, 4, 84, 113, 115, 11, 123, 12, 61, 71, 51, 114, 100, 3, 117, 58, 21, 6, 118, 43, 125, 2, 80, 62, 45, 77, 52, 96, 75, 54, 69, 109, 86, 8, 126, 41, 38, 124, 121, 39, 47, 76, 101, 74, 27, 59, 89, 25, 99, 31, 35, 28, 79, 24, 81, 107, 83, 82, 34, 78, 92, 90, 60, 95, 37, 19, 94, 14, 9, 98, 127, 49, 17, 91, 29, 53, 30, 88, 106, 63, 85, 26, 112, 42, 36, 102, 32, 105, 46, 122, 103, 22, 93, 15, 119, 73, 97], [104, 108, 33, 23, 16, 18, 10, 44, 20, 13, 7, 72, 12, 116, 55, 87, 40, 110, 61, 67, 68, 107, 115, 117, 56, 70, 48, 114, 69, 50, 57, 125, 109, 1, 66, 118, 123, 120, 60, 54, 124, 111, 21, 81, 83, 25, 58, 126, 78, 64, 11, 59, 29, 63, 9, 88, 28, 90, 43, 32, 52, 46, 42, 62, 2, 8, 85, 47, 101, 73, 27, 89, 15, 113, 84, 76, 49, 103, 91, 99, 31, 24, 14, 3, 119, 86, 22, 98, 105, 122, 121, 36, 75, 79, 41, 106, 45, 30, 94, 127, 92, 80, 82, 93, 19, 96, 112, 77, 53, 17, 38, 6, 26, 95, 102, 39, 34, 100, 37, 4, 51, 71, 35, 5, 74, 97, 65, 0], [41, 46, 53, 127, 40, 97, 60, 105, 91, 31, 119, 39, 122, 47, 27, 112, 38, 24, 116, 99, 36, 115, 118, 42, 93, 57, 117, 33, 43, 125, 51, 126, 35, 110, 85, 55, 18, 114, 90, 87, 102, 88, 92, 96, 111, 100, 29, 124, 20, 109, 59, 49, 52, 95, 123, 63, 50, 56, 81, 44, 23, 30, 106, 48, 104, 79, 120, 108, 98, 25, 80, 107, 62, 121, 34, 37, 22, 94, 77, 82, 19, 113, 14, 26, 9, 58, 61, 28, 45, 54, 101, 75, 21, 83, 103, 13, 16, 86, 32, 84, 89, 74, 11, 76, 17, 5, 72, 15, 6, 66, 4, 73, 71, 2, 69, 10, 67, 70, 1, 68, 78, 64, 12, 0, 7, 8, 65, 3], [40, 97, 53, 127, 46, 24, 85, 31, 110, 14, 81, 75, 88, 60, 19, 90, 93, 41, 76, 47, 115, 71, 80, 74, 9, 4, 122, 82, 83, 119, 21, 91, 43, 38, 6, 104, 96, 55, 105, 42, 112, 27, 3, 72, 73, 33, 68, 101, 100, 37, 22, 26, 63, 124, 108, 13, 29, 54, 62, 126, 69, 30, 25, 125, 98, 114, 84, 15, 66, 117, 23, 45, 10, 77, 70, 118, 51, 16, 35, 106, 79, 87, 113, 17, 92, 34, 116, 1, 102, 89, 52, 44, 103, 12, 28, 48, 99, 56, 2, 20, 64, 111, 78, 36, 18, 123, 7, 61, 11, 94, 39, 65, 32, 50, 95, 86, 49, 8, 5, 59, 109, 57, 67, 121, 0, 107, 58, 120], [41, 110, 40, 53, 97, 127, 60, 43, 46, 38, 31, 47, 112, 91, 92, 35, 116, 52, 19, 122, 113, 33, 124, 119, 117, 26, 93, 59, 39, 27, 24, 125, 108, 63, 86, 56, 123, 95, 118, 57, 115, 49, 29, 126, 48, 45, 58, 88, 28, 76, 100, 96, 55, 42, 114, 18, 80, 85, 121, 99, 13, 87, 103, 37, 36, 22, 106, 51, 50, 111, 61, 90, 98, 109, 94, 12, 62, 105, 54, 14, 25, 107, 21, 20, 30, 44, 83, 82, 77, 101, 104, 70, 89, 6, 34, 102, 120, 84, 32, 81, 79, 23, 74, 16, 75, 15, 72, 9, 67, 3, 10, 78, 5, 71, 2, 0, 66, 73, 4, 65, 11, 8, 1, 69, 7, 68, 17, 64], [40, 46, 127, 97, 53, 43, 31, 38, 67, 41, 60, 75, 5, 14, 85, 71, 81, 65, 110, 24, 0, 9, 39, 90, 1, 19, 104, 47, 115, 112, 35, 91, 77, 21, 27, 88, 26, 17, 72, 7, 59, 102, 121, 124, 80, 93, 23, 79, 10, 76, 125, 48, 44, 2, 70, 8, 105, 100, 118, 54, 3, 56, 52, 103, 92, 64, 69, 116, 4, 12, 82, 57, 96, 87, 78, 49, 99, 36, 119, 42, 68, 74, 98, 11, 15, 117, 114, 18, 25, 86, 126, 37, 63, 28, 106, 122, 66, 34, 108, 120, 83, 84, 32, 62, 50, 94, 73, 107, 95, 22, 111, 30, 51, 113, 55, 16, 58, 61, 123, 109, 101, 20, 13, 45, 33, 89, 6, 29], [39, 124, 34, 117, 119, 47, 24, 62, 109, 20, 15, 13, 48, 26, 17, 11, 53, 70, 9, 72, 55, 19, 1, 65, 73, 28, 10, 78, 69, 123, 5, 21, 118, 68, 86, 83, 106, 81, 71, 49, 95, 112, 122, 25, 87, 31, 79, 116, 12, 92, 85, 18, 88, 27, 35, 115, 30, 90, 107, 14, 75, 8, 89, 7, 77, 66, 74, 22, 23, 94, 84, 45, 80, 91, 33, 3, 61, 6, 67, 76, 110, 52, 16, 82, 121, 2, 64, 4, 50, 93, 54, 29, 32, 43, 0, 97, 99, 41, 51, 111, 100, 63, 46, 37, 101, 36, 38, 56, 96, 59, 44, 127, 60, 40, 120, 114, 102, 42, 98, 113, 57, 105, 58, 108, 126, 104, 103, 125], [109, 119, 39, 62, 117, 34, 48, 124, 45, 61, 20, 30, 26, 94, 86, 110, 92, 24, 115, 17, 112, 116, 28, 122, 103, 19, 118, 114, 98, 15, 57, 123, 78, 51, 58, 125, 42, 63, 27, 53, 91, 55, 22, 47, 49, 126, 87, 95, 83, 54, 43, 127, 11, 59, 9, 44, 113, 111, 33, 121, 14, 38, 60, 50, 56, 52, 46, 108, 16, 68, 76, 41, 29, 32, 99, 89, 40, 13, 107, 105, 71, 106, 104, 102, 73, 90, 25, 21, 96, 37, 23, 100, 120, 72, 93, 35, 36, 101, 97, 31, 82, 80, 10, 85, 18, 84, 4, 70, 88, 69, 81, 7, 67, 75, 64, 0, 77, 74, 79, 2, 12, 8, 1, 3, 66, 5, 65, 6], [48, 39, 62, 34, 119, 109, 124, 117, 24, 47, 20, 11, 15, 13, 17, 94, 70, 73, 85, 10, 9, 68, 7, 86, 53, 80, 115, 19, 61, 118, 123, 45, 28, 22, 72, 121, 25, 55, 1, 3, 110, 93, 54, 92, 29, 89, 106, 30, 31, 69, 75, 112, 87, 95, 88, 66, 50, 12, 79, 26, 27, 81, 77, 16, 71, 82, 14, 60, 91, 64, 4, 43, 122, 84, 21, 40, 114, 90, 8, 23, 96, 0, 67, 18, 116, 76, 107, 57, 46, 83, 74, 97, 2, 32, 33, 102, 6, 100, 52, 111, 108, 37, 99, 105, 63, 78, 35, 44, 56, 49, 41, 36, 38, 65, 126, 127, 101, 42, 120, 51, 104, 125, 113, 58, 59, 5, 98, 103], [48, 39, 62, 124, 119, 109, 117, 34, 47, 53, 26, 30, 49, 86, 116, 45, 42, 112, 123, 20, 115, 63, 61, 55, 50, 125, 24, 111, 92, 110, 58, 33, 43, 122, 107, 118, 80, 54, 29, 114, 44, 41, 94, 46, 93, 96, 57, 40, 106, 52, 25, 120, 56, 60, 37, 113, 127, 73, 121, 51, 108, 36, 126, 104, 35, 22, 28, 98, 100, 105, 87, 82, 17, 83, 32, 102, 38, 99, 31, 59, 101, 91, 97, 95, 19, 23, 15, 27, 103, 89, 90, 85, 16, 76, 13, 21, 71, 78, 84, 74, 81, 9, 6, 14, 79, 18, 75, 72, 88, 11, 12, 10, 5, 77, 67, 68, 4, 8, 7, 70, 3, 2, 1, 69, 0, 65, 66, 64], [40, 97, 119, 31, 81, 23, 19, 52, 76, 85, 79, 111, 112, 93, 53, 110, 7, 73, 59, 61, 57, 104, 113, 117, 5, 126, 60, 58, 27, 3, 44, 54, 107, 48, 86, 13, 43, 24, 91, 114, 1, 10, 55, 67, 28, 115, 127, 78, 123, 50, 30, 90, 71, 15, 116, 56, 109, 82, 121, 21, 83, 94, 88, 108, 101, 12, 80, 87, 74, 103, 75, 29, 72, 77, 96, 47, 42, 17, 35, 16, 39, 84, 25, 11, 37, 100, 45, 26, 33, 122, 6, 22, 118, 124, 0, 34, 92, 63, 46, 8, 70, 65, 125, 36, 68, 106, 120, 18, 98, 69, 9, 99, 4, 89, 62, 32, 102, 105, 51, 38, 64, 20, 49, 14, 41, 95, 66, 2], [40, 97, 119, 31, 23, 81, 52, 13, 111, 53, 19, 79, 58, 112, 85, 25, 110, 60, 61, 117, 55, 123, 54, 24, 76, 57, 51, 126, 84, 20, 93, 113, 59, 73, 114, 104, 121, 88, 27, 91, 33, 108, 29, 47, 82, 18, 43, 26, 7, 28, 41, 86, 90, 72, 99, 103, 44, 109, 63, 107, 45, 77, 94, 122, 75, 30, 87, 70, 34, 105, 5, 21, 100, 42, 78, 74, 22, 127, 120, 50, 35, 101, 116, 32, 69, 96, 83, 56, 48, 14, 1, 115, 8, 15, 89, 38, 46, 124, 125, 17, 80, 37, 68, 49, 98, 12, 92, 16, 11, 36, 6, 118, 39, 9, 62, 102, 106, 2, 67, 95, 71, 0, 3, 66, 10, 4, 64, 65], [40, 97, 119, 31, 81, 85, 52, 23, 19, 111, 24, 79, 76, 73, 126, 57, 112, 54, 5, 93, 58, 53, 44, 104, 110, 117, 13, 48, 7, 59, 108, 107, 60, 15, 70, 123, 61, 113, 120, 34, 55, 114, 43, 25, 29, 3, 89, 1, 50, 109, 12, 30, 28, 6, 88, 82, 83, 116, 22, 39, 78, 91, 42, 56, 87, 2, 80, 121, 74, 69, 75, 127, 26, 51, 27, 115, 21, 68, 37, 103, 32, 46, 101, 94, 45, 47, 118, 99, 66, 62, 38, 122, 100, 124, 35, 20, 102, 77, 86, 64, 14, 41, 11, 96, 90, 92, 17, 33, 106, 105, 98, 16, 9, 63, 36, 10, 65, 8, 84, 125, 0, 49, 4, 71, 72, 18, 95, 67], [40, 97, 119, 31, 26, 81, 52, 19, 85, 79, 23, 112, 126, 111, 73, 110, 13, 76, 53, 57, 25, 58, 93, 55, 104, 114, 54, 78, 5, 117, 96, 51, 60, 123, 59, 7, 113, 99, 61, 42, 20, 27, 88, 84, 82, 45, 77, 43, 1, 125, 91, 87, 48, 44, 116, 24, 107, 109, 3, 70, 80, 102, 16, 94, 15, 69, 106, 21, 2, 9, 90, 56, 127, 121, 115, 83, 75, 12, 89, 33, 47, 122, 28, 101, 120, 92, 36, 34, 22, 17, 29, 6, 74, 41, 103, 108, 49, 32, 30, 63, 62, 14, 11, 86, 100, 105, 64, 0, 10, 67, 46, 35, 68, 118, 50, 39, 98, 37, 124, 66, 72, 38, 71, 4, 65, 18, 8, 95]], "model.layers.3.self_attn.k_proj": [[104, 34, 93, 56, 62, 119, 60, 58, 80, 83, 24, 14, 86, 12, 10, 0, 26, 70, 5, 2, 67, 125, 72, 54, 116, 114, 77, 25, 85, 73, 22, 9, 6, 71, 118, 115, 18, 13, 42, 112, 96, 32, 37, 68, 95, 117, 8, 92, 29, 49, 41, 51, 65, 84, 59, 7, 113, 61, 111, 100, 43, 105, 17, 103, 45, 127, 35, 121, 108, 55, 99, 110, 57, 109, 124, 30, 89, 75, 106, 122, 48, 107, 33, 63, 88, 50, 91, 28, 21, 120, 31, 76, 87, 101, 46, 102, 44, 47, 38, 82, 1, 15, 20, 78, 53, 27, 126, 97, 79, 4, 64, 123, 39, 36, 23, 52, 69, 94, 11, 90, 74, 81, 66, 3, 16, 19, 98, 40], [47, 122, 102, 123, 120, 64, 65, 69, 33, 8, 10, 12, 71, 81, 84, 67, 14, 23, 68, 66, 0, 2, 1, 75, 5, 3, 70, 24, 86, 113, 25, 13, 6, 19, 73, 43, 72, 88, 124, 87, 9, 42, 21, 40, 118, 59, 119, 111, 41, 38, 61, 103, 105, 39, 83, 79, 117, 49, 100, 114, 27, 15, 18, 16, 116, 60, 104, 82, 125, 121, 45, 50, 110, 53, 11, 108, 52, 37, 85, 55, 4, 109, 106, 127, 48, 115, 92, 96, 98, 58, 63, 28, 30, 89, 26, 107, 90, 31, 54, 80, 36, 77, 46, 95, 99, 56, 62, 51, 57, 112, 91, 29, 34, 35, 126, 94, 44, 22, 101, 20, 93, 74, 7, 17, 78, 32, 76, 97], [105, 98, 52, 79, 18, 9, 0, 20, 22, 76, 7, 111, 69, 110, 14, 120, 10, 2, 62, 50, 63, 67, 1, 4, 126, 53, 6, 127, 41, 59, 114, 125, 24, 113, 65, 43, 11, 8, 46, 48, 89, 123, 19, 77, 117, 119, 54, 58, 81, 90, 70, 17, 47, 60, 68, 95, 28, 64, 3, 40, 122, 112, 72, 91, 71, 108, 75, 85, 61, 44, 83, 51, 121, 124, 73, 115, 32, 93, 116, 66, 30, 74, 97, 29, 45, 87, 57, 33, 94, 38, 16, 55, 99, 39, 23, 21, 100, 31, 26, 88, 109, 118, 96, 56, 27, 101, 42, 103, 49, 104, 102, 78, 106, 35, 92, 37, 107, 36, 80, 25, 86, 82, 12, 15, 5, 13, 84, 34], [39, 52, 33, 45, 125, 110, 28, 74, 119, 87, 117, 46, 78, 89, 4, 21, 12, 80, 0, 66, 11, 86, 8, 17, 71, 82, 20, 1, 7, 58, 62, 65, 79, 24, 6, 53, 67, 57, 95, 3, 90, 94, 64, 72, 127, 5, 56, 50, 54, 9, 116, 126, 63, 48, 108, 55, 123, 19, 75, 43, 109, 61, 92, 69, 68, 15, 118, 49, 73, 59, 13, 60, 106, 122, 51, 77, 88, 41, 120, 113, 124, 115, 101, 112, 107, 44, 84, 32, 42, 105, 37, 121, 96, 114, 83, 102, 104, 30, 14, 111, 10, 16, 100, 40, 38, 29, 99, 35, 34, 47, 36, 2, 98, 31, 91, 27, 81, 76, 93, 26, 18, 103, 22, 70, 97, 23, 85, 25], [44, 40, 64, 97, 108, 13, 1, 112, 16, 10, 56, 23, 46, 50, 67, 18, 70, 66, 47, 7, 68, 69, 123, 2, 104, 61, 72, 20, 52, 55, 57, 120, 51, 12, 3, 125, 116, 118, 58, 119, 117, 54, 49, 109, 4, 124, 14, 73, 11, 39, 53, 6, 43, 115, 114, 86, 75, 21, 5, 85, 45, 60, 126, 62, 78, 22, 65, 107, 41, 90, 83, 42, 81, 36, 15, 76, 27, 122, 38, 19, 127, 99, 71, 95, 25, 106, 91, 89, 111, 110, 88, 79, 121, 103, 92, 17, 63, 29, 98, 31, 24, 96, 105, 26, 93, 30, 28, 59, 113, 94, 32, 84, 102, 101, 37, 77, 35, 87, 48, 9, 34, 100, 74, 82, 0, 80, 8, 33], [104, 127, 53, 110, 95, 33, 90, 85, 122, 35, 83, 64, 88, 111, 81, 19, 115, 91, 14, 87, 102, 106, 75, 70, 76, 9, 29, 71, 66, 80, 93, 24, 18, 61, 99, 48, 45, 63, 20, 92, 126, 54, 107, 103, 125, 13, 4, 97, 105, 1, 60, 108, 72, 121, 77, 2, 59, 57, 123, 6, 3, 62, 117, 49, 114, 56, 67, 5, 44, 42, 36, 50, 43, 51, 109, 28, 58, 47, 113, 116, 37, 74, 98, 55, 112, 101, 27, 124, 89, 118, 34, 46, 120, 119, 79, 32, 52, 25, 94, 69, 78, 86, 96, 30, 10, 15, 39, 82, 100, 16, 23, 84, 0, 8, 22, 41, 26, 68, 65, 21, 73, 31, 38, 11, 17, 12, 40, 7], [103, 98, 124, 119, 62, 48, 11, 24, 17, 117, 20, 15, 13, 72, 112, 26, 0, 70, 68, 1, 30, 69, 53, 2, 3, 45, 9, 47, 111, 109, 78, 7, 54, 43, 10, 67, 19, 22, 76, 52, 86, 115, 64, 87, 49, 125, 57, 46, 126, 51, 56, 122, 66, 61, 118, 63, 127, 60, 71, 44, 120, 113, 80, 107, 55, 92, 121, 101, 106, 40, 105, 110, 38, 74, 108, 95, 73, 100, 42, 35, 58, 114, 32, 29, 104, 41, 50, 28, 116, 21, 37, 33, 123, 102, 4, 31, 93, 94, 14, 25, 82, 36, 97, 59, 96, 27, 23, 83, 85, 99, 39, 5, 8, 84, 89, 91, 34, 90, 18, 6, 16, 75, 88, 12, 77, 65, 81, 79], [104, 33, 119, 23, 19, 79, 95, 47, 85, 76, 112, 81, 55, 52, 53, 73, 113, 7, 65, 75, 59, 58, 126, 5, 46, 60, 57, 29, 61, 108, 13, 64, 49, 3, 123, 107, 54, 71, 14, 44, 117, 127, 10, 69, 80, 109, 43, 68, 114, 67, 37, 86, 25, 48, 77, 24, 28, 91, 2, 56, 11, 27, 18, 111, 4, 118, 124, 72, 30, 9, 115, 66, 40, 121, 62, 42, 16, 106, 103, 22, 38, 125, 70, 63, 74, 120, 93, 50, 39, 20, 6, 105, 35, 98, 90, 17, 101, 34, 32, 94, 96, 88, 92, 26, 110, 100, 99, 102, 89, 116, 87, 45, 51, 82, 41, 122, 36, 78, 21, 84, 0, 8, 1, 12, 15, 97, 83, 31]], "model.layers.3.self_attn.qk_proj": [[119, 104, 47, 62, 120, 52, 44, 123, 122, 53, 117, 127, 105, 40, 108, 125, 97, 110, 124, 48, 46, 56, 84, 20, 58, 60, 12, 87, 41, 109, 23, 74, 17, 76, 81, 78, 111, 112, 82, 10, 7, 14, 126, 64, 39, 15, 0, 79, 71, 103, 77, 57, 18, 13, 16, 33, 54, 114, 63, 24, 72, 88, 38, 83, 22, 86, 70, 55, 3, 19, 80, 21, 67, 9, 85, 29, 8, 45, 50, 59, 65, 5, 73, 69, 34, 89, 11, 92, 66, 90, 4, 116, 1, 25, 61, 2, 95, 113, 93, 68, 98, 75, 31, 43, 118, 26, 49, 6, 27, 115, 51, 121, 94, 28, 102, 35, 42, 30, 107, 32, 37, 106, 99, 91, 36, 96, 101, 100], [119, 104, 47, 52, 62, 120, 123, 44, 122, 53, 117, 127, 105, 40, 125, 108, 97, 110, 56, 124, 48, 46, 60, 58, 20, 84, 41, 76, 87, 109, 23, 17, 12, 74, 81, 10, 0, 14, 111, 112, 78, 64, 82, 15, 7, 103, 71, 70, 18, 86, 33, 39, 114, 63, 22, 19, 24, 80, 72, 77, 79, 57, 38, 83, 88, 13, 54, 3, 1, 65, 59, 16, 50, 8, 5, 21, 126, 69, 85, 29, 55, 92, 73, 9, 67, 2, 90, 66, 4, 68, 31, 45, 34, 11, 113, 98, 25, 116, 61, 95, 43, 89, 93, 75, 26, 51, 27, 118, 49, 6, 115, 102, 28, 94, 107, 121, 35, 30, 37, 42, 32, 96, 91, 99, 106, 101, 36, 100], [119, 104, 47, 62, 52, 120, 44, 123, 122, 53, 117, 127, 40, 105, 125, 108, 97, 56, 110, 124, 48, 58, 46, 20, 60, 84, 87, 23, 41, 12, 76, 109, 17, 74, 81, 64, 111, 82, 78, 10, 0, 14, 7, 112, 39, 18, 33, 71, 15, 38, 79, 86, 70, 67, 13, 3, 22, 24, 103, 57, 77, 88, 83, 5, 80, 16, 21, 19, 54, 126, 72, 69, 8, 1, 59, 65, 9, 55, 73, 114, 66, 4, 63, 50, 34, 29, 85, 2, 68, 92, 11, 45, 113, 93, 25, 89, 98, 90, 31, 116, 95, 61, 43, 75, 6, 26, 28, 49, 27, 51, 94, 115, 102, 118, 107, 121, 35, 42, 32, 30, 37, 91, 99, 106, 36, 96, 100, 101], [119, 104, 47, 62, 52, 120, 123, 122, 53, 44, 127, 117, 105, 40, 125, 108, 97, 48, 110, 124, 56, 46, 58, 60, 84, 20, 87, 41, 12, 23, 74, 112, 17, 109, 76, 81, 111, 82, 0, 78, 10, 14, 18, 64, 79, 86, 7, 38, 71, 57, 39, 67, 24, 15, 103, 33, 19, 54, 13, 5, 8, 22, 65, 80, 114, 70, 55, 63, 88, 3, 83, 69, 126, 72, 1, 16, 9, 29, 50, 77, 85, 59, 45, 4, 92, 66, 31, 73, 2, 93, 68, 116, 90, 21, 113, 98, 89, 25, 6, 95, 34, 61, 75, 11, 43, 26, 27, 115, 118, 51, 102, 49, 28, 94, 107, 30, 121, 42, 32, 106, 91, 37, 35, 99, 96, 101, 100, 36], [119, 104, 47, 52, 62, 120, 123, 53, 44, 122, 127, 117, 40, 105, 125, 108, 97, 48, 124, 110, 56, 60, 46, 58, 84, 12, 20, 87, 17, 76, 41, 112, 10, 23, 81, 78, 74, 109, 111, 0, 7, 18, 64, 71, 79, 14, 82, 24, 86, 33, 8, 77, 5, 19, 63, 22, 114, 39, 103, 57, 126, 67, 69, 72, 15, 38, 13, 9, 54, 59, 16, 88, 55, 80, 68, 3, 1, 65, 83, 6, 50, 29, 113, 21, 85, 73, 4, 45, 66, 92, 70, 90, 2, 93, 98, 89, 11, 95, 116, 75, 31, 61, 43, 34, 25, 26, 94, 115, 27, 51, 118, 49, 121, 28, 102, 107, 42, 32, 106, 30, 35, 91, 37, 96, 36, 100, 99, 101], [119, 104, 47, 52, 62, 120, 123, 44, 53, 122, 127, 117, 105, 40, 125, 108, 97, 124, 110, 56, 46, 48, 84, 87, 58, 20, 60, 12, 76, 41, 17, 74, 23, 78, 109, 81, 112, 10, 111, 7, 0, 64, 14, 71, 18, 79, 82, 24, 86, 19, 39, 69, 15, 13, 54, 8, 114, 77, 67, 3, 9, 57, 63, 83, 103, 88, 5, 6, 33, 126, 55, 16, 38, 72, 22, 80, 85, 59, 65, 29, 21, 50, 73, 2, 66, 113, 68, 1, 116, 45, 11, 4, 92, 95, 90, 61, 31, 75, 89, 98, 34, 93, 25, 70, 43, 115, 26, 118, 27, 51, 49, 42, 94, 102, 121, 28, 107, 30, 37, 91, 106, 32, 99, 35, 101, 96, 36, 100], [119, 104, 47, 52, 120, 62, 123, 122, 44, 53, 105, 117, 40, 127, 108, 125, 97, 110, 56, 124, 58, 87, 84, 46, 41, 20, 60, 48, 76, 12, 74, 23, 17, 81, 112, 109, 82, 71, 14, 10, 78, 103, 18, 79, 39, 7, 64, 0, 111, 15, 6, 22, 13, 16, 24, 54, 19, 77, 88, 86, 126, 8, 69, 57, 85, 59, 83, 33, 5, 63, 9, 3, 72, 38, 21, 80, 67, 29, 61, 113, 114, 1, 50, 73, 55, 66, 34, 11, 68, 65, 116, 75, 2, 25, 93, 95, 90, 4, 92, 89, 45, 98, 31, 43, 115, 27, 118, 26, 94, 51, 49, 70, 121, 42, 102, 30, 107, 35, 28, 99, 32, 37, 91, 106, 101, 36, 96, 100], [119, 104, 52, 47, 120, 62, 123, 44, 122, 53, 117, 105, 127, 40, 125, 108, 97, 110, 56, 124, 58, 48, 87, 84, 20, 46, 41, 76, 12, 60, 17, 23, 81, 78, 74, 10, 109, 14, 79, 18, 0, 6, 111, 112, 7, 82, 64, 13, 15, 19, 86, 71, 39, 16, 103, 22, 77, 80, 88, 33, 9, 24, 8, 38, 54, 83, 63, 5, 57, 85, 21, 126, 73, 72, 59, 65, 3, 69, 55, 114, 1, 2, 29, 66, 50, 61, 34, 45, 93, 75, 68, 67, 90, 89, 95, 4, 11, 92, 98, 113, 25, 116, 31, 26, 118, 49, 70, 51, 115, 28, 27, 43, 42, 121, 94, 35, 102, 107, 32, 37, 30, 101, 91, 106, 36, 99, 96, 100], [119, 104, 52, 47, 62, 120, 123, 44, 122, 53, 127, 117, 105, 40, 125, 108, 97, 124, 110, 56, 58, 48, 46, 20, 60, 84, 87, 41, 76, 12, 81, 23, 17, 109, 78, 111, 10, 74, 14, 112, 79, 64, 7, 39, 82, 18, 0, 71, 63, 86, 13, 16, 15, 103, 19, 33, 6, 8, 24, 80, 67, 114, 22, 83, 38, 77, 88, 21, 3, 5, 50, 126, 1, 57, 59, 54, 72, 55, 29, 9, 85, 69, 65, 45, 2, 4, 89, 66, 116, 31, 73, 98, 34, 90, 92, 68, 25, 11, 75, 113, 93, 95, 61, 26, 70, 43, 49, 28, 27, 115, 121, 51, 118, 94, 102, 107, 35, 42, 30, 37, 101, 99, 32, 91, 106, 96, 100, 36], [119, 104, 47, 52, 62, 120, 123, 44, 122, 53, 105, 117, 40, 127, 108, 125, 97, 124, 56, 110, 58, 46, 48, 84, 87, 20, 12, 41, 23, 60, 81, 17, 109, 74, 76, 18, 10, 14, 78, 82, 15, 33, 111, 112, 7, 79, 86, 64, 22, 0, 103, 39, 80, 19, 83, 24, 71, 38, 13, 16, 77, 88, 57, 21, 63, 59, 55, 85, 8, 54, 29, 5, 114, 45, 69, 6, 9, 72, 3, 73, 92, 126, 67, 50, 2, 113, 66, 98, 34, 93, 89, 116, 1, 65, 61, 90, 68, 43, 95, 4, 75, 25, 26, 31, 70, 11, 49, 27, 115, 118, 28, 30, 102, 51, 94, 35, 42, 121, 107, 32, 37, 99, 106, 96, 91, 101, 36, 100], [119, 104, 47, 62, 120, 52, 123, 122, 44, 53, 127, 40, 117, 105, 125, 108, 97, 48, 124, 56, 110, 46, 60, 20, 84, 41, 58, 12, 87, 76, 17, 111, 109, 10, 23, 112, 81, 0, 14, 18, 74, 78, 64, 7, 71, 39, 79, 15, 103, 82, 63, 33, 1, 8, 24, 19, 38, 86, 80, 69, 77, 13, 57, 55, 114, 50, 85, 22, 83, 3, 59, 88, 72, 16, 54, 5, 73, 29, 65, 126, 4, 21, 45, 67, 70, 116, 66, 31, 2, 9, 95, 90, 93, 68, 75, 61, 26, 92, 98, 113, 6, 34, 25, 89, 11, 118, 49, 94, 43, 115, 51, 27, 102, 28, 121, 107, 42, 91, 106, 30, 35, 37, 32, 99, 100, 101, 96, 36], [119, 104, 47, 52, 62, 120, 123, 53, 44, 122, 127, 40, 117, 125, 105, 108, 97, 124, 56, 110, 48, 46, 20, 60, 58, 84, 87, 41, 76, 112, 12, 81, 17, 14, 23, 10, 109, 111, 74, 7, 0, 3, 39, 78, 82, 64, 71, 24, 67, 103, 18, 79, 86, 114, 15, 88, 70, 33, 5, 57, 69, 8, 38, 72, 54, 22, 19, 63, 77, 80, 1, 13, 126, 55, 83, 16, 65, 85, 59, 21, 50, 29, 73, 9, 61, 68, 66, 2, 90, 92, 4, 116, 75, 95, 34, 45, 113, 11, 25, 98, 89, 93, 31, 26, 6, 27, 118, 51, 94, 115, 43, 49, 102, 28, 121, 42, 30, 107, 32, 35, 37, 106, 99, 91, 100, 36, 101, 96], [119, 104, 52, 47, 62, 120, 123, 44, 122, 117, 53, 105, 40, 127, 108, 125, 97, 56, 110, 124, 58, 20, 84, 87, 48, 41, 46, 76, 23, 60, 12, 17, 81, 10, 14, 74, 109, 78, 71, 82, 18, 15, 79, 112, 7, 80, 86, 33, 83, 70, 39, 103, 19, 24, 22, 64, 13, 77, 111, 38, 0, 88, 63, 5, 21, 16, 57, 69, 72, 85, 8, 9, 54, 55, 29, 67, 126, 92, 116, 93, 50, 59, 113, 3, 1, 2, 114, 25, 61, 73, 66, 75, 34, 89, 4, 65, 11, 45, 90, 95, 68, 98, 31, 27, 118, 26, 43, 49, 94, 28, 115, 51, 30, 107, 102, 6, 35, 42, 32, 121, 96, 37, 91, 99, 106, 101, 100, 36], [119, 104, 47, 52, 62, 120, 123, 44, 122, 53, 127, 117, 105, 40, 125, 108, 97, 110, 124, 56, 20, 48, 58, 46, 84, 60, 23, 41, 76, 17, 12, 109, 87, 74, 111, 81, 10, 14, 71, 112, 64, 82, 15, 18, 78, 103, 7, 70, 0, 39, 79, 86, 22, 13, 33, 19, 69, 24, 57, 83, 16, 38, 80, 114, 72, 54, 59, 8, 63, 77, 126, 88, 1, 73, 5, 85, 50, 55, 66, 29, 9, 21, 67, 2, 3, 45, 25, 65, 68, 90, 92, 113, 4, 34, 116, 11, 61, 93, 95, 98, 75, 31, 89, 43, 49, 26, 115, 51, 118, 6, 27, 28, 94, 121, 102, 30, 107, 42, 32, 99, 91, 37, 35, 106, 36, 101, 100, 96], [119, 104, 47, 62, 120, 52, 123, 44, 122, 53, 117, 127, 105, 40, 125, 108, 97, 110, 124, 58, 56, 48, 20, 84, 60, 87, 41, 46, 23, 12, 76, 81, 111, 14, 74, 17, 71, 10, 112, 0, 109, 64, 7, 79, 39, 18, 67, 72, 103, 78, 15, 69, 3, 86, 82, 126, 1, 33, 24, 13, 55, 5, 38, 70, 22, 80, 54, 19, 16, 57, 83, 114, 88, 9, 73, 85, 77, 68, 113, 8, 63, 65, 59, 2, 21, 29, 50, 66, 90, 31, 98, 116, 6, 4, 75, 92, 61, 93, 25, 45, 89, 34, 11, 95, 26, 49, 118, 51, 27, 115, 28, 102, 43, 42, 94, 121, 106, 35, 30, 99, 107, 32, 91, 101, 37, 96, 36, 100], [119, 104, 47, 62, 52, 120, 123, 122, 44, 53, 127, 117, 105, 40, 125, 108, 97, 48, 110, 56, 124, 46, 20, 58, 84, 41, 60, 87, 76, 12, 17, 81, 23, 111, 112, 109, 71, 10, 74, 14, 78, 39, 7, 15, 0, 82, 72, 18, 103, 86, 64, 63, 24, 33, 57, 13, 55, 38, 79, 69, 114, 67, 83, 126, 22, 88, 3, 21, 80, 16, 59, 50, 29, 54, 19, 77, 9, 5, 85, 65, 73, 8, 1, 116, 92, 90, 113, 70, 68, 4, 45, 6, 98, 95, 93, 2, 31, 61, 66, 26, 11, 34, 43, 75, 25, 89, 118, 51, 49, 115, 94, 102, 27, 121, 28, 42, 30, 106, 107, 35, 91, 32, 99, 37, 100, 101, 96, 36], [119, 104, 52, 47, 120, 62, 123, 44, 122, 53, 117, 105, 127, 40, 108, 125, 97, 110, 124, 56, 20, 48, 46, 58, 84, 87, 23, 41, 76, 12, 60, 10, 17, 81, 74, 78, 18, 109, 14, 7, 111, 71, 15, 112, 82, 79, 22, 80, 13, 86, 64, 69, 19, 83, 0, 57, 33, 39, 24, 77, 9, 38, 103, 88, 6, 5, 21, 72, 29, 63, 85, 54, 55, 16, 73, 8, 126, 50, 3, 114, 75, 92, 67, 59, 68, 65, 66, 2, 89, 1, 113, 116, 95, 4, 34, 93, 45, 11, 25, 90, 98, 61, 115, 31, 70, 26, 49, 27, 43, 51, 28, 118, 102, 94, 30, 42, 121, 107, 37, 91, 35, 32, 99, 106, 100, 96, 101, 36], [119, 104, 52, 47, 62, 120, 123, 44, 122, 53, 117, 105, 127, 40, 108, 125, 97, 56, 124, 110, 20, 58, 84, 48, 41, 23, 76, 60, 87, 46, 17, 12, 10, 109, 74, 81, 82, 14, 78, 112, 6, 64, 15, 0, 71, 7, 111, 18, 22, 79, 69, 39, 16, 57, 86, 33, 19, 24, 103, 3, 13, 83, 77, 80, 38, 72, 67, 1, 114, 59, 63, 54, 21, 55, 88, 8, 73, 85, 29, 9, 2, 126, 93, 66, 113, 45, 4, 116, 75, 65, 50, 5, 92, 95, 98, 90, 61, 25, 31, 68, 34, 89, 11, 26, 70, 28, 43, 51, 49, 27, 118, 115, 102, 30, 42, 94, 37, 121, 107, 32, 91, 35, 106, 99, 101, 96, 36, 100], [119, 104, 47, 52, 62, 120, 123, 122, 53, 44, 127, 117, 105, 40, 125, 97, 108, 110, 124, 56, 48, 58, 60, 46, 20, 84, 76, 87, 23, 41, 12, 81, 17, 10, 74, 14, 112, 78, 111, 109, 64, 82, 71, 7, 15, 79, 39, 18, 0, 6, 86, 33, 103, 57, 126, 38, 16, 114, 69, 24, 1, 77, 19, 8, 67, 22, 13, 83, 80, 88, 54, 85, 63, 72, 55, 73, 59, 3, 29, 5, 9, 116, 50, 2, 75, 93, 4, 21, 66, 61, 92, 65, 98, 34, 90, 45, 68, 31, 95, 113, 89, 25, 11, 26, 70, 49, 43, 51, 118, 115, 27, 94, 28, 102, 42, 107, 121, 32, 30, 35, 37, 91, 99, 106, 101, 36, 96, 100], [119, 104, 47, 62, 52, 120, 122, 123, 44, 53, 117, 127, 105, 40, 125, 108, 97, 110, 56, 124, 58, 60, 46, 48, 84, 87, 20, 41, 12, 76, 17, 74, 81, 10, 109, 111, 23, 14, 112, 71, 7, 78, 79, 18, 82, 86, 69, 64, 15, 19, 33, 0, 24, 57, 39, 6, 13, 83, 22, 103, 63, 77, 38, 73, 80, 114, 72, 1, 88, 8, 55, 16, 67, 9, 5, 126, 54, 29, 21, 2, 3, 50, 85, 116, 59, 113, 45, 92, 68, 75, 4, 90, 93, 98, 31, 34, 65, 95, 66, 61, 89, 43, 26, 70, 11, 25, 49, 51, 102, 28, 115, 118, 27, 94, 42, 30, 107, 121, 35, 37, 32, 91, 101, 99, 96, 106, 100, 36], [119, 104, 62, 52, 47, 120, 123, 53, 122, 44, 127, 117, 40, 105, 125, 108, 97, 110, 48, 124, 56, 46, 20, 84, 60, 58, 87, 41, 109, 17, 12, 23, 112, 76, 111, 81, 74, 10, 82, 78, 14, 71, 39, 7, 0, 79, 57, 18, 38, 64, 24, 3, 22, 33, 15, 16, 126, 67, 54, 19, 55, 80, 114, 77, 86, 63, 59, 72, 9, 88, 69, 103, 83, 13, 8, 29, 5, 50, 1, 85, 21, 116, 4, 95, 68, 89, 92, 113, 90, 6, 45, 73, 70, 65, 98, 31, 66, 93, 75, 2, 11, 61, 34, 25, 26, 51, 115, 49, 94, 118, 42, 43, 121, 28, 27, 107, 30, 102, 37, 35, 91, 99, 106, 100, 32, 101, 36, 96], [119, 104, 47, 52, 120, 62, 123, 122, 53, 44, 117, 127, 105, 40, 125, 108, 97, 110, 58, 124, 56, 84, 46, 87, 48, 20, 60, 41, 12, 17, 23, 76, 112, 111, 81, 109, 10, 0, 64, 74, 7, 14, 18, 39, 71, 57, 79, 33, 82, 15, 78, 86, 24, 54, 70, 22, 126, 38, 77, 103, 69, 63, 1, 80, 8, 16, 114, 5, 55, 67, 2, 19, 9, 72, 83, 29, 50, 68, 3, 88, 13, 66, 73, 85, 21, 116, 4, 34, 65, 59, 31, 113, 93, 45, 61, 95, 89, 90, 92, 98, 11, 26, 75, 6, 43, 25, 118, 115, 49, 27, 51, 102, 28, 42, 94, 107, 121, 30, 35, 32, 91, 99, 106, 101, 37, 96, 36, 100], [119, 104, 52, 47, 62, 120, 123, 122, 44, 53, 117, 127, 40, 105, 125, 97, 108, 110, 48, 124, 56, 46, 84, 58, 60, 20, 87, 23, 41, 12, 76, 17, 74, 81, 109, 14, 10, 111, 112, 18, 7, 78, 71, 82, 79, 22, 15, 33, 86, 70, 0, 64, 24, 39, 19, 8, 38, 83, 57, 16, 103, 29, 88, 13, 5, 63, 80, 85, 77, 9, 59, 67, 54, 69, 114, 72, 55, 21, 65, 126, 50, 68, 116, 73, 4, 1, 113, 61, 3, 45, 92, 89, 98, 2, 93, 34, 31, 90, 75, 11, 66, 95, 25, 26, 118, 6, 43, 27, 94, 28, 49, 51, 102, 115, 42, 107, 30, 121, 32, 91, 35, 106, 96, 37, 99, 101, 36, 100], [119, 104, 47, 52, 62, 120, 123, 53, 44, 122, 127, 117, 105, 40, 125, 97, 108, 110, 48, 124, 56, 46, 20, 84, 58, 60, 87, 41, 12, 76, 74, 23, 17, 112, 81, 111, 78, 109, 10, 82, 18, 14, 15, 7, 86, 39, 71, 103, 57, 0, 24, 8, 70, 16, 19, 126, 64, 38, 67, 33, 13, 22, 83, 79, 63, 77, 114, 88, 55, 80, 50, 3, 59, 9, 5, 92, 54, 116, 29, 85, 1, 73, 113, 69, 21, 34, 68, 72, 89, 45, 98, 61, 95, 4, 65, 2, 11, 90, 31, 75, 66, 93, 43, 25, 26, 51, 115, 118, 49, 27, 94, 6, 28, 102, 42, 107, 30, 121, 37, 106, 91, 32, 35, 99, 101, 36, 100, 96], [119, 104, 47, 52, 62, 120, 123, 122, 44, 53, 117, 127, 105, 40, 125, 108, 97, 110, 56, 124, 58, 48, 60, 20, 84, 46, 87, 41, 12, 76, 23, 17, 109, 81, 10, 78, 74, 112, 7, 111, 82, 39, 15, 14, 57, 18, 79, 126, 71, 64, 0, 103, 33, 86, 24, 88, 16, 54, 83, 22, 5, 8, 13, 77, 85, 80, 38, 69, 19, 70, 114, 59, 21, 72, 29, 63, 3, 1, 67, 61, 9, 55, 92, 50, 73, 95, 31, 93, 90, 4, 2, 66, 65, 25, 113, 34, 45, 75, 11, 89, 116, 98, 68, 118, 26, 6, 51, 49, 43, 27, 94, 115, 42, 102, 28, 30, 35, 121, 32, 107, 37, 106, 99, 91, 96, 36, 101, 100], [119, 104, 52, 47, 62, 120, 123, 44, 122, 53, 127, 117, 40, 105, 125, 108, 97, 56, 110, 48, 124, 20, 46, 58, 87, 60, 84, 41, 12, 76, 23, 81, 10, 112, 17, 74, 109, 111, 7, 39, 14, 18, 0, 78, 82, 64, 15, 71, 103, 79, 57, 33, 19, 22, 83, 16, 13, 86, 126, 77, 38, 69, 80, 8, 88, 3, 24, 5, 50, 67, 54, 116, 85, 70, 72, 9, 63, 1, 114, 21, 55, 59, 92, 73, 2, 29, 34, 65, 25, 68, 61, 113, 89, 45, 4, 66, 90, 95, 31, 6, 11, 98, 118, 93, 51, 75, 28, 26, 115, 27, 49, 43, 30, 107, 94, 42, 102, 121, 106, 37, 35, 91, 32, 36, 101, 100, 99, 96], [119, 104, 47, 52, 62, 120, 123, 44, 122, 53, 117, 127, 105, 40, 108, 125, 97, 56, 110, 124, 20, 58, 48, 84, 41, 46, 60, 23, 12, 87, 109, 76, 74, 17, 81, 111, 10, 112, 18, 78, 14, 7, 33, 71, 0, 15, 39, 64, 83, 82, 57, 79, 77, 86, 38, 22, 103, 88, 16, 19, 24, 3, 80, 126, 67, 59, 8, 72, 54, 13, 55, 21, 63, 65, 85, 50, 69, 45, 5, 29, 92, 68, 6, 73, 1, 25, 89, 9, 114, 34, 2, 95, 113, 4, 93, 98, 11, 90, 66, 116, 75, 49, 70, 31, 61, 26, 27, 121, 43, 115, 118, 102, 51, 28, 94, 35, 42, 107, 30, 32, 91, 37, 106, 100, 99, 96, 36, 101], [119, 104, 47, 52, 120, 62, 123, 44, 122, 53, 117, 105, 127, 40, 125, 108, 97, 110, 124, 56, 48, 58, 84, 46, 76, 20, 87, 60, 41, 12, 74, 81, 23, 10, 17, 112, 0, 7, 71, 109, 14, 64, 78, 111, 18, 15, 57, 82, 79, 77, 126, 6, 39, 72, 69, 103, 86, 33, 8, 114, 59, 88, 1, 38, 80, 5, 16, 83, 13, 73, 22, 24, 63, 54, 67, 19, 3, 55, 9, 2, 85, 50, 21, 29, 65, 68, 66, 113, 93, 92, 34, 45, 75, 4, 98, 116, 31, 90, 61, 11, 95, 49, 25, 26, 89, 115, 27, 43, 118, 51, 70, 102, 94, 42, 28, 37, 121, 30, 107, 35, 99, 91, 32, 100, 106, 96, 36, 101], [119, 104, 47, 120, 62, 52, 123, 53, 122, 44, 127, 117, 40, 105, 125, 108, 97, 110, 124, 56, 20, 48, 60, 58, 46, 87, 84, 41, 76, 12, 74, 17, 23, 112, 111, 109, 10, 81, 78, 14, 7, 39, 71, 18, 82, 0, 79, 33, 86, 64, 114, 15, 103, 24, 77, 6, 83, 38, 8, 1, 72, 19, 22, 13, 57, 3, 126, 16, 54, 88, 55, 59, 5, 9, 63, 80, 50, 73, 67, 21, 69, 29, 65, 92, 116, 85, 113, 31, 95, 93, 68, 98, 4, 90, 66, 2, 45, 11, 34, 61, 75, 43, 25, 89, 118, 26, 115, 49, 70, 102, 27, 51, 121, 94, 28, 107, 30, 42, 37, 32, 35, 91, 106, 99, 100, 36, 101, 96], [119, 104, 47, 62, 52, 120, 123, 44, 122, 53, 127, 40, 105, 117, 125, 97, 108, 124, 48, 56, 46, 110, 20, 84, 60, 12, 58, 41, 87, 76, 23, 17, 74, 111, 112, 81, 109, 7, 10, 14, 78, 0, 39, 82, 71, 18, 15, 64, 79, 67, 6, 77, 103, 83, 72, 5, 22, 57, 33, 54, 59, 38, 126, 24, 86, 88, 13, 69, 16, 3, 63, 19, 8, 114, 29, 80, 9, 73, 55, 85, 65, 50, 68, 21, 1, 116, 2, 92, 11, 113, 4, 45, 89, 95, 31, 66, 61, 90, 34, 98, 43, 93, 25, 70, 118, 27, 75, 26, 115, 121, 51, 49, 102, 30, 94, 42, 91, 107, 28, 106, 37, 32, 35, 99, 101, 96, 100, 36], [119, 104, 47, 52, 120, 62, 123, 44, 122, 53, 117, 105, 40, 127, 108, 125, 97, 124, 56, 110, 58, 20, 87, 84, 46, 41, 76, 60, 23, 48, 12, 74, 17, 10, 81, 111, 0, 78, 14, 109, 18, 64, 82, 79, 71, 86, 7, 112, 103, 15, 33, 39, 83, 5, 22, 57, 72, 77, 38, 19, 13, 59, 24, 54, 16, 80, 6, 88, 9, 55, 126, 21, 69, 8, 3, 63, 73, 65, 29, 2, 85, 34, 4, 50, 113, 67, 114, 92, 66, 1, 89, 45, 75, 70, 95, 25, 68, 11, 116, 61, 98, 93, 31, 90, 43, 26, 115, 118, 27, 49, 102, 28, 51, 30, 94, 121, 35, 32, 42, 99, 37, 107, 91, 106, 96, 101, 36, 100], [119, 104, 47, 52, 120, 62, 123, 44, 122, 53, 127, 40, 105, 117, 125, 108, 97, 56, 46, 110, 124, 48, 60, 20, 87, 41, 84, 58, 76, 12, 17, 109, 23, 81, 10, 74, 111, 112, 14, 78, 82, 103, 7, 71, 64, 15, 18, 39, 79, 72, 0, 13, 22, 80, 33, 63, 86, 83, 5, 38, 24, 126, 3, 57, 88, 114, 16, 55, 77, 67, 19, 59, 85, 116, 69, 9, 8, 54, 29, 65, 21, 2, 50, 73, 1, 34, 70, 113, 66, 4, 89, 92, 98, 6, 61, 25, 45, 95, 11, 31, 90, 75, 68, 93, 118, 115, 43, 26, 51, 27, 49, 28, 102, 121, 42, 30, 94, 107, 32, 37, 35, 106, 101, 36, 99, 91, 100, 96]], "model.layers.4.self_attn.q_proj": [[42, 122, 117, 56, 53, 123, 101, 124, 102, 121, 33, 61, 27, 107, 104, 119, 59, 48, 110, 39, 116, 83, 55, 109, 127, 115, 37, 114, 113, 126, 92, 57, 60, 43, 58, 17, 50, 26, 38, 120, 47, 125, 44, 45, 51, 54, 89, 62, 105, 111, 94, 21, 52, 46, 87, 41, 36, 108, 32, 106, 91, 49, 63, 112, 86, 118, 40, 23, 31, 30, 76, 79, 99, 22, 34, 103, 84, 96, 100, 72, 97, 98, 28, 78, 82, 25, 24, 95, 93, 16, 75, 0, 29, 35, 15, 13, 81, 10, 66, 6, 5, 73, 2, 11, 14, 3, 85, 19, 64, 8, 12, 74, 4, 68, 90, 69, 20, 65, 70, 88, 67, 7, 80, 71, 77, 9, 1, 18], [42, 101, 117, 114, 123, 56, 122, 102, 33, 53, 48, 124, 107, 59, 111, 39, 89, 94, 91, 27, 86, 121, 54, 57, 21, 37, 104, 28, 125, 112, 49, 79, 116, 40, 109, 36, 113, 43, 44, 41, 60, 118, 99, 26, 47, 38, 84, 82, 58, 46, 87, 25, 32, 17, 115, 52, 110, 61, 95, 92, 108, 62, 119, 24, 127, 45, 50, 120, 55, 51, 85, 29, 63, 90, 126, 30, 15, 93, 105, 106, 81, 34, 83, 22, 12, 96, 76, 16, 31, 98, 78, 75, 19, 35, 23, 74, 97, 13, 88, 8, 73, 20, 14, 100, 103, 77, 68, 72, 71, 6, 7, 69, 5, 11, 9, 66, 10, 4, 1, 65, 70, 3, 64, 67, 2, 0, 18, 80], [101, 42, 117, 33, 123, 122, 56, 53, 114, 87, 84, 82, 124, 91, 94, 39, 61, 79, 78, 75, 16, 73, 13, 6, 48, 86, 27, 72, 46, 111, 107, 2, 57, 89, 32, 95, 30, 21, 68, 22, 104, 20, 19, 74, 54, 71, 58, 102, 23, 109, 67, 44, 14, 85, 25, 8, 11, 88, 63, 55, 90, 10, 24, 106, 65, 41, 110, 36, 98, 64, 120, 35, 121, 92, 105, 7, 81, 99, 17, 49, 113, 28, 15, 60, 3, 77, 118, 108, 40, 116, 93, 76, 80, 18, 29, 52, 12, 38, 83, 26, 96, 4, 69, 119, 34, 70, 43, 31, 1, 9, 62, 47, 103, 115, 125, 51, 112, 127, 126, 59, 50, 97, 37, 5, 100, 0, 45, 66], [101, 117, 56, 122, 123, 33, 53, 42, 87, 82, 91, 84, 124, 54, 73, 15, 16, 103, 76, 78, 75, 24, 71, 27, 121, 13, 88, 68, 6, 37, 72, 114, 107, 86, 85, 104, 58, 59, 67, 66, 10, 3, 48, 65, 1, 126, 116, 25, 105, 95, 12, 109, 61, 118, 44, 89, 64, 45, 14, 92, 7, 120, 79, 115, 9, 127, 18, 29, 80, 43, 26, 98, 90, 77, 4, 94, 102, 70, 49, 74, 93, 0, 110, 11, 28, 23, 55, 19, 8, 81, 34, 99, 35, 20, 36, 100, 41, 125, 111, 52, 22, 32, 31, 17, 113, 46, 47, 83, 39, 51, 96, 21, 69, 5, 2, 112, 30, 62, 50, 63, 40, 60, 57, 38, 106, 119, 108, 97], [39, 52, 118, 33, 31, 79, 13, 87, 8, 11, 53, 70, 20, 117, 54, 82, 81, 9, 68, 63, 50, 66, 113, 26, 120, 121, 111, 125, 90, 10, 61, 114, 49, 119, 46, 23, 74, 3, 51, 112, 25, 47, 116, 84, 55, 21, 6, 29, 95, 38, 67, 69, 12, 73, 18, 5, 19, 60, 77, 17, 107, 0, 28, 93, 85, 97, 57, 44, 106, 62, 15, 59, 22, 100, 72, 2, 24, 83, 92, 91, 7, 94, 86, 80, 98, 36, 14, 115, 71, 102, 78, 75, 105, 34, 1, 16, 123, 65, 58, 110, 30, 42, 76, 89, 43, 32, 4, 27, 45, 124, 104, 40, 88, 48, 96, 56, 99, 41, 109, 127, 37, 101, 64, 108, 35, 122, 126, 103], [39, 118, 52, 33, 31, 102, 20, 87, 63, 25, 116, 11, 54, 47, 82, 81, 90, 117, 13, 85, 79, 49, 80, 123, 111, 121, 56, 86, 76, 104, 26, 50, 28, 53, 23, 91, 9, 7, 105, 120, 41, 112, 51, 71, 61, 44, 70, 83, 55, 114, 27, 57, 8, 60, 125, 107, 46, 110, 115, 106, 101, 124, 40, 97, 42, 10, 14, 59, 127, 29, 43, 78, 126, 113, 35, 45, 16, 69, 122, 74, 62, 119, 65, 22, 98, 108, 58, 36, 48, 3, 93, 17, 84, 37, 30, 12, 68, 99, 109, 88, 92, 64, 18, 67, 38, 100, 34, 66, 96, 19, 89, 21, 24, 32, 75, 72, 77, 94, 5, 95, 15, 73, 1, 6, 4, 103, 0, 2], [53, 39, 33, 52, 118, 31, 90, 50, 102, 81, 87, 113, 59, 63, 54, 125, 20, 114, 98, 61, 55, 97, 60, 117, 108, 47, 107, 26, 124, 121, 92, 49, 24, 44, 86, 112, 42, 79, 126, 110, 28, 116, 103, 57, 111, 82, 14, 43, 83, 120, 45, 119, 10, 127, 46, 29, 122, 85, 106, 19, 12, 51, 56, 41, 37, 32, 115, 96, 48, 62, 109, 22, 100, 105, 34, 88, 13, 40, 89, 58, 123, 101, 11, 94, 91, 25, 104, 93, 36, 5, 78, 27, 38, 99, 35, 17, 71, 21, 80, 23, 76, 74, 84, 30, 16, 95, 77, 75, 8, 18, 15, 72, 67, 6, 9, 7, 73, 69, 3, 4, 65, 1, 66, 70, 0, 68, 64, 2], [39, 118, 52, 33, 53, 31, 8, 20, 82, 87, 13, 79, 11, 54, 70, 63, 117, 102, 81, 74, 9, 50, 125, 68, 121, 46, 90, 86, 23, 61, 16, 49, 66, 10, 55, 59, 60, 15, 47, 42, 51, 69, 115, 67, 95, 12, 26, 111, 119, 97, 22, 72, 112, 114, 77, 120, 17, 80, 124, 21, 18, 94, 89, 116, 3, 25, 2, 45, 56, 92, 75, 84, 78, 85, 28, 0, 19, 14, 38, 29, 57, 27, 83, 30, 71, 24, 113, 96, 107, 76, 40, 7, 123, 99, 62, 122, 88, 44, 48, 36, 6, 100, 41, 5, 73, 98, 106, 43, 34, 127, 91, 64, 1, 93, 32, 105, 37, 126, 4, 108, 110, 101, 104, 35, 58, 109, 65, 103], [41, 39, 99, 116, 124, 118, 52, 95, 54, 28, 86, 92, 62, 75, 105, 81, 26, 31, 24, 21, 122, 121, 58, 17, 83, 55, 87, 127, 22, 61, 79, 56, 123, 117, 93, 50, 12, 53, 14, 115, 35, 88, 110, 106, 13, 82, 112, 113, 94, 47, 18, 34, 125, 57, 42, 120, 101, 108, 30, 48, 20, 126, 98, 32, 111, 46, 89, 43, 51, 78, 114, 96, 49, 104, 90, 15, 72, 40, 25, 109, 9, 84, 59, 38, 37, 107, 100, 63, 60, 44, 45, 33, 23, 16, 11, 119, 29, 85, 102, 36, 97, 27, 91, 74, 19, 8, 65, 68, 1, 69, 73, 76, 5, 4, 70, 77, 71, 6, 3, 10, 80, 7, 66, 64, 2, 0, 67, 103], [39, 99, 28, 116, 124, 118, 16, 52, 41, 83, 74, 13, 86, 95, 72, 54, 70, 49, 75, 71, 79, 92, 4, 26, 22, 3, 21, 35, 24, 12, 81, 1, 62, 2, 122, 23, 61, 31, 18, 55, 32, 85, 123, 87, 30, 50, 11, 73, 77, 127, 58, 89, 7, 112, 19, 48, 27, 117, 78, 126, 64, 111, 25, 88, 80, 42, 47, 66, 82, 53, 14, 121, 8, 59, 67, 100, 10, 101, 51, 5, 17, 6, 106, 94, 110, 113, 76, 0, 15, 90, 105, 34, 65, 107, 91, 104, 60, 63, 119, 69, 20, 46, 93, 120, 102, 125, 84, 43, 33, 97, 37, 96, 29, 36, 115, 40, 108, 68, 98, 103, 56, 45, 9, 57, 109, 38, 44, 114], [39, 116, 99, 124, 118, 52, 41, 95, 92, 86, 26, 31, 28, 54, 49, 83, 98, 87, 81, 112, 24, 62, 79, 75, 105, 22, 30, 35, 61, 84, 16, 34, 93, 13, 117, 88, 47, 121, 120, 58, 106, 21, 123, 114, 44, 110, 46, 104, 45, 60, 122, 14, 42, 108, 53, 96, 89, 125, 113, 25, 33, 27, 50, 127, 90, 48, 40, 109, 59, 20, 38, 111, 63, 37, 97, 126, 17, 55, 51, 91, 43, 107, 32, 119, 102, 101, 36, 100, 12, 57, 94, 72, 29, 56, 115, 74, 23, 78, 85, 103, 82, 11, 18, 15, 19, 4, 70, 1, 68, 76, 71, 73, 9, 5, 69, 8, 6, 65, 2, 64, 80, 77, 66, 7, 0, 10, 3, 67], [39, 99, 118, 124, 52, 116, 28, 95, 72, 13, 83, 4, 79, 86, 16, 22, 70, 75, 74, 66, 54, 105, 2, 68, 65, 64, 81, 35, 84, 87, 92, 61, 1, 21, 0, 26, 24, 3, 17, 115, 106, 77, 98, 55, 11, 89, 31, 30, 8, 14, 19, 71, 67, 88, 62, 110, 7, 123, 23, 73, 58, 82, 6, 94, 42, 33, 15, 117, 10, 41, 109, 12, 5, 103, 49, 122, 121, 76, 80, 127, 25, 57, 125, 56, 51, 40, 93, 48, 53, 34, 113, 78, 85, 18, 96, 69, 47, 59, 114, 46, 63, 27, 20, 90, 45, 44, 100, 29, 32, 60, 120, 111, 126, 43, 101, 91, 36, 119, 50, 37, 97, 108, 38, 112, 9, 102, 107, 104], [45, 102, 0, 97, 64, 31, 109, 25, 4, 66, 1, 65, 6, 76, 10, 124, 79, 69, 9, 68, 22, 17, 2, 11, 48, 38, 105, 126, 95, 125, 81, 51, 82, 59, 20, 56, 52, 5, 78, 104, 90, 18, 127, 84, 67, 118, 61, 7, 41, 63, 60, 122, 53, 71, 113, 74, 70, 73, 57, 75, 100, 15, 50, 120, 42, 14, 77, 13, 72, 28, 110, 12, 47, 114, 24, 49, 87, 107, 93, 19, 88, 121, 23, 33, 26, 16, 83, 36, 3, 46, 80, 112, 55, 39, 40, 85, 92, 29, 58, 115, 8, 30, 43, 101, 86, 96, 108, 106, 34, 111, 37, 91, 35, 99, 89, 21, 98, 32, 117, 119, 27, 123, 94, 103, 54, 62, 116, 44], [102, 45, 97, 31, 124, 79, 10, 17, 11, 5, 109, 25, 76, 89, 22, 70, 9, 4, 69, 6, 84, 48, 52, 51, 66, 82, 1, 78, 115, 75, 56, 65, 59, 104, 126, 53, 19, 90, 61, 72, 2, 105, 14, 87, 125, 20, 41, 77, 81, 42, 57, 71, 122, 38, 114, 15, 86, 28, 16, 120, 127, 118, 3, 60, 73, 63, 23, 74, 7, 83, 67, 0, 18, 13, 50, 123, 92, 12, 121, 95, 99, 24, 35, 68, 111, 88, 43, 39, 80, 113, 21, 34, 106, 30, 27, 29, 46, 93, 107, 117, 85, 101, 8, 110, 100, 94, 108, 26, 47, 96, 116, 98, 91, 36, 119, 58, 37, 62, 33, 112, 49, 32, 40, 44, 54, 55, 103, 64], [45, 102, 97, 31, 65, 25, 124, 109, 6, 11, 4, 1, 10, 76, 9, 79, 17, 0, 67, 69, 3, 48, 81, 66, 84, 51, 20, 105, 5, 52, 71, 126, 61, 90, 56, 15, 122, 125, 70, 72, 78, 118, 22, 95, 59, 120, 41, 23, 53, 57, 63, 38, 8, 7, 16, 82, 60, 113, 18, 73, 12, 64, 24, 30, 74, 127, 2, 14, 75, 47, 83, 80, 85, 68, 111, 86, 28, 19, 39, 21, 46, 87, 50, 49, 13, 29, 77, 104, 121, 26, 100, 88, 91, 93, 42, 27, 110, 58, 107, 117, 94, 101, 119, 114, 40, 108, 115, 96, 36, 103, 89, 116, 123, 37, 62, 92, 44, 34, 43, 55, 106, 112, 35, 98, 99, 54, 32, 33], [124, 102, 97, 45, 31, 90, 22, 52, 86, 120, 84, 109, 89, 78, 111, 104, 41, 53, 121, 13, 122, 18, 36, 33, 38, 115, 51, 114, 59, 113, 107, 63, 25, 34, 117, 57, 79, 127, 106, 46, 42, 26, 48, 44, 62, 17, 123, 126, 61, 100, 39, 54, 96, 56, 116, 21, 60, 49, 108, 103, 58, 105, 29, 43, 112, 110, 28, 99, 32, 101, 27, 24, 118, 35, 119, 50, 37, 91, 55, 88, 23, 76, 98, 47, 30, 40, 94, 125, 93, 82, 20, 11, 92, 14, 19, 83, 85, 77, 80, 16, 87, 10, 72, 9, 8, 12, 81, 15, 73, 74, 95, 5, 75, 7, 71, 70, 69, 67, 68, 1, 3, 6, 2, 65, 4, 66, 64, 0], [63, 59, 52, 104, 119, 125, 56, 122, 60, 113, 62, 123, 114, 124, 50, 61, 127, 53, 54, 57, 58, 46, 109, 118, 111, 49, 48, 126, 116, 51, 47, 55, 117, 82, 120, 44, 115, 108, 45, 121, 112, 43, 110, 79, 88, 107, 84, 106, 42, 39, 41, 80, 87, 102, 28, 90, 105, 91, 76, 85, 86, 96, 103, 19, 30, 93, 9, 38, 100, 12, 81, 14, 101, 16, 13, 37, 36, 7, 89, 73, 4, 5, 33, 40, 74, 32, 99, 83, 35, 21, 97, 8, 94, 11, 25, 10, 15, 27, 65, 77, 72, 70, 92, 69, 34, 22, 2, 78, 23, 75, 17, 98, 31, 95, 1, 67, 24, 18, 29, 71, 0, 26, 20, 3, 6, 66, 68, 64], [104, 34, 52, 63, 59, 77, 17, 90, 10, 7, 78, 87, 68, 75, 27, 20, 31, 21, 13, 118, 4, 119, 66, 79, 89, 93, 124, 71, 46, 70, 125, 14, 100, 26, 23, 82, 6, 83, 73, 84, 22, 19, 122, 86, 95, 64, 74, 85, 11, 1, 76, 113, 8, 81, 88, 15, 18, 80, 25, 111, 29, 56, 28, 60, 2, 65, 94, 67, 108, 123, 50, 72, 120, 36, 0, 69, 12, 5, 3, 91, 40, 102, 41, 30, 32, 61, 116, 39, 92, 127, 48, 9, 98, 16, 115, 62, 24, 126, 47, 99, 121, 38, 42, 110, 45, 109, 37, 49, 57, 101, 96, 97, 117, 33, 54, 103, 106, 105, 58, 35, 55, 51, 44, 43, 112, 107, 53, 114], [104, 34, 52, 63, 59, 7, 92, 71, 87, 17, 78, 119, 28, 68, 10, 91, 31, 75, 83, 125, 90, 77, 85, 94, 60, 1, 22, 3, 122, 100, 18, 4, 16, 8, 124, 26, 65, 113, 118, 23, 84, 46, 74, 56, 89, 93, 72, 123, 14, 25, 5, 13, 76, 79, 9, 81, 19, 12, 21, 6, 82, 62, 30, 116, 11, 88, 86, 70, 27, 66, 98, 102, 80, 24, 67, 120, 36, 111, 69, 40, 108, 20, 2, 64, 61, 48, 39, 73, 15, 96, 95, 117, 43, 101, 0, 38, 29, 37, 33, 50, 121, 32, 55, 35, 97, 109, 47, 103, 45, 99, 105, 106, 127, 54, 110, 57, 44, 41, 42, 49, 115, 51, 107, 112, 58, 126, 114, 53], [104, 52, 63, 59, 119, 125, 124, 60, 46, 62, 113, 118, 27, 123, 48, 39, 116, 50, 56, 40, 122, 88, 34, 32, 108, 57, 111, 109, 106, 61, 115, 47, 110, 30, 28, 51, 54, 120, 55, 43, 35, 117, 49, 114, 107, 121, 42, 41, 98, 58, 103, 105, 36, 102, 100, 79, 33, 45, 53, 37, 97, 76, 44, 38, 126, 80, 86, 101, 24, 82, 112, 127, 85, 26, 99, 94, 95, 9, 96, 84, 19, 73, 20, 91, 22, 31, 7, 25, 93, 81, 14, 13, 5, 74, 92, 4, 87, 90, 8, 89, 11, 16, 1, 12, 70, 17, 69, 23, 18, 72, 10, 2, 29, 21, 83, 65, 77, 15, 78, 75, 71, 67, 3, 0, 64, 6, 66, 68], [105, 112, 39, 34, 101, 48, 50, 111, 118, 85, 124, 53, 23, 59, 21, 125, 90, 31, 82, 119, 30, 108, 56, 54, 117, 25, 93, 87, 60, 18, 96, 63, 127, 41, 19, 22, 52, 61, 122, 28, 123, 92, 88, 51, 103, 94, 89, 47, 95, 26, 37, 86, 16, 80, 57, 110, 121, 81, 38, 102, 84, 55, 29, 49, 91, 17, 97, 32, 45, 33, 11, 106, 44, 40, 107, 27, 99, 109, 62, 58, 114, 20, 78, 42, 120, 79, 14, 100, 104, 13, 116, 126, 46, 15, 24, 115, 36, 83, 12, 76, 35, 43, 75, 113, 71, 77, 9, 6, 5, 74, 98, 10, 73, 72, 8, 69, 7, 70, 2, 66, 68, 3, 65, 67, 0, 1, 64, 4], [50, 48, 105, 124, 34, 111, 38, 112, 117, 108, 119, 90, 57, 54, 39, 106, 116, 94, 114, 120, 122, 125, 118, 109, 127, 42, 63, 110, 103, 126, 52, 51, 93, 49, 92, 45, 85, 35, 82, 23, 59, 36, 31, 60, 107, 113, 55, 46, 58, 29, 104, 87, 9, 101, 47, 61, 83, 62, 40, 121, 89, 56, 53, 99, 97, 123, 44, 80, 96, 43, 115, 28, 91, 76, 37, 100, 24, 19, 88, 102, 78, 71, 16, 14, 33, 32, 86, 77, 22, 30, 95, 26, 41, 27, 84, 25, 74, 98, 20, 79, 72, 17, 13, 21, 15, 18, 7, 68, 73, 75, 11, 6, 10, 2, 67, 8, 12, 4, 81, 69, 70, 66, 64, 3, 5, 0, 1, 65], [105, 101, 34, 112, 48, 50, 89, 31, 39, 85, 83, 124, 23, 111, 87, 80, 54, 14, 82, 76, 118, 123, 59, 25, 41, 93, 21, 119, 16, 29, 63, 125, 108, 53, 19, 95, 56, 9, 117, 103, 94, 49, 116, 84, 90, 22, 20, 60, 15, 75, 52, 122, 47, 71, 26, 24, 109, 46, 74, 127, 17, 28, 32, 35, 11, 33, 57, 12, 38, 96, 62, 102, 42, 120, 92, 91, 113, 30, 114, 77, 13, 79, 107, 10, 88, 73, 104, 70, 121, 43, 78, 97, 100, 61, 81, 18, 99, 44, 27, 72, 51, 6, 106, 58, 8, 110, 55, 5, 115, 126, 7, 86, 40, 36, 69, 98, 45, 37, 68, 67, 3, 66, 4, 2, 65, 1, 0, 64], [50, 101, 38, 105, 34, 112, 118, 59, 119, 83, 31, 85, 89, 37, 23, 111, 90, 78, 49, 61, 103, 124, 21, 20, 74, 71, 125, 52, 88, 113, 53, 57, 19, 122, 104, 92, 11, 44, 106, 82, 54, 14, 109, 48, 63, 29, 22, 123, 40, 51, 28, 96, 76, 79, 108, 8, 41, 17, 9, 87, 60, 18, 68, 102, 16, 127, 56, 107, 126, 25, 114, 42, 72, 121, 24, 84, 30, 110, 93, 13, 27, 10, 117, 100, 62, 46, 39, 116, 4, 47, 35, 15, 81, 58, 91, 2, 115, 67, 45, 97, 120, 32, 94, 69, 33, 43, 7, 86, 26, 99, 55, 80, 77, 6, 1, 64, 36, 95, 70, 66, 5, 65, 0, 3, 75, 98, 12, 73], [110, 39, 33, 31, 46, 85, 70, 16, 53, 10, 14, 72, 94, 82, 12, 75, 68, 3, 0, 2, 1, 9, 65, 66, 6, 50, 67, 8, 104, 21, 86, 13, 120, 124, 17, 22, 4, 79, 18, 83, 57, 54, 118, 63, 90, 11, 69, 58, 123, 73, 119, 51, 126, 103, 78, 7, 127, 41, 24, 20, 99, 38, 115, 87, 80, 88, 29, 121, 56, 49, 101, 71, 102, 114, 35, 76, 98, 28, 74, 81, 36, 23, 84, 108, 125, 89, 47, 19, 96, 77, 113, 107, 45, 111, 100, 64, 5, 40, 61, 48, 117, 95, 34, 92, 26, 25, 91, 42, 52, 55, 37, 122, 93, 116, 112, 27, 105, 15, 43, 62, 106, 60, 59, 30, 109, 44, 32, 97], [110, 39, 33, 31, 46, 12, 94, 10, 6, 16, 82, 4, 72, 14, 85, 50, 74, 2, 79, 53, 70, 17, 86, 67, 115, 124, 51, 69, 21, 23, 28, 24, 76, 80, 120, 22, 57, 78, 8, 63, 117, 75, 18, 123, 66, 73, 127, 65, 126, 104, 49, 84, 118, 103, 88, 56, 58, 96, 64, 48, 77, 90, 13, 54, 20, 32, 9, 68, 121, 0, 38, 122, 108, 41, 62, 7, 11, 101, 81, 83, 59, 113, 45, 43, 93, 87, 44, 55, 47, 15, 89, 112, 27, 109, 92, 119, 114, 107, 25, 116, 5, 98, 125, 19, 95, 105, 99, 60, 91, 40, 34, 36, 26, 61, 37, 1, 111, 29, 52, 71, 35, 100, 102, 106, 42, 3, 30, 97], [39, 33, 110, 53, 31, 23, 85, 46, 82, 79, 94, 16, 12, 14, 88, 19, 104, 10, 126, 57, 17, 112, 50, 70, 75, 51, 5, 63, 72, 124, 66, 115, 68, 120, 106, 64, 65, 71, 86, 81, 60, 48, 84, 55, 8, 123, 9, 125, 47, 11, 108, 56, 21, 40, 42, 3, 121, 41, 59, 24, 116, 95, 25, 49, 91, 119, 58, 38, 101, 96, 54, 22, 111, 117, 99, 122, 87, 113, 35, 18, 26, 105, 32, 34, 73, 118, 90, 127, 78, 29, 37, 100, 107, 114, 83, 27, 15, 44, 13, 45, 61, 102, 28, 109, 52, 89, 7, 80, 98, 67, 20, 93, 43, 36, 62, 74, 103, 92, 4, 2, 6, 76, 30, 0, 69, 77, 1, 97], [110, 33, 39, 31, 85, 46, 94, 24, 74, 82, 16, 14, 72, 10, 12, 86, 88, 83, 22, 53, 79, 23, 4, 13, 124, 51, 73, 90, 50, 80, 126, 5, 115, 123, 11, 120, 57, 71, 6, 78, 18, 63, 2, 70, 8, 48, 17, 75, 9, 103, 21, 67, 58, 119, 65, 118, 91, 106, 68, 56, 30, 104, 15, 69, 84, 92, 121, 87, 49, 19, 54, 40, 28, 41, 117, 77, 61, 59, 81, 125, 76, 36, 114, 20, 26, 27, 111, 99, 127, 7, 25, 62, 3, 32, 55, 60, 35, 42, 96, 112, 101, 89, 45, 43, 47, 113, 44, 93, 34, 38, 100, 102, 52, 105, 98, 108, 109, 66, 37, 116, 122, 1, 64, 95, 97, 29, 107, 0], [112, 40, 34, 53, 23, 27, 122, 29, 19, 81, 76, 21, 25, 87, 63, 31, 56, 79, 118, 119, 77, 59, 15, 93, 62, 57, 30, 16, 72, 90, 47, 9, 82, 18, 26, 11, 92, 97, 109, 125, 33, 95, 78, 101, 123, 32, 44, 96, 49, 83, 35, 105, 73, 120, 24, 51, 86, 80, 106, 121, 103, 88, 98, 55, 36, 14, 22, 52, 38, 10, 71, 46, 67, 12, 28, 89, 91, 110, 127, 111, 61, 6, 54, 37, 107, 13, 94, 60, 42, 85, 84, 17, 102, 58, 5, 41, 99, 43, 113, 126, 74, 20, 115, 124, 108, 48, 45, 100, 8, 69, 116, 7, 39, 114, 50, 70, 4, 104, 117, 68, 2, 3, 1, 75, 65, 66, 0, 64], [112, 53, 40, 38, 34, 56, 47, 119, 44, 43, 52, 63, 62, 49, 122, 117, 114, 125, 61, 116, 120, 111, 109, 45, 123, 55, 31, 23, 25, 95, 59, 60, 126, 51, 118, 29, 106, 42, 127, 57, 107, 50, 54, 121, 27, 92, 41, 58, 24, 115, 46, 16, 113, 105, 48, 30, 108, 39, 110, 124, 84, 21, 93, 82, 96, 103, 88, 101, 19, 35, 22, 100, 90, 89, 102, 37, 36, 33, 32, 18, 87, 26, 17, 97, 99, 81, 86, 28, 20, 94, 85, 80, 77, 11, 14, 98, 78, 83, 13, 15, 12, 91, 76, 3, 74, 68, 8, 9, 10, 65, 7, 6, 79, 71, 4, 72, 75, 66, 73, 70, 2, 104, 5, 0, 69, 1, 67, 64], [53, 40, 112, 34, 19, 23, 81, 27, 56, 125, 21, 77, 93, 47, 82, 57, 122, 88, 120, 58, 25, 76, 59, 11, 9, 28, 14, 118, 61, 95, 62, 67, 79, 70, 104, 30, 91, 114, 92, 31, 26, 36, 44, 80, 16, 73, 119, 107, 52, 15, 7, 72, 90, 121, 20, 29, 63, 83, 126, 6, 85, 99, 12, 116, 105, 100, 18, 86, 106, 48, 60, 38, 22, 43, 78, 110, 115, 127, 69, 24, 50, 97, 87, 46, 103, 1, 84, 35, 123, 13, 41, 17, 4, 5, 89, 94, 32, 55, 10, 54, 102, 37, 98, 96, 74, 109, 45, 42, 108, 49, 111, 124, 75, 33, 51, 39, 117, 68, 113, 101, 3, 65, 71, 8, 0, 2, 64, 66], [40, 53, 34, 112, 91, 19, 21, 29, 81, 122, 79, 73, 93, 76, 6, 56, 16, 11, 47, 125, 52, 8, 63, 70, 67, 59, 62, 65, 95, 72, 17, 119, 9, 118, 27, 126, 57, 1, 12, 38, 104, 10, 120, 74, 77, 71, 61, 7, 121, 58, 86, 85, 24, 44, 30, 75, 23, 88, 84, 4, 3, 31, 68, 15, 28, 13, 78, 32, 83, 114, 14, 80, 46, 89, 20, 82, 25, 90, 123, 92, 87, 0, 2, 94, 117, 69, 26, 66, 36, 96, 18, 22, 5, 100, 35, 99, 60, 45, 37, 54, 51, 124, 108, 97, 33, 55, 101, 105, 102, 42, 103, 41, 107, 43, 49, 127, 64, 39, 106, 109, 111, 115, 110, 50, 113, 116, 48, 98]], "model.layers.4.self_attn.k_proj": [[37, 53, 56, 123, 122, 97, 117, 106, 30, 84, 16, 27, 87, 82, 13, 26, 75, 100, 50, 6, 40, 77, 73, 83, 78, 31, 42, 72, 17, 28, 64, 86, 103, 65, 38, 108, 21, 94, 35, 120, 5, 68, 118, 60, 45, 25, 47, 3, 74, 61, 127, 101, 2, 0, 89, 126, 24, 88, 43, 29, 58, 79, 52, 96, 113, 110, 55, 51, 4, 46, 49, 125, 119, 54, 66, 33, 109, 62, 105, 104, 57, 59, 121, 115, 63, 116, 41, 91, 111, 8, 10, 12, 112, 85, 44, 107, 23, 98, 93, 71, 34, 114, 22, 48, 124, 67, 32, 99, 39, 70, 92, 76, 14, 1, 11, 7, 90, 36, 102, 18, 95, 69, 19, 81, 80, 15, 20, 9], [103, 118, 52, 87, 97, 95, 20, 0, 13, 82, 81, 79, 70, 11, 9, 10, 68, 90, 3, 8, 66, 1, 47, 28, 110, 42, 53, 14, 63, 5, 71, 121, 86, 43, 22, 127, 55, 26, 65, 113, 92, 123, 2, 120, 69, 58, 46, 74, 122, 44, 88, 109, 48, 102, 39, 56, 61, 107, 125, 115, 16, 36, 89, 67, 57, 117, 126, 54, 50, 62, 73, 64, 45, 59, 29, 80, 93, 124, 114, 106, 116, 7, 38, 78, 6, 104, 100, 25, 96, 40, 27, 60, 108, 51, 83, 77, 37, 15, 119, 112, 101, 19, 99, 85, 105, 32, 21, 91, 30, 12, 76, 72, 98, 111, 4, 94, 41, 34, 35, 18, 49, 33, 24, 23, 17, 84, 75, 31], [103, 52, 118, 124, 35, 86, 92, 83, 79, 13, 1, 74, 72, 75, 31, 0, 16, 4, 70, 81, 105, 71, 26, 3, 21, 69, 2, 117, 116, 24, 53, 28, 14, 94, 5, 39, 12, 61, 112, 123, 41, 46, 95, 121, 82, 22, 56, 113, 54, 47, 55, 106, 84, 58, 59, 99, 48, 122, 9, 89, 98, 49, 126, 115, 50, 30, 40, 96, 34, 114, 63, 45, 23, 119, 111, 60, 51, 108, 100, 125, 17, 101, 7, 42, 107, 127, 87, 36, 93, 104, 67, 62, 43, 88, 20, 102, 85, 120, 33, 109, 29, 57, 91, 37, 44, 76, 32, 97, 38, 110, 90, 27, 25, 18, 73, 77, 80, 66, 19, 78, 68, 6, 64, 15, 65, 10, 11, 8], [109, 38, 0, 95, 33, 45, 89, 124, 66, 65, 17, 6, 79, 4, 10, 76, 2, 112, 64, 9, 69, 11, 126, 60, 56, 84, 59, 115, 61, 3, 47, 50, 18, 125, 52, 7, 105, 63, 118, 68, 78, 39, 116, 111, 46, 67, 40, 113, 110, 122, 121, 57, 23, 8, 127, 58, 51, 22, 44, 86, 53, 83, 88, 13, 70, 16, 108, 104, 117, 41, 92, 5, 37, 43, 119, 99, 48, 103, 101, 42, 90, 96, 80, 54, 29, 30, 55, 71, 77, 91, 123, 120, 35, 85, 94, 32, 93, 98, 62, 100, 114, 107, 26, 75, 102, 27, 36, 106, 87, 24, 28, 73, 19, 49, 34, 82, 1, 21, 74, 72, 97, 12, 15, 14, 81, 20, 25, 31], [40, 52, 59, 63, 98, 75, 26, 95, 17, 119, 78, 116, 22, 10, 77, 20, 0, 2, 6, 4, 83, 7, 118, 29, 113, 72, 123, 124, 110, 67, 18, 60, 125, 70, 111, 3, 23, 28, 50, 122, 15, 115, 55, 56, 54, 46, 121, 57, 48, 53, 47, 49, 120, 87, 62, 51, 117, 126, 114, 58, 127, 16, 61, 89, 106, 24, 9, 109, 112, 12, 43, 42, 45, 44, 21, 5, 103, 91, 108, 65, 107, 105, 8, 64, 41, 36, 39, 11, 102, 37, 27, 92, 99, 101, 93, 84, 38, 104, 35, 33, 31, 94, 32, 14, 90, 30, 96, 86, 97, 100, 69, 85, 66, 1, 25, 19, 74, 88, 80, 82, 71, 13, 79, 34, 81, 73, 76, 68], [41, 48, 98, 50, 37, 95, 23, 89, 82, 93, 90, 118, 114, 76, 80, 85, 74, 65, 44, 83, 64, 14, 59, 6, 77, 47, 53, 19, 68, 124, 86, 16, 27, 81, 20, 8, 111, 102, 9, 78, 66, 121, 125, 17, 71, 7, 112, 67, 119, 84, 106, 39, 94, 12, 32, 54, 63, 116, 117, 88, 72, 113, 96, 26, 62, 42, 69, 110, 115, 127, 3, 87, 22, 43, 107, 104, 4, 56, 51, 122, 60, 99, 58, 52, 123, 30, 15, 49, 92, 46, 108, 11, 38, 36, 61, 79, 35, 97, 33, 120, 45, 126, 91, 18, 28, 13, 109, 103, 70, 29, 40, 5, 75, 21, 2, 100, 57, 55, 10, 24, 0, 31, 25, 73, 1, 105, 101, 34], [46, 103, 110, 97, 53, 14, 0, 85, 95, 82, 16, 75, 12, 72, 17, 10, 66, 70, 71, 68, 79, 3, 51, 1, 118, 5, 124, 63, 30, 126, 8, 114, 11, 23, 40, 9, 50, 123, 90, 120, 56, 65, 86, 117, 77, 119, 57, 81, 113, 125, 122, 58, 112, 88, 67, 18, 121, 83, 84, 19, 116, 87, 62, 47, 32, 20, 127, 29, 78, 91, 44, 89, 28, 25, 93, 6, 24, 54, 2, 69, 92, 107, 27, 37, 42, 43, 76, 105, 100, 101, 34, 15, 22, 35, 59, 45, 7, 109, 99, 102, 36, 60, 55, 98, 108, 61, 115, 26, 96, 48, 111, 49, 80, 106, 41, 33, 38, 73, 52, 13, 94, 104, 74, 64, 4, 21, 31, 39], [104, 53, 112, 98, 48, 21, 11, 81, 19, 16, 0, 27, 93, 5, 73, 77, 117, 76, 2, 79, 8, 6, 65, 59, 122, 111, 25, 62, 102, 68, 110, 69, 57, 67, 72, 30, 50, 71, 56, 3, 84, 116, 15, 52, 94, 92, 74, 125, 91, 45, 121, 119, 31, 39, 58, 63, 13, 108, 70, 44, 55, 54, 7, 46, 61, 107, 90, 51, 32, 105, 118, 126, 28, 88, 109, 66, 41, 22, 96, 10, 114, 82, 113, 106, 86, 100, 60, 115, 120, 26, 124, 99, 24, 64, 127, 97, 23, 33, 29, 38, 103, 36, 14, 78, 42, 1, 95, 47, 43, 49, 35, 9, 18, 37, 101, 123, 87, 89, 75, 12, 85, 20, 83, 17, 4, 80, 40, 34]], "model.layers.4.self_attn.qk_proj": [[52, 118, 53, 124, 109, 46, 112, 45, 110, 63, 59, 50, 56, 48, 122, 117, 123, 39, 95, 103, 33, 41, 104, 31, 87, 17, 23, 11, 75, 81, 15, 38, 79, 85, 21, 28, 116, 102, 119, 40, 74, 18, 82, 42, 13, 80, 22, 10, 72, 97, 25, 64, 77, 20, 16, 6, 19, 83, 0, 12, 84, 70, 89, 91, 26, 86, 90, 78, 14, 76, 68, 125, 4, 37, 99, 61, 8, 94, 73, 9, 101, 126, 47, 65, 1, 35, 2, 98, 111, 54, 113, 66, 60, 114, 105, 51, 120, 29, 121, 92, 71, 7, 57, 108, 62, 67, 115, 127, 30, 44, 93, 5, 88, 27, 69, 3, 34, 106, 49, 24, 55, 107, 58, 43, 96, 32, 36, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 59, 63, 50, 48, 56, 117, 122, 123, 39, 95, 103, 33, 41, 31, 87, 104, 11, 23, 17, 81, 15, 38, 116, 28, 0, 79, 40, 85, 75, 64, 21, 74, 18, 72, 10, 97, 102, 25, 89, 42, 22, 6, 70, 19, 82, 26, 20, 83, 91, 68, 77, 16, 80, 12, 13, 125, 78, 119, 1, 90, 14, 84, 37, 4, 76, 86, 98, 101, 54, 105, 94, 65, 66, 113, 2, 47, 9, 111, 121, 73, 126, 35, 8, 114, 61, 120, 108, 99, 57, 51, 62, 3, 115, 60, 29, 69, 71, 5, 67, 92, 106, 7, 43, 58, 34, 24, 93, 127, 27, 30, 49, 44, 55, 88, 107, 96, 32, 100, 36], [52, 118, 53, 124, 46, 109, 112, 45, 110, 63, 59, 50, 56, 122, 117, 48, 123, 39, 103, 95, 33, 41, 87, 104, 31, 23, 11, 15, 81, 0, 38, 72, 70, 75, 85, 17, 28, 64, 18, 116, 74, 82, 10, 79, 21, 13, 80, 40, 16, 22, 6, 97, 4, 83, 25, 42, 102, 19, 77, 20, 14, 12, 91, 26, 89, 84, 65, 68, 78, 76, 1, 90, 119, 125, 54, 86, 37, 66, 105, 2, 98, 94, 99, 121, 9, 8, 101, 126, 47, 114, 73, 3, 61, 120, 35, 111, 67, 5, 113, 7, 71, 69, 93, 57, 60, 108, 92, 51, 24, 29, 62, 30, 115, 44, 34, 88, 127, 58, 55, 27, 106, 49, 107, 43, 96, 32, 36, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 59, 63, 50, 56, 122, 48, 117, 39, 123, 95, 103, 33, 41, 31, 104, 87, 79, 23, 17, 11, 64, 81, 75, 72, 18, 38, 0, 70, 28, 85, 15, 21, 102, 74, 80, 97, 25, 116, 13, 40, 19, 91, 10, 83, 82, 16, 42, 6, 89, 4, 14, 22, 84, 77, 12, 86, 20, 76, 119, 78, 26, 94, 90, 98, 68, 2, 121, 65, 125, 66, 37, 101, 1, 47, 99, 105, 54, 9, 8, 114, 67, 113, 73, 3, 69, 60, 111, 120, 115, 35, 126, 61, 71, 58, 34, 29, 92, 93, 5, 88, 57, 108, 30, 44, 7, 62, 51, 24, 127, 43, 27, 106, 49, 107, 55, 96, 32, 36, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 63, 59, 56, 117, 50, 122, 48, 123, 95, 103, 39, 41, 33, 104, 87, 79, 64, 11, 75, 81, 17, 31, 70, 72, 23, 0, 38, 40, 85, 6, 15, 116, 28, 18, 21, 80, 82, 10, 74, 13, 97, 16, 22, 83, 84, 4, 42, 77, 12, 19, 25, 78, 76, 102, 26, 20, 91, 2, 89, 68, 86, 8, 65, 119, 14, 66, 120, 1, 90, 98, 9, 94, 61, 125, 113, 73, 37, 126, 47, 111, 101, 99, 121, 35, 114, 7, 67, 115, 105, 51, 57, 69, 29, 5, 60, 71, 3, 93, 92, 54, 30, 34, 108, 62, 44, 58, 106, 127, 88, 27, 24, 49, 107, 55, 43, 36, 96, 32, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 59, 63, 50, 48, 56, 122, 117, 123, 95, 39, 103, 33, 41, 104, 81, 31, 87, 79, 11, 17, 23, 75, 0, 38, 85, 64, 15, 28, 82, 21, 40, 70, 10, 6, 72, 4, 102, 80, 18, 116, 13, 74, 97, 25, 12, 16, 77, 78, 76, 83, 20, 22, 8, 91, 84, 86, 68, 19, 89, 42, 119, 14, 90, 26, 66, 125, 47, 126, 2, 1, 73, 101, 61, 94, 65, 98, 37, 54, 99, 105, 9, 113, 35, 5, 111, 29, 121, 114, 3, 71, 120, 7, 51, 115, 34, 49, 62, 60, 67, 57, 92, 108, 69, 58, 127, 93, 107, 24, 106, 27, 30, 44, 88, 43, 55, 96, 36, 32, 100], [52, 118, 53, 124, 109, 46, 45, 112, 110, 59, 63, 50, 56, 48, 122, 117, 123, 39, 103, 95, 33, 41, 104, 17, 31, 87, 79, 23, 81, 38, 11, 40, 85, 75, 28, 25, 82, 116, 18, 15, 21, 6, 74, 0, 42, 102, 13, 22, 84, 97, 76, 26, 78, 10, 20, 64, 14, 83, 16, 80, 70, 72, 19, 12, 89, 86, 119, 8, 68, 91, 4, 77, 90, 47, 61, 37, 101, 126, 1, 94, 125, 120, 9, 66, 2, 73, 98, 65, 121, 54, 113, 35, 29, 99, 111, 114, 57, 60, 71, 105, 7, 34, 93, 127, 51, 67, 62, 3, 58, 92, 108, 69, 115, 27, 5, 44, 30, 88, 24, 106, 55, 49, 43, 107, 96, 36, 100, 32], [52, 118, 53, 124, 109, 46, 112, 45, 110, 63, 59, 50, 56, 122, 48, 117, 123, 39, 95, 103, 33, 41, 104, 81, 87, 23, 17, 79, 75, 31, 85, 28, 38, 6, 15, 11, 21, 40, 64, 82, 116, 74, 10, 25, 18, 97, 76, 0, 42, 16, 77, 70, 22, 19, 84, 80, 78, 8, 119, 13, 83, 89, 20, 26, 91, 102, 14, 12, 86, 68, 4, 101, 37, 125, 66, 72, 1, 90, 65, 9, 54, 111, 98, 94, 60, 35, 126, 44, 105, 73, 120, 113, 57, 2, 93, 47, 121, 61, 7, 99, 29, 51, 24, 69, 58, 92, 67, 114, 3, 27, 71, 115, 108, 34, 5, 30, 127, 62, 106, 43, 88, 49, 55, 107, 96, 36, 32, 100], [52, 118, 53, 124, 46, 109, 112, 45, 110, 59, 63, 50, 56, 48, 122, 117, 123, 39, 95, 103, 33, 41, 87, 104, 23, 81, 31, 17, 11, 79, 85, 21, 75, 38, 82, 6, 15, 40, 97, 10, 64, 74, 83, 0, 28, 18, 80, 25, 8, 116, 22, 20, 16, 13, 42, 102, 70, 91, 76, 89, 78, 19, 84, 86, 77, 90, 12, 68, 54, 14, 119, 26, 125, 105, 4, 37, 98, 101, 66, 47, 72, 94, 111, 65, 1, 2, 61, 121, 99, 9, 126, 120, 73, 58, 113, 35, 34, 92, 93, 29, 57, 114, 51, 115, 7, 67, 108, 69, 62, 60, 3, 30, 71, 24, 44, 27, 106, 5, 43, 55, 88, 127, 49, 32, 107, 96, 36, 100], [52, 118, 53, 124, 109, 46, 45, 112, 110, 59, 63, 50, 48, 56, 122, 117, 123, 39, 103, 95, 33, 87, 41, 81, 23, 31, 104, 17, 75, 15, 21, 38, 11, 28, 85, 116, 79, 42, 18, 25, 82, 74, 40, 97, 83, 102, 0, 78, 8, 84, 16, 13, 19, 10, 90, 6, 22, 64, 12, 80, 89, 86, 26, 91, 20, 77, 70, 68, 14, 76, 119, 37, 4, 125, 101, 105, 94, 99, 54, 1, 111, 65, 47, 121, 98, 120, 72, 60, 73, 114, 126, 9, 92, 35, 66, 29, 2, 71, 61, 24, 34, 69, 7, 3, 115, 27, 113, 67, 51, 106, 57, 93, 44, 108, 5, 127, 49, 88, 58, 30, 62, 55, 107, 43, 96, 36, 32, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 63, 59, 56, 48, 50, 122, 117, 39, 123, 95, 103, 33, 41, 104, 31, 87, 75, 11, 64, 17, 79, 8, 81, 15, 23, 6, 82, 38, 28, 10, 40, 0, 21, 116, 85, 42, 70, 80, 18, 102, 97, 13, 74, 16, 83, 68, 22, 19, 77, 12, 119, 25, 20, 84, 91, 78, 26, 4, 14, 76, 86, 89, 47, 1, 66, 2, 65, 72, 101, 99, 90, 94, 9, 73, 98, 125, 37, 126, 121, 114, 105, 35, 67, 115, 127, 61, 111, 5, 60, 120, 69, 54, 113, 71, 92, 7, 3, 57, 108, 106, 29, 58, 51, 93, 30, 62, 24, 34, 107, 43, 49, 44, 27, 88, 55, 96, 36, 32, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 59, 63, 56, 50, 122, 48, 117, 123, 95, 39, 33, 103, 41, 104, 31, 15, 87, 23, 81, 75, 8, 17, 116, 64, 28, 70, 11, 40, 38, 85, 102, 18, 10, 6, 21, 0, 82, 16, 97, 79, 83, 42, 25, 77, 68, 13, 91, 19, 12, 20, 74, 22, 84, 80, 119, 89, 26, 125, 4, 14, 66, 76, 86, 78, 113, 2, 90, 101, 9, 61, 72, 65, 94, 47, 121, 51, 98, 73, 126, 111, 1, 37, 120, 105, 99, 54, 67, 35, 57, 7, 34, 69, 115, 60, 5, 93, 114, 92, 3, 62, 108, 55, 29, 71, 44, 30, 106, 127, 24, 58, 27, 88, 43, 49, 107, 32, 96, 36, 100], [52, 118, 53, 124, 109, 46, 45, 112, 110, 50, 59, 63, 48, 56, 122, 117, 123, 39, 103, 95, 33, 41, 104, 87, 17, 81, 31, 23, 38, 40, 28, 85, 75, 15, 11, 79, 25, 116, 21, 82, 83, 97, 16, 10, 22, 0, 8, 70, 18, 102, 42, 86, 26, 74, 6, 20, 89, 12, 84, 14, 80, 13, 76, 91, 19, 119, 90, 77, 78, 64, 37, 4, 101, 94, 68, 9, 72, 125, 98, 113, 1, 65, 29, 35, 105, 111, 61, 126, 2, 47, 99, 54, 60, 66, 51, 93, 121, 120, 7, 114, 73, 34, 57, 3, 27, 92, 58, 24, 71, 44, 108, 55, 5, 115, 88, 62, 49, 69, 127, 106, 67, 30, 43, 107, 36, 96, 32, 100], [52, 118, 53, 124, 109, 46, 45, 112, 110, 59, 63, 50, 56, 48, 117, 122, 123, 95, 39, 33, 103, 41, 87, 31, 104, 81, 17, 11, 23, 38, 75, 28, 79, 70, 15, 0, 85, 40, 64, 18, 10, 74, 8, 25, 97, 16, 22, 42, 102, 21, 82, 83, 116, 80, 86, 6, 84, 77, 78, 20, 12, 13, 14, 19, 91, 76, 90, 68, 72, 89, 119, 4, 9, 26, 1, 37, 125, 98, 47, 65, 2, 66, 101, 99, 105, 94, 51, 7, 61, 121, 54, 111, 35, 126, 73, 29, 120, 92, 113, 5, 60, 57, 108, 114, 67, 34, 115, 44, 127, 27, 71, 88, 3, 62, 93, 69, 58, 55, 24, 49, 30, 106, 43, 107, 36, 96, 32, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 59, 63, 50, 56, 48, 122, 117, 123, 39, 95, 33, 103, 41, 104, 87, 31, 75, 11, 23, 17, 38, 116, 70, 15, 74, 0, 81, 79, 21, 85, 42, 64, 28, 40, 119, 82, 6, 18, 16, 97, 102, 72, 19, 8, 25, 10, 13, 83, 22, 20, 80, 89, 84, 14, 4, 68, 78, 91, 77, 12, 76, 86, 26, 2, 90, 125, 1, 94, 9, 98, 37, 66, 65, 101, 120, 47, 73, 121, 126, 54, 3, 67, 7, 111, 105, 44, 99, 35, 92, 113, 57, 5, 115, 51, 61, 60, 114, 93, 27, 69, 29, 34, 71, 30, 49, 127, 108, 62, 88, 24, 55, 58, 106, 43, 107, 36, 96, 100, 32], [52, 118, 53, 124, 109, 46, 112, 45, 110, 63, 59, 50, 56, 48, 122, 117, 123, 95, 39, 103, 41, 33, 104, 87, 31, 11, 75, 23, 81, 38, 79, 17, 74, 28, 15, 70, 85, 64, 40, 18, 20, 116, 97, 102, 21, 16, 0, 72, 25, 6, 13, 10, 82, 91, 19, 80, 83, 84, 89, 22, 42, 86, 12, 76, 119, 125, 77, 4, 90, 68, 78, 8, 14, 94, 101, 66, 120, 26, 54, 73, 2, 98, 37, 111, 9, 1, 35, 126, 47, 105, 65, 34, 113, 99, 61, 51, 108, 29, 57, 121, 114, 3, 115, 60, 71, 7, 92, 67, 62, 93, 69, 5, 106, 30, 127, 58, 107, 44, 24, 43, 88, 49, 55, 27, 96, 100, 36, 32], [52, 118, 53, 124, 46, 109, 45, 112, 110, 63, 59, 50, 122, 56, 48, 117, 123, 39, 103, 95, 33, 41, 87, 23, 17, 31, 81, 15, 38, 11, 85, 79, 28, 75, 104, 72, 82, 18, 21, 74, 16, 25, 40, 14, 20, 22, 97, 6, 86, 89, 19, 10, 0, 102, 70, 84, 76, 77, 116, 91, 83, 64, 68, 13, 42, 12, 78, 80, 90, 4, 26, 125, 8, 47, 1, 9, 101, 94, 119, 105, 61, 37, 65, 98, 73, 99, 126, 113, 29, 2, 121, 66, 120, 114, 35, 111, 7, 71, 60, 34, 51, 54, 5, 58, 92, 3, 57, 24, 69, 93, 67, 88, 127, 108, 27, 115, 55, 62, 44, 30, 49, 106, 43, 96, 107, 36, 32, 100], [52, 118, 53, 124, 46, 109, 45, 112, 110, 63, 59, 50, 56, 122, 48, 39, 123, 117, 103, 95, 33, 41, 87, 31, 17, 104, 15, 75, 81, 21, 85, 23, 72, 82, 11, 28, 38, 79, 6, 18, 16, 64, 42, 10, 40, 74, 116, 89, 83, 0, 97, 70, 20, 25, 22, 12, 19, 14, 13, 102, 125, 84, 78, 80, 76, 77, 91, 86, 68, 90, 119, 26, 4, 105, 9, 126, 37, 99, 1, 98, 94, 66, 65, 8, 101, 73, 121, 2, 51, 111, 113, 3, 54, 47, 60, 7, 120, 67, 29, 127, 114, 61, 35, 71, 93, 5, 92, 57, 115, 34, 69, 44, 49, 108, 24, 62, 27, 88, 30, 43, 58, 55, 106, 107, 32, 96, 36, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 63, 59, 50, 56, 122, 48, 117, 123, 39, 95, 103, 33, 41, 31, 104, 17, 87, 75, 38, 23, 15, 0, 72, 6, 81, 79, 21, 11, 85, 116, 82, 10, 40, 97, 16, 28, 64, 89, 18, 70, 83, 19, 42, 20, 74, 102, 25, 13, 76, 14, 84, 80, 119, 22, 77, 90, 78, 68, 91, 26, 12, 4, 65, 37, 86, 101, 66, 98, 1, 8, 111, 9, 105, 73, 125, 94, 114, 2, 120, 3, 99, 35, 47, 67, 126, 121, 29, 60, 113, 51, 54, 61, 62, 34, 69, 93, 7, 30, 57, 92, 5, 71, 44, 115, 108, 88, 127, 24, 49, 27, 43, 58, 55, 106, 107, 96, 32, 36, 100], [52, 118, 53, 124, 46, 109, 45, 112, 110, 63, 59, 50, 56, 48, 122, 117, 123, 39, 95, 33, 103, 41, 17, 31, 87, 81, 23, 75, 11, 116, 104, 38, 15, 79, 28, 72, 21, 85, 74, 10, 0, 6, 40, 64, 70, 20, 18, 97, 16, 83, 19, 77, 82, 102, 90, 78, 84, 68, 25, 89, 13, 91, 76, 22, 4, 80, 42, 119, 125, 86, 12, 26, 14, 94, 65, 8, 37, 1, 98, 9, 101, 73, 66, 54, 105, 99, 120, 113, 47, 2, 121, 111, 61, 35, 71, 29, 3, 126, 7, 58, 62, 5, 69, 60, 92, 34, 51, 115, 114, 57, 93, 67, 106, 108, 24, 43, 127, 88, 44, 49, 27, 55, 30, 96, 36, 32, 107, 100], [52, 118, 53, 124, 46, 109, 112, 45, 110, 63, 59, 56, 50, 122, 117, 48, 39, 123, 95, 33, 103, 41, 31, 87, 104, 11, 81, 79, 23, 75, 17, 38, 18, 15, 85, 6, 72, 21, 28, 97, 40, 102, 10, 83, 0, 74, 64, 119, 82, 16, 116, 91, 25, 70, 77, 89, 76, 22, 80, 4, 19, 84, 42, 13, 68, 20, 12, 121, 26, 86, 78, 90, 14, 8, 47, 99, 105, 125, 94, 65, 66, 73, 120, 9, 37, 98, 114, 61, 1, 2, 101, 35, 34, 60, 126, 113, 54, 111, 29, 51, 5, 3, 69, 57, 24, 71, 108, 115, 92, 62, 7, 106, 30, 67, 93, 127, 58, 49, 43, 44, 88, 27, 55, 107, 96, 32, 36, 100], [52, 118, 53, 124, 46, 109, 112, 45, 110, 63, 59, 50, 56, 48, 122, 117, 123, 39, 95, 103, 33, 31, 41, 104, 87, 17, 38, 79, 75, 81, 85, 23, 15, 64, 116, 28, 11, 21, 0, 70, 18, 102, 83, 97, 89, 72, 40, 19, 82, 42, 26, 10, 80, 74, 91, 16, 6, 25, 77, 14, 84, 13, 20, 78, 4, 8, 22, 76, 119, 12, 68, 90, 1, 86, 37, 65, 66, 98, 47, 125, 73, 105, 94, 101, 9, 99, 60, 113, 3, 2, 126, 54, 111, 115, 57, 114, 61, 121, 35, 92, 7, 24, 69, 29, 120, 5, 67, 62, 51, 34, 49, 27, 108, 127, 93, 43, 71, 30, 58, 44, 106, 107, 88, 55, 32, 96, 100, 36], [52, 118, 53, 124, 109, 46, 112, 45, 110, 63, 59, 50, 56, 122, 48, 123, 117, 39, 95, 103, 33, 41, 87, 104, 31, 81, 11, 38, 23, 15, 17, 21, 28, 40, 85, 79, 0, 116, 75, 70, 74, 10, 16, 83, 97, 18, 22, 19, 64, 89, 82, 8, 84, 25, 77, 80, 6, 20, 42, 86, 119, 12, 91, 26, 72, 76, 13, 102, 4, 90, 78, 68, 37, 14, 66, 94, 65, 98, 1, 73, 125, 105, 101, 2, 47, 9, 35, 121, 111, 61, 120, 29, 113, 99, 114, 3, 54, 126, 51, 92, 60, 69, 34, 7, 24, 93, 30, 71, 58, 115, 27, 67, 57, 106, 5, 127, 62, 49, 108, 44, 43, 88, 107, 55, 96, 32, 100, 36], [52, 118, 53, 124, 109, 46, 45, 112, 110, 59, 63, 50, 48, 56, 122, 117, 123, 39, 95, 33, 103, 41, 31, 87, 104, 11, 81, 23, 17, 79, 38, 85, 75, 74, 40, 15, 116, 64, 28, 97, 18, 70, 8, 83, 25, 22, 21, 102, 42, 91, 80, 16, 6, 82, 90, 119, 68, 76, 13, 77, 89, 10, 19, 12, 86, 84, 26, 20, 78, 72, 14, 4, 0, 98, 37, 101, 9, 111, 65, 66, 105, 94, 54, 126, 125, 120, 99, 47, 2, 1, 73, 61, 113, 35, 121, 51, 115, 127, 29, 60, 71, 34, 57, 55, 93, 114, 69, 3, 7, 62, 92, 5, 67, 108, 106, 24, 30, 27, 88, 58, 49, 44, 107, 43, 96, 100, 36, 32], [52, 118, 53, 124, 109, 46, 45, 112, 110, 59, 63, 50, 56, 122, 48, 117, 123, 39, 103, 95, 33, 41, 104, 81, 87, 31, 17, 11, 23, 116, 15, 38, 75, 70, 85, 21, 18, 40, 79, 28, 82, 74, 83, 22, 84, 8, 77, 119, 42, 16, 19, 25, 20, 97, 80, 0, 6, 89, 10, 26, 76, 64, 12, 91, 102, 14, 78, 90, 86, 68, 47, 13, 4, 72, 65, 1, 125, 101, 37, 94, 113, 126, 73, 98, 54, 111, 9, 35, 2, 61, 114, 66, 71, 29, 60, 57, 120, 127, 121, 105, 93, 99, 34, 108, 51, 3, 92, 7, 24, 62, 69, 67, 55, 30, 106, 115, 88, 5, 44, 58, 27, 49, 43, 107, 96, 32, 100, 36], [52, 118, 53, 124, 46, 109, 45, 112, 110, 63, 50, 59, 56, 48, 123, 117, 122, 39, 95, 103, 33, 41, 87, 31, 81, 23, 104, 75, 15, 85, 11, 79, 17, 38, 28, 8, 40, 70, 74, 116, 82, 21, 97, 25, 22, 64, 18, 83, 42, 10, 89, 16, 119, 0, 102, 19, 20, 6, 14, 91, 13, 77, 80, 84, 76, 12, 90, 78, 26, 4, 68, 101, 86, 37, 111, 125, 1, 9, 98, 61, 66, 120, 72, 73, 105, 47, 65, 2, 94, 60, 57, 35, 113, 121, 51, 99, 126, 58, 92, 54, 7, 29, 106, 34, 115, 93, 62, 127, 67, 108, 114, 24, 5, 3, 49, 69, 27, 43, 55, 44, 30, 88, 71, 107, 96, 32, 36, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 59, 63, 50, 56, 48, 117, 122, 123, 39, 103, 95, 33, 41, 87, 104, 31, 11, 81, 85, 23, 15, 97, 0, 17, 28, 75, 79, 21, 8, 40, 38, 82, 102, 70, 18, 25, 119, 74, 22, 116, 16, 83, 19, 20, 80, 13, 77, 91, 10, 6, 64, 12, 14, 42, 89, 4, 26, 84, 76, 68, 90, 78, 47, 86, 99, 94, 125, 101, 37, 105, 66, 65, 72, 1, 126, 98, 73, 60, 9, 57, 35, 113, 2, 111, 61, 114, 29, 54, 121, 92, 120, 3, 67, 7, 51, 127, 69, 93, 30, 24, 71, 5, 106, 34, 27, 62, 115, 49, 44, 108, 58, 88, 107, 43, 55, 96, 36, 32, 100], [52, 118, 53, 124, 46, 109, 45, 112, 110, 63, 59, 50, 56, 48, 122, 117, 123, 39, 95, 103, 33, 41, 104, 31, 11, 17, 87, 75, 81, 0, 8, 15, 23, 79, 64, 116, 74, 40, 85, 28, 6, 38, 42, 21, 18, 20, 10, 82, 83, 97, 70, 4, 80, 76, 77, 22, 25, 102, 16, 91, 13, 14, 78, 86, 19, 12, 89, 68, 1, 119, 26, 66, 84, 113, 125, 65, 90, 47, 98, 72, 120, 94, 9, 2, 101, 37, 105, 60, 111, 73, 54, 99, 121, 35, 126, 61, 51, 67, 114, 7, 71, 34, 57, 3, 29, 69, 5, 115, 92, 127, 44, 62, 93, 58, 88, 108, 49, 55, 30, 24, 27, 106, 43, 107, 36, 96, 32, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 63, 59, 50, 56, 48, 122, 117, 123, 39, 95, 33, 103, 41, 11, 31, 104, 87, 75, 81, 116, 38, 79, 8, 23, 28, 17, 6, 15, 21, 74, 0, 85, 40, 82, 80, 64, 97, 25, 10, 42, 83, 102, 18, 19, 70, 89, 76, 91, 22, 77, 14, 119, 68, 13, 84, 16, 20, 4, 86, 12, 78, 72, 26, 90, 101, 121, 2, 125, 1, 37, 73, 9, 105, 65, 47, 66, 114, 94, 113, 98, 120, 111, 35, 99, 51, 108, 54, 34, 115, 61, 71, 3, 60, 67, 7, 5, 92, 29, 69, 126, 57, 62, 93, 58, 24, 30, 127, 106, 55, 49, 88, 44, 27, 43, 107, 96, 32, 36, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 59, 63, 50, 122, 48, 56, 117, 123, 39, 95, 33, 103, 41, 104, 31, 15, 87, 11, 75, 23, 17, 81, 6, 79, 38, 0, 28, 8, 85, 10, 18, 64, 22, 21, 82, 40, 97, 116, 16, 83, 13, 74, 25, 102, 77, 80, 70, 19, 86, 42, 76, 4, 91, 68, 78, 20, 12, 84, 90, 14, 89, 72, 26, 47, 66, 60, 1, 119, 125, 101, 73, 94, 37, 105, 2, 65, 98, 9, 126, 35, 113, 114, 61, 111, 120, 99, 121, 69, 7, 51, 62, 3, 54, 57, 29, 71, 108, 67, 5, 34, 115, 58, 93, 92, 106, 127, 30, 49, 24, 27, 44, 107, 88, 43, 55, 96, 32, 36, 100], [52, 118, 53, 124, 109, 46, 45, 112, 110, 63, 50, 59, 56, 122, 48, 117, 123, 103, 39, 95, 33, 41, 87, 31, 38, 81, 17, 23, 104, 85, 75, 11, 15, 6, 28, 0, 18, 79, 40, 42, 97, 89, 21, 10, 82, 25, 64, 70, 80, 102, 86, 74, 22, 8, 14, 20, 19, 26, 90, 68, 76, 77, 83, 116, 78, 72, 16, 12, 4, 13, 91, 37, 101, 119, 65, 84, 9, 1, 125, 66, 98, 111, 113, 126, 105, 73, 94, 61, 35, 47, 120, 2, 54, 99, 121, 69, 67, 51, 7, 29, 34, 114, 115, 60, 71, 62, 57, 93, 49, 58, 92, 27, 5, 44, 3, 127, 108, 24, 30, 106, 88, 55, 43, 107, 96, 36, 32, 100], [52, 118, 53, 124, 109, 46, 45, 112, 110, 59, 63, 50, 56, 48, 122, 123, 117, 39, 95, 103, 41, 33, 104, 31, 81, 87, 23, 11, 75, 15, 17, 85, 40, 79, 38, 6, 10, 42, 82, 74, 97, 25, 72, 0, 28, 20, 89, 64, 21, 102, 70, 116, 77, 18, 16, 19, 91, 80, 119, 76, 14, 125, 101, 83, 8, 13, 78, 26, 68, 22, 12, 84, 86, 47, 4, 90, 37, 111, 98, 54, 105, 126, 9, 66, 2, 121, 1, 94, 61, 65, 73, 120, 114, 99, 60, 35, 115, 29, 71, 113, 57, 62, 51, 108, 58, 67, 3, 93, 5, 7, 34, 92, 24, 69, 44, 106, 127, 88, 30, 27, 49, 43, 96, 55, 107, 32, 36, 100]], "model.layers.5.self_attn.q_proj": [[39, 106, 98, 50, 20, 80, 42, 23, 127, 116, 14, 49, 18, 10, 124, 51, 27, 47, 74, 61, 120, 103, 54, 12, 24, 112, 87, 57, 84, 71, 25, 115, 68, 48, 63, 29, 111, 123, 16, 96, 15, 26, 76, 113, 85, 82, 83, 9, 79, 88, 125, 52, 118, 92, 114, 28, 121, 91, 122, 21, 78, 93, 41, 62, 94, 99, 8, 59, 75, 86, 58, 6, 89, 81, 126, 30, 44, 22, 90, 97, 35, 11, 95, 60, 31, 2, 45, 104, 109, 110, 119, 36, 108, 70, 117, 102, 107, 19, 33, 40, 105, 56, 38, 32, 46, 13, 53, 3, 17, 77, 37, 43, 100, 101, 55, 7, 69, 34, 73, 4, 72, 5, 1, 65, 0, 66, 67, 64], [39, 98, 106, 49, 47, 51, 127, 57, 54, 23, 48, 27, 120, 116, 44, 63, 124, 50, 111, 92, 59, 123, 126, 60, 28, 46, 121, 105, 61, 41, 42, 52, 55, 112, 115, 43, 107, 118, 58, 125, 108, 53, 36, 119, 22, 110, 62, 117, 18, 102, 45, 113, 32, 40, 82, 104, 109, 96, 100, 21, 38, 35, 114, 56, 101, 122, 99, 30, 37, 25, 80, 97, 93, 33, 95, 31, 85, 89, 29, 87, 83, 78, 94, 91, 90, 14, 26, 34, 10, 79, 84, 20, 24, 19, 88, 16, 17, 103, 86, 12, 76, 81, 4, 74, 75, 77, 73, 15, 7, 11, 67, 13, 64, 70, 69, 72, 8, 71, 9, 3, 66, 68, 5, 6, 0, 65, 1, 2], [39, 106, 98, 50, 18, 74, 20, 88, 80, 14, 12, 23, 42, 68, 103, 116, 49, 6, 47, 51, 10, 9, 54, 4, 2, 7, 91, 21, 44, 83, 61, 121, 75, 64, 124, 127, 57, 70, 120, 71, 115, 87, 72, 92, 125, 16, 73, 13, 15, 11, 48, 28, 3, 24, 76, 17, 52, 22, 78, 67, 84, 89, 111, 63, 85, 123, 82, 112, 77, 59, 126, 86, 5, 8, 58, 60, 30, 81, 79, 66, 27, 113, 25, 19, 0, 1, 26, 118, 69, 110, 33, 114, 38, 94, 105, 122, 65, 95, 32, 31, 29, 41, 97, 55, 36, 102, 109, 93, 96, 101, 119, 46, 90, 53, 99, 117, 100, 108, 43, 45, 35, 34, 37, 40, 104, 62, 107, 56], [106, 39, 50, 98, 18, 12, 80, 20, 6, 23, 14, 9, 2, 74, 42, 47, 49, 116, 103, 64, 70, 28, 127, 87, 54, 51, 57, 91, 7, 71, 124, 68, 120, 61, 75, 115, 60, 3, 10, 4, 76, 24, 78, 67, 121, 27, 48, 26, 69, 13, 1, 11, 118, 126, 63, 89, 125, 84, 19, 17, 44, 123, 82, 16, 21, 66, 111, 15, 59, 83, 112, 119, 73, 65, 22, 8, 55, 52, 5, 77, 58, 41, 0, 62, 72, 105, 46, 81, 88, 85, 110, 108, 53, 30, 107, 33, 113, 109, 40, 114, 79, 104, 101, 29, 38, 43, 35, 99, 45, 117, 96, 122, 25, 36, 100, 102, 97, 95, 93, 56, 31, 86, 94, 90, 92, 32, 37, 34], [38, 110, 126, 125, 115, 48, 72, 112, 7, 23, 5, 4, 74, 6, 76, 70, 67, 29, 20, 11, 16, 13, 46, 51, 90, 81, 75, 12, 93, 9, 78, 26, 83, 18, 73, 66, 14, 80, 68, 65, 10, 84, 2, 69, 62, 59, 117, 17, 21, 19, 79, 122, 123, 15, 121, 56, 113, 116, 120, 55, 50, 8, 105, 91, 31, 64, 63, 124, 85, 114, 95, 87, 118, 49, 61, 53, 47, 111, 32, 58, 104, 89, 109, 27, 54, 88, 119, 71, 40, 127, 41, 44, 77, 82, 96, 45, 52, 60, 35, 108, 106, 107, 43, 42, 37, 57, 94, 28, 101, 103, 24, 1, 100, 36, 22, 86, 98, 39, 34, 3, 99, 97, 33, 25, 92, 30, 102, 0], [110, 38, 126, 112, 48, 46, 115, 125, 51, 62, 17, 116, 122, 59, 123, 56, 16, 105, 50, 121, 117, 14, 124, 84, 120, 104, 85, 32, 113, 49, 26, 55, 114, 61, 13, 119, 63, 53, 102, 118, 47, 31, 111, 41, 58, 88, 109, 27, 107, 45, 29, 127, 54, 44, 60, 40, 15, 108, 93, 52, 11, 42, 74, 106, 100, 24, 43, 57, 37, 91, 96, 103, 87, 19, 36, 90, 99, 101, 39, 35, 76, 33, 98, 34, 82, 97, 28, 95, 81, 94, 9, 89, 22, 30, 21, 92, 20, 25, 23, 72, 18, 8, 86, 71, 83, 75, 80, 6, 77, 10, 79, 78, 7, 0, 68, 5, 69, 66, 3, 12, 1, 65, 73, 70, 64, 2, 4, 67], [38, 110, 48, 112, 125, 115, 126, 46, 93, 51, 78, 83, 26, 21, 11, 72, 88, 122, 32, 123, 10, 31, 7, 124, 62, 116, 79, 77, 81, 50, 95, 15, 74, 56, 5, 29, 41, 85, 75, 61, 84, 59, 121, 18, 55, 19, 86, 90, 73, 117, 17, 106, 53, 113, 27, 120, 63, 91, 40, 80, 70, 111, 127, 47, 58, 14, 6, 92, 96, 49, 109, 104, 60, 105, 114, 4, 25, 44, 23, 45, 119, 24, 118, 97, 9, 30, 107, 28, 99, 89, 37, 108, 13, 67, 35, 43, 94, 22, 39, 68, 52, 34, 100, 101, 20, 54, 87, 103, 33, 66, 98, 16, 36, 42, 76, 57, 65, 12, 82, 8, 102, 64, 71, 3, 69, 2, 0, 1], [38, 110, 112, 115, 48, 46, 125, 51, 26, 31, 27, 122, 62, 88, 50, 102, 93, 21, 116, 117, 59, 56, 123, 23, 124, 126, 120, 104, 105, 106, 32, 41, 83, 53, 40, 61, 58, 86, 101, 111, 17, 29, 100, 113, 121, 47, 60, 49, 63, 95, 78, 33, 45, 119, 35, 109, 114, 16, 22, 96, 91, 74, 54, 99, 55, 84, 36, 37, 85, 30, 52, 28, 89, 94, 43, 107, 11, 42, 108, 118, 87, 44, 34, 14, 103, 18, 72, 98, 90, 80, 127, 57, 39, 97, 92, 13, 20, 7, 6, 79, 24, 25, 9, 19, 5, 76, 75, 15, 66, 68, 10, 82, 65, 77, 12, 81, 3, 73, 1, 0, 71, 67, 70, 64, 8, 4, 2, 69], [113, 121, 86, 61, 125, 49, 57, 59, 85, 116, 52, 60, 56, 122, 22, 62, 55, 117, 53, 124, 114, 63, 127, 54, 115, 119, 51, 123, 18, 58, 118, 50, 112, 120, 110, 111, 126, 109, 48, 46, 45, 47, 44, 108, 107, 43, 106, 23, 42, 105, 41, 40, 90, 104, 39, 35, 36, 38, 94, 95, 102, 103, 87, 34, 37, 15, 96, 100, 82, 97, 98, 64, 99, 1, 30, 31, 101, 21, 91, 66, 33, 16, 28, 3, 84, 25, 93, 65, 88, 12, 92, 80, 0, 77, 14, 69, 26, 78, 13, 89, 74, 4, 75, 24, 73, 71, 29, 2, 67, 20, 83, 8, 6, 19, 17, 68, 27, 79, 9, 10, 32, 11, 5, 7, 70, 76, 81, 72], [121, 113, 61, 125, 49, 22, 57, 59, 116, 52, 56, 62, 122, 55, 60, 117, 63, 114, 53, 127, 124, 119, 115, 51, 58, 54, 123, 118, 50, 112, 120, 110, 111, 126, 25, 48, 109, 46, 90, 47, 45, 44, 64, 19, 108, 107, 106, 30, 43, 66, 3, 69, 65, 96, 105, 42, 95, 38, 41, 26, 92, 40, 39, 104, 34, 27, 4, 94, 102, 1, 100, 36, 103, 71, 35, 97, 23, 98, 9, 67, 29, 87, 99, 33, 70, 86, 32, 24, 6, 15, 2, 31, 37, 0, 101, 84, 28, 18, 93, 85, 68, 13, 8, 88, 10, 80, 91, 83, 5, 77, 76, 12, 89, 82, 11, 78, 17, 16, 79, 75, 81, 7, 20, 14, 72, 21, 73, 74], [113, 121, 61, 125, 49, 57, 86, 22, 59, 116, 52, 60, 56, 122, 117, 62, 55, 53, 63, 114, 124, 54, 119, 51, 127, 123, 58, 115, 118, 120, 21, 50, 110, 112, 111, 126, 109, 46, 48, 45, 47, 44, 83, 108, 107, 106, 87, 43, 92, 42, 105, 30, 25, 41, 23, 89, 96, 40, 39, 104, 38, 90, 20, 34, 88, 94, 36, 103, 102, 64, 35, 100, 99, 18, 24, 97, 66, 26, 19, 1, 27, 93, 95, 65, 3, 98, 69, 33, 31, 37, 28, 0, 101, 77, 4, 10, 32, 11, 29, 85, 71, 76, 67, 13, 9, 2, 81, 8, 12, 6, 68, 91, 14, 82, 80, 84, 72, 15, 70, 78, 79, 5, 75, 16, 17, 73, 74, 7], [37, 61, 125, 49, 121, 57, 113, 59, 22, 96, 62, 55, 122, 32, 52, 116, 20, 60, 127, 56, 91, 115, 88, 124, 83, 117, 30, 77, 28, 54, 119, 53, 123, 110, 51, 63, 29, 114, 58, 112, 45, 92, 94, 50, 118, 9, 46, 120, 44, 111, 47, 109, 48, 79, 126, 69, 11, 71, 89, 76, 18, 26, 108, 93, 105, 43, 66, 87, 107, 33, 41, 36, 106, 81, 64, 39, 8, 3, 82, 42, 6, 104, 34, 99, 40, 10, 65, 23, 90, 4, 27, 17, 78, 74, 24, 98, 97, 103, 102, 19, 101, 100, 84, 31, 1, 25, 38, 73, 14, 80, 35, 75, 95, 12, 68, 13, 16, 7, 15, 85, 70, 67, 21, 2, 72, 86, 0, 5], [38, 44, 115, 90, 51, 22, 84, 108, 17, 72, 79, 81, 74, 18, 29, 126, 8, 12, 127, 16, 10, 78, 33, 82, 28, 19, 89, 112, 123, 120, 36, 4, 116, 5, 124, 122, 13, 125, 71, 60, 76, 98, 103, 35, 39, 110, 49, 107, 50, 91, 62, 47, 52, 15, 67, 97, 111, 80, 42, 45, 121, 73, 118, 113, 119, 114, 105, 20, 25, 109, 63, 55, 59, 53, 96, 86, 58, 23, 41, 30, 54, 87, 61, 106, 6, 46, 40, 37, 43, 101, 117, 99, 48, 26, 31, 34, 70, 14, 100, 94, 57, 95, 32, 24, 104, 68, 21, 92, 9, 77, 65, 56, 85, 27, 88, 93, 2, 75, 11, 0, 102, 83, 7, 1, 3, 69, 66, 64], [38, 44, 115, 69, 71, 51, 79, 12, 17, 22, 18, 108, 84, 74, 81, 8, 78, 90, 2, 64, 3, 33, 5, 66, 102, 7, 68, 65, 120, 126, 1, 10, 49, 15, 67, 14, 57, 112, 70, 76, 95, 59, 125, 82, 20, 52, 23, 88, 9, 73, 19, 75, 26, 83, 56, 4, 16, 0, 13, 11, 87, 127, 119, 86, 92, 29, 98, 89, 116, 114, 124, 80, 72, 37, 6, 93, 58, 25, 61, 28, 91, 36, 110, 77, 104, 99, 41, 45, 27, 117, 35, 122, 106, 63, 21, 34, 96, 30, 85, 118, 121, 31, 62, 123, 100, 94, 24, 111, 48, 50, 60, 101, 32, 42, 39, 105, 97, 46, 40, 103, 109, 47, 55, 54, 53, 43, 113, 107], [38, 44, 115, 74, 18, 84, 79, 12, 51, 108, 69, 22, 71, 3, 8, 78, 2, 64, 70, 102, 33, 1, 17, 67, 90, 68, 76, 81, 6, 7, 15, 66, 120, 16, 28, 4, 112, 23, 82, 10, 52, 59, 126, 91, 65, 86, 88, 49, 98, 26, 73, 127, 125, 72, 92, 95, 5, 57, 56, 89, 41, 85, 83, 9, 24, 118, 114, 117, 35, 0, 13, 20, 14, 58, 46, 29, 93, 19, 25, 116, 45, 75, 123, 80, 105, 50, 21, 111, 62, 11, 31, 110, 37, 124, 40, 63, 30, 32, 42, 60, 107, 119, 104, 113, 36, 47, 94, 109, 101, 77, 48, 39, 99, 122, 61, 87, 103, 53, 121, 34, 106, 55, 100, 43, 96, 97, 54, 27], [38, 44, 115, 84, 51, 22, 18, 108, 12, 17, 8, 79, 78, 74, 16, 72, 33, 19, 70, 89, 67, 5, 68, 10, 4, 81, 24, 126, 120, 90, 71, 65, 127, 2, 92, 112, 76, 49, 82, 6, 73, 69, 125, 28, 7, 75, 13, 60, 14, 3, 80, 29, 116, 23, 25, 114, 86, 98, 35, 56, 9, 50, 57, 117, 64, 107, 20, 123, 0, 58, 52, 32, 36, 124, 103, 41, 87, 93, 88, 91, 21, 26, 15, 1, 102, 39, 96, 37, 118, 43, 11, 95, 53, 83, 30, 63, 111, 100, 110, 31, 61, 62, 101, 106, 85, 40, 104, 47, 94, 113, 55, 77, 27, 109, 45, 97, 121, 59, 46, 34, 119, 99, 48, 122, 105, 54, 42, 66], [38, 44, 34, 119, 118, 53, 56, 81, 30, 78, 23, 84, 126, 47, 11, 25, 71, 122, 5, 8, 12, 52, 79, 9, 82, 87, 93, 54, 27, 29, 61, 116, 20, 50, 19, 94, 90, 125, 86, 13, 14, 66, 55, 17, 67, 7, 75, 15, 18, 127, 28, 10, 106, 16, 51, 70, 89, 101, 4, 22, 62, 46, 77, 88, 21, 121, 26, 68, 85, 69, 102, 80, 48, 73, 3, 74, 2, 96, 49, 97, 63, 105, 1, 58, 98, 42, 0, 91, 114, 24, 83, 110, 35, 59, 72, 41, 92, 113, 76, 64, 32, 117, 33, 40, 65, 99, 36, 95, 39, 43, 123, 109, 37, 31, 103, 6, 100, 108, 120, 124, 104, 115, 60, 107, 57, 112, 111, 45], [44, 53, 38, 118, 47, 34, 27, 101, 119, 126, 116, 22, 122, 54, 58, 94, 102, 30, 79, 56, 82, 46, 114, 84, 108, 59, 41, 125, 23, 106, 57, 62, 55, 93, 103, 52, 110, 63, 26, 113, 90, 50, 109, 29, 123, 61, 115, 60, 42, 124, 51, 48, 117, 31, 40, 105, 49, 121, 43, 86, 104, 127, 112, 33, 45, 9, 120, 107, 100, 80, 98, 39, 18, 37, 24, 99, 36, 92, 111, 25, 91, 73, 96, 88, 83, 28, 3, 13, 32, 35, 76, 21, 95, 85, 97, 69, 81, 72, 71, 89, 11, 20, 14, 74, 16, 75, 19, 15, 70, 7, 12, 10, 87, 6, 77, 68, 67, 0, 65, 17, 8, 2, 4, 78, 66, 64, 5, 1], [44, 38, 119, 56, 118, 53, 34, 58, 27, 84, 30, 94, 42, 79, 101, 25, 122, 125, 21, 116, 114, 82, 41, 23, 26, 50, 9, 127, 18, 62, 117, 47, 24, 54, 93, 113, 59, 52, 92, 51, 46, 105, 99, 57, 108, 55, 86, 96, 126, 48, 61, 60, 81, 33, 29, 28, 123, 103, 39, 90, 124, 31, 110, 22, 89, 120, 88, 112, 87, 12, 106, 49, 15, 91, 102, 121, 63, 109, 13, 71, 45, 104, 40, 11, 35, 115, 83, 97, 19, 85, 100, 95, 77, 75, 36, 37, 20, 16, 111, 107, 43, 32, 80, 78, 73, 98, 3, 17, 7, 70, 10, 67, 74, 76, 0, 5, 6, 14, 2, 66, 4, 64, 69, 8, 68, 72, 65, 1], [38, 53, 118, 119, 56, 34, 12, 44, 88, 23, 25, 84, 30, 47, 27, 81, 108, 6, 8, 126, 94, 1, 18, 89, 9, 86, 87, 79, 19, 33, 67, 21, 112, 54, 15, 58, 20, 52, 105, 65, 82, 41, 42, 55, 125, 46, 16, 117, 114, 101, 102, 77, 123, 116, 11, 48, 92, 122, 31, 26, 72, 62, 80, 57, 120, 90, 39, 70, 76, 115, 83, 110, 63, 61, 50, 32, 78, 97, 37, 106, 75, 85, 29, 124, 113, 45, 95, 59, 51, 5, 103, 100, 35, 2, 104, 0, 127, 17, 43, 74, 14, 22, 28, 107, 121, 64, 60, 7, 96, 109, 40, 13, 69, 111, 49, 93, 99, 36, 68, 10, 4, 91, 24, 73, 71, 66, 3, 98], [39, 51, 50, 114, 97, 115, 113, 54, 117, 85, 124, 87, 120, 121, 58, 29, 63, 27, 24, 55, 61, 122, 126, 91, 111, 75, 92, 108, 25, 32, 112, 83, 57, 33, 26, 93, 53, 22, 56, 20, 59, 116, 79, 82, 73, 18, 17, 60, 88, 23, 49, 69, 21, 81, 14, 99, 48, 119, 77, 95, 34, 90, 80, 109, 16, 38, 40, 72, 41, 28, 30, 127, 107, 84, 7, 94, 78, 71, 52, 123, 15, 43, 76, 89, 100, 118, 110, 45, 125, 47, 44, 42, 86, 96, 104, 36, 98, 37, 106, 46, 102, 101, 31, 35, 105, 9, 12, 62, 11, 13, 74, 3, 5, 67, 70, 19, 8, 6, 66, 2, 4, 1, 0, 68, 10, 103, 64, 65], [51, 39, 114, 113, 50, 121, 97, 116, 61, 53, 59, 124, 60, 54, 122, 29, 120, 118, 87, 52, 105, 45, 125, 24, 56, 115, 112, 86, 63, 123, 103, 58, 26, 88, 27, 119, 109, 83, 25, 110, 107, 95, 62, 46, 85, 117, 40, 111, 92, 55, 33, 57, 44, 18, 82, 43, 127, 94, 126, 49, 98, 108, 47, 93, 106, 20, 42, 90, 41, 34, 35, 75, 23, 102, 101, 96, 38, 48, 15, 100, 89, 36, 14, 17, 37, 99, 104, 91, 19, 80, 73, 31, 32, 77, 28, 84, 12, 21, 22, 81, 30, 16, 72, 74, 70, 69, 78, 11, 0, 13, 68, 67, 64, 66, 79, 76, 1, 3, 71, 9, 6, 2, 5, 65, 8, 7, 10, 4], [39, 114, 51, 50, 97, 121, 122, 11, 9, 21, 87, 29, 36, 116, 83, 34, 54, 12, 30, 98, 14, 92, 6, 48, 19, 109, 110, 8, 119, 10, 62, 94, 53, 5, 113, 126, 35, 63, 15, 42, 13, 28, 55, 71, 47, 59, 67, 127, 57, 76, 111, 108, 58, 117, 70, 101, 43, 2, 16, 91, 79, 118, 93, 115, 68, 40, 125, 100, 4, 120, 52, 32, 60, 45, 106, 73, 102, 74, 112, 123, 56, 23, 105, 41, 46, 49, 95, 38, 89, 72, 96, 81, 44, 65, 90, 104, 99, 37, 22, 61, 107, 82, 0, 84, 18, 124, 86, 26, 85, 20, 75, 27, 78, 31, 17, 25, 88, 103, 33, 24, 80, 77, 1, 7, 69, 3, 64, 66], [39, 51, 114, 50, 97, 113, 54, 122, 121, 85, 24, 61, 87, 63, 92, 29, 48, 116, 124, 83, 95, 25, 117, 57, 27, 34, 26, 80, 126, 40, 82, 28, 111, 120, 20, 119, 33, 53, 110, 58, 91, 60, 77, 14, 17, 75, 108, 32, 15, 55, 47, 56, 73, 42, 21, 115, 89, 59, 23, 62, 88, 125, 107, 127, 19, 36, 98, 86, 74, 104, 49, 94, 81, 90, 52, 118, 18, 41, 38, 78, 101, 79, 105, 106, 22, 84, 72, 30, 43, 123, 35, 112, 13, 12, 44, 37, 76, 11, 102, 109, 93, 100, 70, 45, 99, 69, 16, 96, 31, 46, 67, 7, 68, 71, 9, 0, 10, 8, 1, 6, 2, 65, 3, 4, 5, 66, 64, 103], [108, 124, 102, 122, 62, 34, 107, 23, 30, 60, 50, 35, 119, 104, 25, 120, 45, 31, 123, 114, 121, 49, 117, 61, 103, 87, 40, 106, 47, 29, 55, 44, 110, 22, 20, 28, 32, 86, 118, 52, 38, 58, 59, 41, 33, 63, 53, 92, 115, 113, 48, 88, 43, 54, 126, 96, 105, 89, 46, 99, 56, 26, 57, 111, 51, 42, 91, 116, 112, 125, 127, 109, 101, 97, 94, 37, 79, 100, 77, 21, 39, 93, 84, 95, 27, 36, 90, 24, 11, 16, 17, 13, 83, 69, 81, 18, 72, 19, 75, 8, 15, 98, 78, 5, 10, 14, 74, 3, 65, 7, 64, 0, 67, 66, 68, 85, 1, 71, 4, 12, 80, 82, 2, 73, 9, 6, 76, 70], [102, 124, 34, 108, 62, 122, 107, 23, 17, 93, 25, 21, 11, 79, 104, 77, 18, 16, 120, 30, 69, 15, 114, 96, 29, 22, 32, 10, 83, 19, 85, 126, 89, 54, 5, 20, 117, 26, 49, 40, 31, 50, 92, 87, 127, 123, 110, 73, 2, 28, 90, 86, 119, 60, 1, 81, 51, 118, 103, 24, 91, 43, 109, 35, 41, 27, 47, 44, 84, 45, 38, 36, 116, 8, 57, 74, 78, 37, 125, 100, 13, 82, 112, 63, 94, 71, 68, 53, 67, 115, 97, 106, 0, 88, 75, 14, 61, 99, 55, 101, 105, 64, 111, 58, 42, 95, 33, 39, 46, 113, 121, 56, 72, 59, 52, 65, 4, 3, 7, 80, 48, 66, 12, 6, 9, 76, 98, 70], [102, 62, 122, 34, 124, 21, 93, 18, 108, 16, 40, 23, 12, 29, 83, 90, 77, 25, 73, 85, 11, 92, 61, 76, 126, 96, 100, 8, 24, 6, 26, 44, 27, 28, 116, 49, 82, 70, 107, 22, 119, 20, 32, 120, 84, 112, 78, 5, 42, 19, 57, 53, 58, 7, 46, 71, 17, 48, 36, 79, 106, 69, 80, 95, 123, 127, 67, 88, 4, 59, 114, 75, 109, 65, 103, 2, 43, 33, 63, 50, 0, 104, 13, 99, 9, 68, 86, 110, 14, 15, 45, 97, 66, 47, 41, 113, 117, 87, 105, 10, 89, 3, 55, 72, 37, 54, 98, 51, 91, 52, 111, 1, 64, 74, 30, 94, 81, 56, 31, 121, 115, 101, 118, 35, 60, 38, 39, 125], [62, 102, 122, 108, 34, 124, 26, 120, 23, 51, 35, 123, 30, 90, 40, 61, 21, 95, 24, 29, 96, 75, 110, 48, 93, 60, 16, 54, 5, 127, 37, 45, 114, 22, 20, 39, 50, 72, 31, 18, 94, 58, 79, 107, 49, 104, 8, 36, 32, 89, 118, 69, 44, 77, 117, 86, 59, 112, 125, 25, 103, 116, 11, 57, 106, 121, 111, 87, 56, 92, 52, 97, 55, 126, 53, 83, 76, 27, 119, 101, 91, 47, 46, 28, 41, 84, 113, 63, 109, 33, 100, 88, 74, 115, 82, 105, 3, 17, 15, 42, 98, 85, 13, 81, 73, 99, 10, 43, 38, 70, 14, 12, 71, 19, 80, 9, 0, 78, 2, 1, 68, 7, 4, 66, 67, 65, 64, 6], [38, 97, 53, 117, 21, 81, 80, 75, 14, 71, 4, 87, 76, 9, 6, 66, 13, 1, 83, 24, 123, 70, 74, 68, 118, 2, 85, 19, 12, 16, 90, 72, 0, 65, 10, 73, 94, 113, 11, 46, 18, 17, 88, 3, 92, 112, 79, 106, 64, 103, 124, 119, 86, 77, 84, 82, 25, 122, 78, 69, 7, 55, 93, 27, 111, 23, 5, 115, 42, 96, 91, 89, 15, 51, 28, 41, 62, 29, 35, 30, 120, 39, 109, 22, 56, 57, 98, 26, 54, 61, 99, 121, 50, 47, 67, 48, 36, 100, 31, 59, 52, 107, 45, 125, 20, 108, 40, 58, 104, 60, 110, 101, 44, 95, 116, 127, 114, 49, 105, 43, 32, 34, 37, 63, 126, 8, 33, 102], [38, 53, 97, 117, 87, 80, 21, 75, 76, 81, 6, 14, 70, 74, 4, 71, 9, 83, 68, 123, 24, 13, 118, 2, 1, 113, 19, 94, 66, 46, 72, 73, 55, 11, 103, 92, 119, 106, 17, 85, 16, 89, 93, 23, 12, 45, 0, 88, 96, 122, 79, 77, 112, 10, 78, 29, 20, 42, 51, 91, 111, 82, 69, 64, 84, 62, 52, 41, 86, 124, 35, 15, 28, 33, 8, 65, 7, 25, 40, 60, 18, 26, 3, 36, 105, 104, 50, 90, 120, 27, 48, 121, 107, 101, 109, 30, 116, 47, 56, 5, 108, 54, 110, 63, 99, 95, 57, 125, 100, 115, 39, 59, 98, 127, 58, 67, 114, 61, 34, 31, 22, 49, 44, 37, 43, 32, 126, 102], [38, 53, 97, 117, 21, 87, 81, 76, 75, 80, 123, 14, 4, 66, 70, 6, 118, 9, 74, 24, 19, 90, 12, 7, 69, 16, 46, 92, 71, 51, 65, 82, 112, 78, 64, 103, 56, 84, 30, 106, 23, 122, 25, 110, 15, 11, 98, 119, 121, 94, 17, 113, 47, 3, 85, 83, 1, 26, 31, 125, 35, 41, 39, 111, 88, 57, 91, 115, 73, 60, 49, 42, 93, 86, 52, 37, 18, 54, 27, 50, 29, 107, 34, 124, 58, 101, 22, 44, 59, 13, 10, 20, 126, 77, 61, 96, 36, 109, 120, 105, 79, 89, 40, 116, 63, 55, 99, 95, 28, 43, 127, 108, 104, 62, 48, 2, 45, 114, 100, 32, 67, 0, 5, 72, 8, 102, 68, 33], [38, 53, 97, 117, 87, 80, 6, 76, 21, 81, 14, 75, 74, 9, 1, 19, 3, 113, 68, 8, 71, 123, 7, 5, 82, 118, 2, 72, 85, 65, 46, 18, 70, 24, 23, 122, 91, 55, 41, 83, 35, 119, 78, 79, 10, 88, 67, 105, 12, 40, 112, 33, 106, 94, 111, 28, 15, 16, 66, 69, 84, 109, 27, 64, 45, 107, 36, 50, 86, 124, 61, 13, 90, 121, 103, 93, 26, 56, 98, 120, 77, 47, 30, 60, 115, 114, 116, 96, 25, 92, 59, 95, 42, 51, 73, 20, 104, 48, 58, 89, 0, 126, 29, 52, 17, 108, 57, 44, 110, 49, 125, 37, 22, 99, 34, 43, 62, 31, 54, 63, 127, 11, 101, 32, 39, 100, 102, 4]], "model.layers.5.self_attn.k_proj": [[42, 103, 50, 34, 12, 9, 80, 23, 20, 14, 18, 114, 7, 51, 66, 111, 6, 4, 74, 52, 64, 113, 79, 49, 126, 54, 8, 61, 127, 57, 67, 112, 116, 92, 27, 65, 108, 73, 0, 88, 121, 58, 1, 21, 124, 5, 77, 120, 59, 28, 125, 26, 86, 123, 69, 46, 62, 98, 106, 38, 81, 60, 94, 105, 91, 99, 55, 47, 44, 85, 93, 22, 45, 71, 24, 70, 41, 102, 122, 109, 37, 48, 117, 119, 90, 40, 63, 118, 11, 97, 53, 43, 25, 17, 95, 115, 104, 89, 56, 32, 3, 96, 110, 30, 101, 19, 100, 35, 107, 75, 16, 72, 29, 33, 83, 13, 31, 36, 10, 84, 15, 76, 82, 87, 78, 2, 68, 39], [46, 102, 115, 112, 125, 93, 126, 23, 26, 83, 9, 79, 80, 21, 76, 81, 20, 6, 68, 24, 3, 12, 122, 15, 13, 71, 124, 50, 77, 8, 41, 66, 116, 5, 106, 91, 123, 117, 113, 31, 16, 56, 55, 62, 58, 82, 69, 53, 78, 105, 63, 104, 95, 127, 74, 108, 111, 44, 45, 109, 118, 0, 47, 51, 96, 121, 107, 52, 40, 29, 59, 48, 60, 119, 114, 75, 33, 1, 120, 72, 49, 61, 43, 37, 19, 11, 54, 42, 36, 17, 10, 22, 18, 85, 39, 35, 110, 101, 34, 97, 99, 57, 32, 100, 88, 103, 98, 65, 84, 30, 94, 14, 25, 86, 27, 89, 28, 7, 92, 73, 87, 90, 2, 70, 38, 64, 67, 4], [61, 121, 125, 101, 57, 49, 113, 22, 32, 127, 62, 115, 55, 56, 122, 117, 17, 123, 52, 84, 51, 60, 58, 99, 59, 124, 63, 119, 54, 120, 116, 93, 114, 126, 50, 112, 88, 118, 53, 30, 48, 91, 110, 109, 47, 111, 46, 45, 43, 44, 92, 24, 95, 14, 12, 102, 35, 108, 79, 42, 82, 18, 107, 39, 10, 106, 83, 40, 41, 77, 100, 38, 37, 94, 21, 20, 97, 105, 16, 87, 104, 103, 11, 85, 36, 78, 72, 89, 80, 25, 98, 9, 33, 96, 29, 34, 31, 75, 86, 15, 90, 71, 13, 28, 74, 70, 19, 4, 23, 8, 26, 81, 66, 64, 27, 69, 3, 65, 73, 5, 6, 7, 1, 0, 76, 67, 68, 2], [108, 115, 102, 12, 22, 78, 84, 74, 18, 17, 79, 44, 69, 64, 71, 8, 68, 66, 90, 3, 75, 97, 120, 73, 2, 65, 48, 116, 1, 6, 16, 126, 24, 49, 70, 29, 67, 125, 113, 51, 93, 57, 59, 114, 19, 89, 88, 9, 21, 117, 11, 85, 124, 14, 23, 92, 58, 7, 91, 83, 0, 80, 25, 81, 62, 107, 39, 118, 30, 63, 77, 27, 55, 87, 95, 53, 10, 36, 127, 56, 99, 26, 32, 34, 31, 4, 119, 112, 41, 105, 28, 103, 43, 94, 60, 45, 52, 61, 13, 121, 104, 106, 40, 37, 100, 42, 54, 96, 123, 122, 82, 98, 110, 47, 35, 46, 101, 111, 109, 50, 33, 76, 86, 72, 38, 20, 15, 5], [102, 119, 118, 56, 53, 98, 94, 27, 108, 23, 84, 81, 25, 79, 64, 12, 9, 66, 117, 58, 5, 78, 57, 54, 37, 109, 125, 42, 67, 113, 8, 82, 114, 104, 55, 52, 105, 11, 39, 126, 24, 115, 85, 71, 62, 124, 123, 46, 110, 45, 50, 61, 19, 122, 48, 63, 121, 38, 1, 107, 6, 13, 22, 127, 112, 120, 41, 80, 4, 51, 43, 49, 60, 35, 59, 47, 74, 33, 111, 40, 18, 69, 65, 99, 90, 103, 31, 10, 116, 3, 29, 36, 97, 83, 21, 44, 68, 77, 100, 106, 96, 92, 70, 86, 32, 75, 93, 0, 30, 91, 7, 95, 88, 87, 16, 28, 14, 26, 89, 76, 72, 2, 101, 17, 20, 15, 34, 73], [103, 114, 51, 33, 31, 87, 85, 79, 49, 115, 83, 77, 27, 46, 17, 24, 7, 122, 76, 78, 25, 18, 108, 29, 4, 10, 84, 98, 121, 75, 57, 6, 3, 8, 74, 86, 30, 62, 82, 55, 48, 42, 65, 113, 69, 54, 119, 111, 5, 110, 99, 109, 127, 64, 101, 45, 89, 104, 63, 9, 112, 126, 56, 91, 123, 2, 38, 93, 58, 47, 92, 100, 52, 44, 13, 66, 125, 43, 118, 72, 94, 73, 41, 102, 40, 61, 35, 106, 23, 50, 96, 105, 116, 117, 26, 59, 12, 32, 81, 120, 36, 53, 67, 15, 22, 97, 60, 37, 107, 21, 95, 34, 88, 124, 28, 16, 80, 19, 14, 20, 90, 71, 70, 11, 39, 1, 0, 68], [38, 122, 62, 29, 98, 124, 44, 16, 18, 104, 78, 21, 22, 20, 25, 79, 73, 12, 85, 19, 11, 71, 23, 24, 6, 32, 108, 90, 77, 66, 14, 81, 82, 43, 64, 92, 17, 126, 26, 46, 68, 58, 30, 48, 40, 8, 27, 9, 117, 116, 49, 65, 57, 109, 114, 119, 102, 76, 34, 61, 60, 7, 74, 51, 103, 113, 41, 110, 91, 121, 55, 93, 101, 56, 39, 63, 10, 36, 33, 50, 59, 97, 28, 4, 105, 112, 45, 15, 99, 106, 13, 100, 125, 95, 87, 84, 75, 42, 52, 54, 96, 31, 86, 3, 53, 83, 118, 88, 120, 111, 5, 72, 115, 107, 94, 47, 123, 37, 127, 80, 35, 0, 67, 89, 1, 69, 2, 70], [117, 53, 102, 33, 14, 21, 80, 87, 81, 74, 76, 0, 75, 9, 68, 6, 8, 71, 2, 83, 65, 3, 5, 55, 24, 78, 7, 82, 1, 10, 73, 67, 42, 77, 38, 118, 123, 19, 113, 27, 84, 111, 66, 72, 110, 11, 69, 62, 91, 70, 105, 86, 94, 93, 90, 35, 26, 25, 89, 103, 112, 88, 79, 92, 15, 115, 46, 124, 57, 20, 119, 122, 48, 120, 54, 31, 59, 41, 106, 56, 17, 44, 60, 4, 30, 29, 116, 61, 37, 18, 43, 22, 114, 85, 49, 98, 127, 104, 126, 40, 100, 47, 125, 45, 51, 32, 109, 12, 28, 95, 52, 96, 58, 34, 99, 107, 36, 121, 16, 63, 108, 50, 13, 101, 39, 23, 64, 97]], "model.layers.5.self_attn.qk_proj": [[53, 115, 117, 108, 51, 125, 122, 124, 114, 62, 38, 61, 119, 112, 118, 44, 102, 50, 121, 42, 46, 56, 113, 126, 49, 23, 87, 57, 103, 76, 84, 85, 78, 82, 21, 17, 12, 81, 20, 18, 86, 80, 93, 14, 16, 110, 55, 91, 116, 10, 29, 22, 127, 74, 98, 97, 120, 15, 111, 79, 54, 26, 48, 106, 59, 63, 30, 52, 60, 9, 7, 73, 11, 47, 39, 34, 123, 8, 90, 71, 104, 75, 89, 45, 83, 24, 72, 27, 19, 5, 33, 28, 88, 109, 6, 58, 107, 70, 25, 13, 69, 77, 105, 68, 94, 0, 4, 32, 40, 35, 3, 43, 67, 37, 66, 31, 41, 64, 101, 2, 95, 1, 99, 92, 36, 65, 96, 100], [53, 115, 117, 108, 51, 38, 122, 125, 124, 62, 61, 114, 112, 118, 44, 102, 119, 46, 121, 50, 42, 113, 49, 56, 126, 23, 87, 103, 57, 82, 76, 48, 84, 86, 21, 85, 93, 81, 20, 12, 116, 78, 29, 18, 80, 17, 97, 127, 14, 91, 120, 16, 22, 55, 60, 15, 98, 110, 59, 106, 10, 30, 54, 47, 26, 63, 74, 34, 39, 58, 111, 79, 90, 123, 9, 8, 73, 6, 52, 75, 33, 11, 89, 7, 107, 71, 27, 109, 24, 28, 45, 83, 104, 5, 19, 88, 105, 25, 40, 64, 94, 72, 4, 3, 68, 69, 0, 37, 13, 35, 77, 95, 41, 2, 66, 32, 96, 70, 67, 1, 92, 43, 65, 99, 31, 101, 100, 36], [53, 115, 117, 108, 51, 124, 122, 125, 62, 38, 114, 61, 44, 112, 121, 102, 118, 46, 119, 42, 50, 56, 113, 49, 23, 103, 87, 126, 82, 57, 76, 21, 84, 12, 85, 93, 20, 86, 78, 81, 14, 116, 29, 18, 17, 16, 80, 22, 97, 98, 48, 8, 91, 120, 60, 15, 10, 110, 79, 74, 106, 26, 30, 39, 127, 55, 54, 6, 90, 9, 63, 71, 11, 7, 34, 47, 59, 75, 52, 109, 73, 123, 27, 89, 88, 19, 33, 28, 5, 58, 24, 107, 111, 104, 0, 83, 77, 64, 69, 40, 68, 25, 45, 67, 4, 13, 41, 94, 66, 105, 2, 3, 37, 35, 72, 32, 1, 43, 92, 95, 70, 65, 101, 31, 99, 96, 36, 100], [53, 115, 117, 108, 51, 114, 38, 122, 124, 125, 62, 61, 118, 102, 44, 46, 121, 112, 50, 119, 42, 113, 56, 49, 126, 103, 23, 87, 21, 85, 84, 86, 82, 17, 76, 57, 14, 20, 18, 93, 12, 80, 81, 78, 16, 22, 29, 98, 79, 91, 116, 97, 127, 55, 8, 30, 26, 54, 39, 48, 34, 106, 58, 63, 10, 59, 15, 110, 120, 90, 52, 123, 74, 47, 9, 6, 60, 75, 89, 71, 83, 73, 11, 7, 64, 24, 69, 28, 33, 88, 27, 104, 111, 19, 0, 77, 109, 25, 13, 107, 45, 5, 67, 4, 72, 3, 105, 94, 40, 66, 65, 37, 68, 1, 92, 2, 41, 96, 70, 32, 95, 31, 101, 35, 43, 99, 100, 36], [53, 115, 117, 108, 51, 122, 114, 124, 62, 125, 61, 38, 118, 121, 46, 102, 44, 112, 119, 50, 42, 113, 56, 49, 23, 103, 126, 87, 57, 82, 76, 12, 78, 85, 21, 20, 17, 86, 16, 84, 93, 81, 14, 18, 120, 98, 8, 80, 29, 22, 34, 52, 10, 110, 79, 106, 116, 15, 58, 39, 91, 123, 74, 63, 127, 6, 55, 48, 59, 7, 9, 71, 30, 54, 11, 75, 90, 111, 97, 64, 47, 109, 73, 33, 60, 26, 0, 5, 89, 83, 69, 104, 19, 27, 68, 88, 4, 3, 45, 77, 13, 67, 28, 24, 1, 40, 2, 107, 72, 25, 94, 41, 70, 66, 37, 35, 65, 32, 43, 31, 105, 99, 92, 95, 101, 36, 100, 96], [53, 115, 117, 51, 122, 124, 108, 125, 114, 61, 62, 38, 118, 119, 112, 121, 50, 102, 44, 46, 42, 56, 113, 49, 126, 87, 103, 57, 23, 76, 12, 18, 21, 78, 20, 84, 86, 85, 82, 17, 81, 93, 16, 14, 80, 55, 48, 110, 22, 120, 98, 29, 91, 74, 10, 15, 34, 47, 8, 54, 30, 59, 52, 127, 79, 123, 58, 97, 106, 116, 60, 63, 7, 9, 39, 11, 73, 71, 90, 75, 26, 111, 104, 6, 83, 33, 89, 5, 88, 68, 109, 24, 4, 45, 27, 19, 69, 72, 28, 94, 2, 70, 13, 25, 0, 64, 77, 40, 107, 3, 67, 105, 43, 41, 31, 1, 95, 32, 35, 37, 66, 101, 65, 96, 92, 100, 99, 36], [53, 115, 117, 51, 124, 125, 108, 122, 114, 38, 62, 119, 118, 61, 44, 112, 102, 121, 46, 50, 49, 42, 56, 113, 126, 87, 21, 23, 57, 103, 85, 76, 17, 82, 12, 78, 14, 110, 18, 20, 84, 81, 16, 93, 86, 80, 106, 54, 120, 48, 22, 29, 55, 60, 98, 79, 97, 127, 59, 11, 10, 111, 91, 63, 74, 39, 15, 30, 58, 34, 47, 116, 45, 8, 52, 9, 90, 123, 7, 26, 73, 88, 71, 75, 33, 19, 83, 89, 104, 27, 24, 70, 109, 40, 28, 94, 25, 41, 69, 43, 68, 6, 32, 5, 107, 72, 77, 4, 13, 3, 37, 35, 67, 105, 2, 95, 64, 31, 92, 0, 66, 101, 96, 65, 1, 36, 99, 100], [53, 115, 117, 51, 108, 125, 122, 114, 124, 62, 38, 61, 118, 119, 112, 102, 44, 46, 121, 42, 50, 49, 56, 113, 23, 87, 21, 126, 57, 103, 12, 20, 84, 85, 80, 86, 76, 17, 82, 14, 78, 18, 81, 93, 16, 54, 29, 127, 52, 79, 97, 106, 91, 15, 111, 120, 22, 110, 58, 116, 98, 55, 10, 48, 74, 39, 60, 70, 30, 34, 47, 9, 11, 63, 88, 26, 104, 45, 27, 33, 90, 75, 19, 7, 123, 8, 71, 73, 83, 24, 109, 89, 59, 28, 43, 25, 107, 5, 37, 41, 40, 72, 69, 77, 32, 13, 94, 66, 0, 35, 4, 67, 64, 3, 105, 68, 2, 92, 31, 65, 101, 1, 6, 99, 95, 36, 100, 96], [53, 115, 117, 108, 51, 122, 38, 125, 124, 62, 114, 61, 44, 118, 112, 102, 50, 119, 121, 46, 42, 56, 126, 113, 49, 23, 87, 103, 21, 57, 20, 17, 84, 85, 14, 18, 81, 76, 12, 86, 82, 93, 80, 16, 29, 22, 127, 78, 54, 120, 110, 98, 116, 55, 97, 106, 91, 48, 10, 34, 30, 111, 79, 15, 26, 70, 52, 47, 74, 39, 90, 123, 58, 59, 33, 27, 11, 75, 24, 104, 25, 88, 71, 7, 89, 72, 9, 83, 73, 8, 19, 60, 5, 45, 94, 109, 105, 63, 32, 28, 35, 13, 0, 69, 4, 64, 41, 40, 66, 77, 67, 68, 37, 107, 43, 95, 3, 31, 92, 101, 99, 2, 1, 96, 6, 65, 36, 100], [53, 115, 117, 108, 51, 122, 38, 114, 125, 62, 124, 61, 44, 118, 112, 119, 121, 102, 46, 42, 50, 113, 56, 49, 87, 23, 103, 85, 82, 17, 76, 12, 126, 21, 57, 86, 93, 18, 84, 20, 81, 14, 78, 80, 16, 29, 127, 22, 48, 15, 97, 55, 98, 79, 91, 110, 59, 52, 74, 54, 26, 30, 10, 106, 39, 60, 90, 120, 34, 47, 111, 109, 70, 9, 58, 11, 72, 89, 75, 71, 33, 116, 63, 7, 73, 83, 27, 88, 24, 104, 123, 19, 77, 94, 69, 45, 25, 105, 4, 68, 28, 40, 13, 8, 5, 43, 37, 3, 66, 0, 107, 32, 2, 35, 6, 92, 95, 67, 31, 96, 36, 64, 41, 1, 101, 100, 99, 65], [53, 115, 117, 108, 122, 125, 51, 114, 62, 38, 124, 61, 102, 118, 44, 121, 50, 112, 119, 42, 46, 56, 113, 49, 126, 23, 87, 103, 17, 18, 12, 76, 85, 78, 57, 93, 20, 21, 81, 84, 82, 14, 86, 74, 80, 110, 16, 98, 29, 22, 79, 15, 72, 91, 48, 97, 10, 54, 116, 58, 52, 30, 120, 34, 111, 47, 55, 106, 39, 127, 90, 109, 9, 11, 73, 26, 7, 75, 70, 33, 60, 63, 27, 71, 83, 59, 69, 88, 89, 5, 107, 104, 64, 4, 6, 68, 77, 0, 3, 13, 19, 123, 8, 28, 2, 65, 45, 24, 31, 94, 66, 105, 37, 25, 67, 1, 40, 95, 41, 32, 101, 43, 35, 96, 92, 100, 99, 36], [53, 115, 117, 51, 108, 122, 125, 114, 62, 124, 38, 61, 121, 102, 118, 50, 44, 112, 46, 119, 42, 56, 113, 49, 126, 87, 23, 103, 57, 76, 84, 21, 17, 85, 18, 20, 12, 14, 78, 86, 82, 93, 58, 48, 80, 81, 72, 16, 29, 98, 22, 91, 74, 34, 116, 79, 54, 30, 10, 55, 52, 120, 106, 63, 59, 15, 127, 97, 9, 111, 110, 11, 39, 109, 47, 90, 7, 89, 75, 104, 6, 71, 107, 26, 123, 68, 27, 73, 45, 70, 5, 0, 33, 19, 28, 88, 69, 60, 24, 83, 8, 64, 67, 4, 37, 77, 3, 13, 25, 66, 94, 105, 40, 1, 2, 43, 65, 35, 41, 32, 31, 95, 92, 101, 99, 100, 36, 96], [53, 115, 117, 108, 51, 122, 62, 125, 114, 38, 124, 61, 112, 44, 119, 118, 102, 46, 50, 121, 42, 49, 113, 56, 126, 87, 23, 103, 57, 84, 76, 21, 20, 85, 81, 18, 17, 86, 93, 82, 12, 16, 78, 14, 80, 58, 48, 29, 22, 59, 15, 52, 127, 54, 91, 63, 97, 106, 110, 98, 120, 111, 26, 34, 10, 39, 9, 55, 116, 79, 74, 30, 72, 47, 90, 7, 109, 6, 19, 11, 33, 75, 27, 71, 24, 89, 73, 88, 83, 104, 123, 28, 107, 25, 60, 40, 68, 5, 45, 94, 77, 4, 43, 37, 13, 32, 41, 69, 3, 35, 105, 67, 101, 66, 95, 70, 2, 0, 31, 64, 92, 36, 8, 65, 99, 100, 96, 1], [53, 115, 117, 108, 51, 122, 125, 38, 114, 62, 124, 61, 112, 118, 44, 119, 102, 121, 46, 42, 50, 49, 56, 113, 126, 23, 103, 87, 21, 76, 78, 20, 18, 12, 57, 85, 84, 17, 48, 82, 81, 80, 86, 55, 93, 110, 14, 22, 16, 54, 6, 127, 72, 79, 29, 91, 10, 15, 58, 26, 98, 74, 30, 75, 116, 9, 39, 106, 34, 123, 120, 7, 97, 90, 71, 59, 111, 52, 11, 89, 88, 63, 73, 19, 47, 60, 33, 24, 104, 83, 68, 27, 40, 28, 5, 25, 77, 69, 0, 4, 94, 105, 2, 64, 37, 66, 8, 43, 109, 45, 100, 107, 13, 32, 3, 92, 41, 101, 35, 67, 95, 36, 65, 1, 31, 96, 99, 70], [53, 115, 117, 108, 51, 122, 125, 62, 38, 124, 61, 114, 102, 118, 44, 121, 112, 119, 46, 42, 50, 56, 126, 49, 87, 23, 113, 103, 84, 57, 81, 48, 85, 18, 76, 20, 21, 12, 78, 93, 82, 17, 110, 80, 14, 22, 98, 16, 86, 10, 29, 91, 79, 6, 72, 34, 63, 15, 74, 120, 39, 55, 97, 106, 54, 30, 116, 90, 127, 71, 104, 26, 58, 7, 52, 60, 89, 27, 59, 109, 11, 75, 9, 73, 33, 123, 19, 64, 88, 83, 24, 47, 111, 37, 5, 8, 69, 68, 107, 28, 94, 25, 40, 13, 66, 77, 4, 45, 2, 0, 105, 3, 32, 43, 67, 1, 92, 41, 70, 65, 35, 96, 101, 100, 31, 95, 99, 36], [53, 115, 117, 108, 51, 125, 122, 62, 124, 114, 38, 61, 44, 118, 112, 102, 121, 119, 50, 46, 42, 113, 56, 126, 49, 87, 23, 103, 57, 20, 14, 82, 85, 21, 12, 84, 76, 17, 18, 81, 86, 63, 80, 48, 78, 93, 22, 91, 16, 98, 110, 58, 34, 15, 74, 10, 29, 106, 60, 116, 127, 79, 54, 120, 6, 55, 59, 52, 39, 30, 72, 97, 11, 104, 90, 8, 7, 9, 89, 33, 47, 73, 26, 19, 111, 109, 107, 37, 75, 71, 69, 5, 83, 28, 123, 24, 43, 88, 25, 27, 64, 67, 13, 0, 68, 4, 70, 3, 77, 40, 94, 35, 45, 105, 92, 41, 65, 31, 100, 32, 95, 2, 101, 1, 66, 36, 96, 99], [53, 115, 117, 108, 51, 125, 124, 114, 122, 38, 62, 61, 112, 119, 118, 44, 121, 46, 102, 42, 50, 49, 113, 56, 126, 23, 87, 103, 84, 85, 81, 20, 14, 21, 12, 76, 18, 82, 80, 93, 57, 86, 78, 17, 15, 22, 16, 97, 10, 116, 52, 110, 29, 98, 48, 59, 54, 55, 60, 127, 91, 106, 58, 79, 30, 9, 120, 74, 7, 90, 8, 63, 26, 33, 73, 11, 71, 34, 39, 19, 24, 111, 75, 83, 89, 109, 72, 27, 28, 88, 104, 107, 47, 105, 6, 68, 123, 5, 25, 13, 40, 77, 70, 69, 4, 37, 32, 94, 43, 45, 92, 0, 64, 2, 31, 66, 35, 101, 41, 3, 67, 95, 65, 96, 100, 99, 36, 1], [53, 115, 117, 108, 51, 122, 62, 125, 38, 124, 61, 114, 44, 118, 112, 121, 102, 119, 50, 42, 46, 23, 49, 56, 113, 126, 87, 103, 84, 21, 12, 20, 82, 81, 57, 76, 14, 78, 85, 93, 18, 86, 17, 80, 16, 48, 110, 29, 97, 22, 91, 15, 106, 98, 10, 26, 8, 79, 116, 120, 74, 59, 55, 39, 30, 90, 58, 127, 54, 34, 9, 60, 47, 71, 11, 75, 52, 70, 33, 89, 7, 27, 73, 19, 28, 123, 111, 88, 5, 63, 24, 105, 83, 25, 43, 45, 104, 77, 72, 94, 69, 107, 13, 4, 40, 64, 109, 68, 32, 6, 67, 92, 66, 37, 0, 2, 95, 96, 41, 3, 101, 31, 99, 65, 35, 36, 100, 1], [53, 115, 117, 108, 51, 125, 38, 122, 62, 114, 124, 61, 118, 44, 102, 112, 121, 119, 50, 42, 46, 113, 56, 49, 23, 126, 103, 87, 20, 21, 12, 84, 14, 76, 85, 93, 82, 18, 16, 78, 110, 80, 17, 81, 22, 57, 48, 86, 29, 98, 39, 8, 55, 58, 52, 74, 34, 79, 106, 10, 70, 63, 97, 54, 91, 15, 30, 26, 90, 127, 116, 120, 109, 9, 89, 59, 60, 11, 75, 47, 71, 104, 7, 73, 33, 111, 27, 28, 19, 83, 24, 69, 0, 88, 64, 5, 25, 68, 123, 40, 94, 67, 66, 3, 65, 32, 45, 77, 13, 37, 43, 4, 41, 31, 2, 92, 107, 105, 6, 72, 95, 100, 1, 36, 35, 99, 96, 101], [53, 115, 117, 51, 108, 125, 122, 114, 38, 124, 62, 61, 121, 118, 44, 119, 112, 102, 46, 50, 113, 42, 49, 56, 87, 23, 126, 21, 103, 84, 57, 12, 76, 18, 82, 16, 20, 81, 86, 14, 78, 17, 85, 80, 93, 22, 48, 8, 29, 91, 10, 79, 98, 74, 15, 70, 47, 39, 55, 54, 109, 110, 63, 97, 9, 11, 59, 30, 116, 58, 127, 106, 34, 90, 60, 7, 73, 71, 111, 120, 89, 75, 52, 26, 83, 107, 33, 27, 104, 24, 4, 5, 19, 69, 77, 28, 68, 88, 123, 25, 94, 45, 43, 40, 13, 0, 105, 64, 72, 2, 37, 32, 67, 66, 3, 35, 99, 41, 92, 31, 65, 1, 95, 6, 36, 100, 96, 101], [53, 115, 117, 51, 108, 114, 125, 62, 122, 38, 61, 124, 44, 102, 119, 121, 118, 50, 112, 46, 42, 113, 126, 56, 49, 87, 103, 23, 82, 84, 21, 76, 78, 12, 86, 57, 93, 85, 20, 17, 18, 14, 81, 16, 110, 80, 8, 91, 97, 120, 22, 29, 54, 116, 15, 98, 30, 79, 63, 60, 48, 74, 10, 106, 34, 39, 58, 55, 70, 90, 127, 47, 52, 9, 11, 71, 26, 73, 107, 7, 111, 28, 75, 33, 19, 24, 59, 89, 104, 69, 27, 88, 83, 123, 109, 25, 37, 5, 77, 105, 68, 43, 40, 94, 4, 13, 64, 3, 72, 0, 35, 45, 31, 32, 66, 65, 67, 92, 95, 101, 6, 41, 2, 99, 96, 36, 1, 100], [53, 115, 117, 51, 108, 114, 125, 62, 122, 38, 124, 61, 44, 118, 121, 102, 112, 119, 46, 42, 50, 113, 49, 126, 87, 56, 103, 57, 21, 23, 76, 82, 84, 93, 20, 12, 86, 80, 14, 78, 85, 18, 81, 17, 120, 110, 16, 22, 29, 60, 55, 79, 48, 98, 97, 91, 63, 8, 54, 106, 15, 127, 39, 59, 116, 30, 74, 34, 10, 71, 26, 90, 52, 33, 47, 11, 9, 58, 75, 104, 19, 7, 27, 111, 89, 123, 83, 24, 45, 25, 70, 107, 73, 69, 5, 88, 13, 77, 109, 28, 94, 64, 40, 0, 68, 37, 105, 72, 6, 3, 66, 43, 67, 4, 101, 92, 65, 1, 31, 2, 32, 41, 35, 99, 96, 95, 100, 36], [53, 115, 117, 108, 51, 114, 125, 62, 38, 124, 122, 61, 112, 121, 44, 118, 46, 102, 119, 42, 50, 113, 56, 49, 87, 126, 103, 23, 57, 21, 93, 76, 20, 18, 84, 82, 86, 14, 85, 81, 17, 12, 22, 16, 80, 78, 39, 106, 98, 97, 127, 29, 15, 120, 34, 79, 91, 48, 116, 10, 30, 55, 54, 111, 74, 110, 8, 52, 58, 59, 26, 9, 11, 71, 7, 90, 33, 60, 109, 104, 63, 6, 27, 73, 25, 75, 47, 83, 89, 19, 28, 5, 24, 88, 69, 77, 107, 13, 70, 45, 72, 123, 68, 94, 64, 37, 40, 0, 32, 43, 67, 4, 35, 3, 31, 65, 101, 1, 66, 99, 2, 105, 92, 41, 95, 36, 100, 96], [53, 115, 117, 51, 108, 122, 125, 62, 38, 114, 124, 61, 102, 118, 112, 44, 119, 50, 121, 46, 42, 56, 113, 87, 49, 126, 103, 23, 21, 76, 86, 82, 18, 85, 84, 20, 93, 17, 57, 12, 14, 59, 81, 78, 16, 48, 80, 29, 91, 22, 116, 97, 110, 98, 127, 15, 30, 10, 34, 26, 106, 111, 74, 55, 6, 60, 11, 39, 120, 52, 90, 54, 79, 63, 47, 75, 58, 8, 73, 72, 7, 89, 109, 9, 24, 33, 27, 19, 71, 83, 123, 104, 25, 68, 28, 88, 40, 13, 107, 69, 5, 94, 3, 37, 43, 64, 77, 105, 4, 101, 41, 95, 45, 0, 31, 70, 35, 67, 96, 32, 100, 66, 92, 36, 2, 99, 65, 1], [53, 115, 117, 51, 108, 122, 125, 114, 62, 124, 38, 118, 61, 44, 119, 112, 102, 121, 42, 46, 50, 113, 49, 56, 126, 87, 23, 103, 21, 57, 76, 20, 85, 18, 14, 12, 17, 86, 81, 84, 82, 78, 80, 93, 59, 54, 16, 110, 22, 116, 98, 91, 120, 6, 29, 15, 63, 10, 48, 97, 106, 39, 55, 60, 79, 74, 30, 75, 127, 111, 52, 71, 58, 9, 11, 90, 26, 34, 33, 19, 72, 73, 47, 109, 27, 7, 104, 89, 88, 28, 83, 8, 24, 37, 107, 69, 25, 68, 123, 5, 43, 13, 94, 105, 40, 77, 45, 32, 67, 41, 4, 70, 2, 3, 64, 0, 35, 31, 66, 101, 95, 65, 92, 1, 100, 99, 96, 36], [53, 115, 117, 51, 108, 122, 125, 38, 114, 124, 62, 61, 118, 44, 121, 119, 102, 112, 46, 42, 50, 113, 49, 126, 56, 87, 57, 103, 23, 21, 76, 20, 82, 81, 78, 84, 18, 85, 12, 86, 14, 80, 93, 17, 54, 16, 120, 97, 29, 48, 91, 59, 98, 22, 15, 116, 10, 110, 52, 79, 127, 106, 90, 26, 74, 30, 47, 72, 60, 11, 6, 39, 55, 34, 9, 63, 58, 75, 73, 33, 111, 104, 19, 24, 7, 27, 71, 88, 89, 5, 28, 37, 123, 13, 69, 25, 107, 83, 94, 41, 40, 45, 105, 0, 77, 109, 43, 4, 2, 8, 101, 70, 32, 68, 64, 31, 3, 35, 66, 96, 65, 67, 1, 95, 92, 99, 100, 36], [53, 115, 117, 108, 51, 122, 38, 125, 62, 124, 61, 114, 44, 118, 112, 102, 50, 121, 119, 42, 46, 126, 56, 113, 23, 49, 103, 87, 21, 57, 17, 85, 20, 18, 84, 12, 82, 93, 76, 81, 86, 80, 78, 14, 22, 110, 29, 97, 55, 48, 16, 98, 106, 10, 91, 72, 26, 127, 47, 79, 30, 116, 39, 15, 59, 34, 74, 58, 90, 120, 111, 54, 123, 73, 33, 60, 52, 7, 89, 75, 9, 11, 19, 63, 104, 6, 27, 25, 69, 83, 24, 88, 71, 94, 28, 109, 5, 45, 77, 4, 105, 64, 32, 68, 40, 35, 70, 13, 67, 8, 107, 31, 37, 0, 3, 66, 41, 101, 96, 95, 92, 2, 65, 43, 99, 1, 36, 100], [53, 115, 117, 108, 51, 122, 125, 124, 62, 38, 114, 61, 118, 121, 44, 119, 112, 102, 46, 42, 50, 126, 49, 56, 113, 87, 23, 103, 12, 21, 81, 14, 76, 18, 110, 84, 78, 57, 82, 17, 20, 86, 85, 93, 16, 22, 80, 72, 10, 98, 127, 48, 74, 58, 106, 29, 120, 116, 63, 91, 7, 15, 47, 9, 26, 30, 79, 75, 71, 55, 97, 34, 11, 39, 59, 73, 90, 54, 89, 52, 109, 19, 33, 70, 123, 45, 111, 24, 6, 69, 5, 60, 28, 27, 83, 68, 77, 4, 0, 64, 104, 40, 88, 3, 67, 13, 107, 66, 94, 2, 8, 25, 65, 37, 105, 35, 32, 43, 41, 1, 31, 92, 96, 95, 101, 99, 100, 36], [53, 115, 117, 51, 108, 122, 125, 114, 124, 62, 38, 61, 118, 44, 121, 119, 102, 112, 50, 42, 46, 56, 113, 126, 49, 87, 23, 103, 12, 57, 21, 18, 84, 78, 76, 20, 86, 82, 14, 110, 85, 93, 81, 48, 16, 80, 17, 22, 72, 58, 98, 60, 106, 91, 116, 54, 10, 29, 79, 55, 127, 74, 120, 97, 34, 30, 39, 15, 63, 59, 70, 52, 33, 47, 90, 73, 75, 26, 9, 11, 104, 111, 71, 7, 89, 109, 123, 5, 19, 37, 88, 69, 24, 28, 45, 27, 35, 68, 13, 83, 40, 4, 25, 0, 64, 105, 8, 6, 2, 77, 43, 94, 66, 107, 3, 67, 1, 95, 65, 32, 31, 100, 96, 41, 99, 36, 101, 92], [53, 115, 117, 51, 108, 125, 122, 114, 124, 62, 38, 61, 119, 118, 44, 112, 50, 121, 102, 46, 126, 42, 113, 49, 56, 87, 23, 57, 103, 85, 12, 21, 76, 20, 82, 18, 78, 14, 17, 86, 93, 84, 16, 59, 80, 81, 116, 54, 98, 22, 29, 55, 58, 47, 72, 70, 91, 120, 15, 110, 10, 74, 63, 79, 48, 106, 127, 34, 9, 7, 30, 97, 52, 39, 75, 11, 60, 71, 111, 123, 73, 90, 26, 33, 69, 89, 24, 28, 5, 109, 19, 4, 40, 67, 27, 83, 64, 88, 37, 104, 68, 45, 25, 94, 0, 3, 8, 105, 77, 13, 107, 66, 2, 43, 1, 32, 65, 35, 41, 6, 31, 100, 95, 101, 96, 92, 99, 36], [53, 115, 117, 108, 51, 125, 122, 124, 38, 62, 114, 119, 61, 44, 118, 112, 121, 46, 102, 50, 42, 49, 113, 126, 56, 87, 103, 23, 21, 57, 84, 85, 12, 18, 82, 76, 20, 93, 81, 78, 17, 14, 59, 86, 80, 22, 16, 98, 116, 106, 74, 79, 47, 54, 55, 127, 29, 110, 48, 120, 39, 15, 70, 63, 72, 60, 30, 26, 97, 11, 91, 10, 73, 9, 7, 34, 75, 52, 58, 19, 111, 71, 90, 33, 45, 69, 4, 109, 68, 123, 104, 27, 89, 28, 83, 24, 37, 8, 40, 13, 88, 25, 5, 66, 0, 107, 105, 67, 3, 64, 94, 77, 6, 2, 43, 41, 32, 31, 1, 35, 65, 95, 92, 101, 96, 36, 100, 99], [53, 115, 117, 108, 51, 122, 125, 124, 38, 114, 62, 61, 119, 44, 118, 50, 112, 121, 102, 46, 42, 49, 113, 56, 126, 87, 23, 103, 21, 76, 57, 54, 14, 85, 20, 81, 78, 18, 84, 82, 127, 86, 93, 12, 17, 80, 55, 60, 59, 16, 22, 34, 63, 116, 74, 110, 29, 10, 26, 120, 48, 91, 98, 70, 97, 79, 30, 15, 123, 73, 47, 11, 111, 39, 9, 75, 33, 52, 72, 106, 109, 7, 71, 24, 19, 89, 90, 88, 8, 105, 5, 104, 58, 27, 43, 69, 83, 28, 45, 37, 4, 25, 68, 77, 64, 6, 94, 40, 107, 13, 0, 32, 3, 66, 41, 101, 1, 92, 67, 2, 95, 31, 96, 100, 35, 65, 36, 99]], "model.layers.6.self_attn.q_proj": [[108, 55, 36, 96, 91, 23, 44, 84, 77, 81, 15, 86, 10, 16, 7, 114, 57, 75, 78, 32, 30, 28, 111, 89, 6, 25, 87, 29, 66, 70, 11, 69, 68, 22, 101, 13, 74, 72, 85, 19, 95, 17, 92, 26, 90, 51, 88, 79, 121, 14, 40, 18, 3, 9, 20, 61, 27, 76, 126, 4, 1, 54, 123, 80, 71, 107, 97, 103, 12, 64, 94, 118, 99, 102, 83, 33, 21, 39, 93, 73, 49, 58, 60, 24, 82, 125, 41, 31, 34, 98, 112, 35, 110, 48, 37, 104, 56, 5, 115, 109, 53, 38, 120, 50, 124, 2, 106, 59, 113, 47, 105, 127, 8, 46, 52, 122, 63, 42, 65, 43, 119, 116, 117, 62, 45, 67, 100, 0], [108, 55, 36, 23, 44, 84, 15, 75, 91, 81, 77, 10, 8, 96, 29, 114, 3, 72, 70, 74, 6, 64, 111, 11, 67, 86, 69, 30, 57, 2, 79, 89, 83, 27, 4, 26, 25, 65, 94, 28, 73, 18, 103, 0, 14, 5, 82, 17, 9, 87, 13, 31, 68, 85, 12, 93, 21, 1, 88, 20, 16, 80, 112, 78, 51, 7, 22, 95, 39, 32, 24, 19, 66, 97, 76, 90, 71, 33, 118, 121, 56, 123, 35, 92, 54, 98, 34, 107, 102, 48, 40, 52, 127, 41, 99, 37, 61, 59, 119, 120, 110, 49, 115, 125, 101, 104, 122, 60, 58, 100, 38, 126, 46, 109, 47, 43, 105, 124, 63, 53, 62, 106, 45, 113, 116, 42, 50, 117], [55, 108, 112, 39, 127, 36, 111, 61, 44, 54, 51, 124, 113, 118, 60, 121, 50, 59, 122, 63, 56, 58, 119, 115, 101, 116, 123, 120, 97, 62, 53, 42, 92, 26, 117, 19, 47, 43, 48, 40, 49, 94, 98, 52, 32, 90, 46, 109, 106, 110, 105, 96, 83, 45, 114, 104, 107, 41, 38, 35, 95, 88, 125, 102, 99, 33, 86, 30, 34, 23, 37, 103, 126, 29, 91, 100, 57, 78, 25, 89, 16, 93, 27, 28, 24, 31, 73, 21, 85, 81, 22, 18, 7, 14, 82, 15, 84, 75, 87, 65, 2, 77, 9, 12, 66, 11, 17, 10, 6, 4, 68, 67, 80, 76, 0, 64, 71, 5, 70, 8, 72, 79, 13, 1, 20, 69, 74, 3], [108, 55, 39, 44, 36, 94, 103, 126, 111, 90, 102, 114, 96, 57, 34, 121, 127, 29, 32, 83, 51, 54, 123, 91, 86, 60, 58, 63, 0, 19, 61, 59, 2, 110, 115, 49, 23, 125, 112, 52, 113, 98, 104, 56, 50, 38, 37, 107, 31, 42, 124, 47, 101, 106, 40, 78, 82, 117, 97, 45, 120, 109, 16, 89, 122, 92, 105, 119, 116, 33, 48, 53, 15, 10, 77, 118, 62, 46, 35, 84, 28, 43, 81, 70, 7, 41, 67, 88, 4, 68, 99, 65, 26, 95, 93, 100, 30, 5, 71, 64, 85, 25, 76, 21, 11, 75, 24, 72, 8, 12, 18, 66, 9, 73, 27, 80, 1, 22, 14, 6, 87, 69, 17, 79, 13, 3, 74, 20], [42, 102, 46, 32, 103, 89, 56, 20, 106, 76, 22, 17, 14, 19, 71, 127, 10, 110, 28, 93, 8, 120, 26, 51, 80, 60, 116, 29, 66, 50, 11, 27, 96, 38, 82, 25, 47, 123, 69, 36, 109, 63, 3, 59, 34, 118, 13, 113, 105, 79, 6, 88, 54, 33, 21, 41, 67, 52, 83, 30, 75, 81, 119, 15, 35, 77, 12, 7, 91, 86, 2, 114, 58, 112, 78, 61, 94, 84, 90, 5, 23, 16, 125, 85, 98, 101, 18, 62, 87, 70, 95, 97, 92, 74, 122, 49, 111, 4, 126, 24, 31, 9, 64, 99, 73, 72, 55, 43, 115, 57, 107, 108, 121, 44, 45, 37, 40, 124, 68, 0, 117, 53, 100, 104, 48, 39, 65, 1], [42, 41, 46, 103, 23, 32, 106, 102, 80, 92, 56, 8, 20, 26, 24, 89, 123, 29, 17, 110, 105, 96, 127, 19, 22, 116, 120, 25, 93, 28, 51, 52, 14, 109, 121, 60, 76, 27, 83, 54, 10, 69, 107, 47, 44, 49, 119, 86, 100, 61, 111, 35, 34, 58, 97, 5, 85, 91, 112, 122, 50, 63, 18, 104, 31, 39, 43, 59, 4, 9, 95, 66, 65, 117, 115, 15, 72, 124, 90, 68, 3, 126, 11, 62, 118, 48, 55, 101, 30, 98, 33, 21, 73, 108, 87, 114, 57, 53, 36, 45, 38, 94, 125, 99, 79, 37, 2, 40, 1, 77, 113, 82, 88, 71, 16, 78, 75, 81, 0, 70, 84, 6, 64, 13, 67, 12, 74, 7], [102, 46, 42, 56, 51, 116, 127, 110, 26, 123, 41, 47, 60, 50, 32, 59, 122, 120, 103, 63, 22, 111, 61, 90, 52, 19, 109, 33, 112, 27, 121, 115, 55, 49, 96, 34, 54, 118, 93, 119, 117, 43, 113, 53, 89, 57, 62, 48, 124, 16, 58, 39, 107, 126, 125, 114, 44, 29, 105, 31, 108, 101, 97, 45, 85, 79, 104, 36, 35, 98, 99, 38, 40, 24, 11, 25, 100, 37, 95, 94, 92, 106, 87, 28, 88, 20, 23, 91, 30, 83, 13, 80, 72, 86, 18, 15, 84, 17, 21, 14, 75, 73, 12, 8, 82, 69, 77, 9, 66, 5, 76, 78, 2, 81, 6, 70, 4, 74, 1, 68, 71, 10, 7, 65, 3, 0, 64, 67], [42, 46, 102, 32, 20, 17, 89, 76, 103, 22, 106, 10, 14, 71, 96, 29, 110, 69, 127, 56, 26, 51, 25, 66, 38, 11, 120, 93, 19, 5, 60, 24, 116, 79, 41, 61, 63, 119, 81, 78, 6, 109, 8, 118, 87, 82, 12, 58, 13, 75, 83, 2, 80, 23, 3, 86, 55, 15, 52, 30, 97, 54, 27, 113, 88, 59, 21, 16, 47, 28, 84, 77, 68, 85, 91, 90, 122, 35, 125, 0, 18, 72, 105, 111, 115, 50, 95, 74, 101, 70, 114, 7, 65, 112, 92, 73, 126, 99, 94, 67, 36, 43, 34, 49, 33, 98, 31, 107, 4, 37, 64, 1, 9, 121, 48, 100, 45, 123, 108, 104, 62, 44, 40, 117, 124, 39, 53, 57], [109, 103, 34, 45, 4, 20, 74, 71, 1, 18, 9, 14, 12, 0, 80, 88, 3, 66, 112, 70, 68, 79, 72, 39, 75, 67, 85, 10, 21, 7, 19, 5, 69, 13, 124, 77, 6, 16, 65, 23, 84, 11, 64, 76, 60, 8, 24, 73, 15, 2, 98, 87, 51, 22, 48, 82, 78, 83, 52, 81, 25, 86, 17, 108, 59, 57, 27, 63, 49, 55, 113, 89, 91, 121, 126, 123, 96, 110, 120, 92, 61, 114, 111, 30, 62, 90, 94, 119, 97, 28, 127, 54, 29, 41, 115, 95, 125, 93, 116, 44, 31, 58, 33, 38, 42, 26, 105, 106, 46, 107, 32, 40, 99, 122, 36, 35, 43, 56, 104, 50, 101, 100, 102, 117, 37, 118, 47, 53], [103, 109, 34, 113, 45, 88, 84, 24, 16, 76, 92, 11, 124, 8, 15, 82, 83, 73, 10, 60, 22, 127, 112, 7, 78, 18, 119, 63, 48, 57, 51, 52, 49, 62, 19, 123, 91, 114, 89, 56, 6, 115, 108, 53, 90, 120, 104, 94, 28, 9, 95, 110, 86, 26, 29, 111, 93, 97, 35, 126, 59, 122, 30, 54, 121, 117, 27, 50, 58, 96, 125, 118, 100, 31, 61, 101, 116, 32, 55, 20, 105, 33, 44, 46, 43, 42, 37, 38, 40, 99, 36, 41, 106, 25, 12, 107, 102, 47, 87, 77, 21, 13, 23, 69, 79, 75, 81, 17, 74, 72, 14, 85, 68, 98, 80, 71, 70, 66, 4, 5, 39, 67, 2, 65, 3, 1, 0, 64], [109, 103, 34, 45, 20, 74, 22, 18, 19, 4, 12, 14, 39, 67, 71, 79, 10, 72, 80, 68, 73, 1, 5, 3, 9, 13, 112, 88, 7, 66, 2, 77, 75, 0, 23, 85, 64, 70, 76, 21, 16, 15, 27, 69, 60, 92, 82, 8, 78, 65, 84, 11, 83, 81, 48, 6, 120, 123, 24, 124, 52, 63, 58, 91, 113, 51, 86, 55, 87, 17, 114, 41, 57, 25, 98, 89, 119, 90, 31, 49, 59, 126, 97, 127, 108, 94, 42, 29, 62, 28, 30, 56, 115, 96, 36, 61, 53, 105, 33, 106, 95, 32, 40, 46, 125, 93, 111, 122, 110, 47, 99, 118, 26, 107, 121, 102, 38, 100, 35, 104, 101, 54, 37, 50, 117, 44, 43, 116], [109, 103, 34, 45, 22, 80, 14, 20, 4, 18, 24, 74, 70, 75, 88, 19, 72, 112, 13, 12, 124, 89, 68, 10, 9, 60, 71, 63, 51, 73, 15, 66, 39, 76, 2, 8, 48, 52, 82, 78, 113, 77, 16, 83, 84, 49, 87, 6, 62, 127, 23, 57, 81, 11, 121, 5, 59, 79, 1, 17, 91, 0, 64, 25, 85, 92, 86, 94, 106, 7, 97, 21, 123, 27, 31, 90, 38, 28, 61, 110, 67, 69, 119, 36, 104, 126, 114, 99, 96, 3, 101, 111, 108, 95, 32, 41, 116, 40, 102, 55, 26, 120, 118, 98, 56, 50, 54, 100, 53, 30, 58, 35, 47, 93, 29, 115, 33, 125, 44, 107, 37, 117, 43, 46, 122, 65, 105, 42], [38, 124, 49, 30, 56, 86, 113, 15, 82, 84, 81, 26, 76, 77, 8, 5, 74, 71, 66, 122, 94, 67, 24, 11, 25, 1, 60, 22, 102, 72, 32, 12, 39, 97, 2, 120, 75, 21, 9, 17, 64, 10, 79, 14, 16, 89, 78, 91, 20, 6, 23, 80, 83, 87, 29, 4, 51, 73, 13, 68, 90, 27, 70, 112, 69, 33, 92, 93, 59, 85, 18, 96, 99, 117, 125, 31, 7, 114, 0, 19, 3, 107, 28, 105, 88, 118, 111, 110, 109, 44, 63, 104, 50, 108, 123, 95, 106, 52, 55, 36, 126, 101, 34, 65, 58, 116, 119, 47, 103, 62, 40, 45, 100, 42, 37, 121, 57, 54, 61, 48, 35, 41, 127, 115, 98, 43, 46, 53], [38, 49, 56, 124, 113, 30, 7, 84, 86, 82, 3, 81, 77, 15, 10, 13, 65, 89, 5, 76, 1, 67, 69, 8, 2, 64, 68, 94, 74, 73, 26, 72, 91, 122, 120, 66, 0, 27, 22, 97, 20, 79, 6, 18, 12, 9, 11, 14, 25, 87, 17, 23, 32, 24, 29, 51, 90, 75, 80, 60, 16, 99, 92, 78, 102, 83, 71, 59, 4, 88, 19, 39, 70, 33, 21, 31, 28, 103, 43, 114, 45, 125, 85, 112, 98, 93, 46, 111, 107, 118, 40, 95, 58, 37, 101, 126, 109, 104, 108, 44, 55, 105, 63, 41, 57, 61, 127, 96, 42, 115, 53, 116, 35, 54, 48, 100, 36, 47, 121, 62, 50, 117, 106, 119, 110, 34, 52, 123], [38, 49, 56, 124, 30, 86, 94, 89, 113, 81, 84, 91, 102, 122, 39, 15, 25, 82, 18, 51, 22, 26, 23, 76, 59, 97, 32, 120, 17, 33, 87, 105, 125, 29, 114, 99, 126, 72, 60, 103, 90, 62, 24, 31, 116, 77, 58, 20, 109, 118, 110, 52, 79, 45, 127, 112, 121, 63, 41, 117, 104, 96, 13, 55, 57, 50, 43, 44, 119, 111, 12, 115, 42, 48, 93, 95, 54, 101, 78, 40, 123, 75, 108, 37, 27, 53, 47, 46, 35, 100, 92, 61, 106, 36, 34, 107, 83, 28, 98, 21, 10, 19, 88, 9, 85, 80, 69, 14, 16, 73, 8, 7, 74, 11, 6, 68, 70, 3, 5, 71, 66, 4, 2, 65, 67, 1, 64, 0], [38, 49, 30, 124, 56, 113, 84, 86, 15, 77, 82, 74, 81, 5, 73, 76, 89, 8, 67, 71, 1, 20, 22, 72, 10, 122, 78, 66, 14, 64, 17, 9, 75, 79, 26, 94, 120, 16, 87, 11, 2, 7, 12, 6, 65, 99, 13, 91, 80, 69, 25, 27, 4, 3, 24, 39, 90, 97, 18, 32, 70, 93, 51, 85, 23, 92, 68, 29, 19, 21, 118, 31, 83, 60, 28, 88, 0, 114, 107, 33, 45, 46, 42, 43, 95, 103, 44, 117, 98, 125, 101, 100, 109, 63, 104, 62, 126, 54, 58, 111, 112, 40, 115, 57, 37, 59, 116, 50, 96, 55, 61, 52, 53, 34, 105, 41, 48, 35, 36, 119, 106, 121, 47, 110, 127, 123, 108, 102], [40, 98, 116, 32, 20, 78, 9, 81, 11, 89, 86, 7, 68, 69, 16, 47, 104, 4, 3, 53, 2, 49, 73, 51, 13, 117, 111, 126, 58, 121, 64, 8, 46, 56, 0, 67, 60, 94, 52, 88, 10, 127, 34, 42, 90, 71, 62, 72, 80, 74, 84, 113, 92, 50, 45, 79, 70, 63, 77, 75, 5, 27, 120, 6, 57, 44, 65, 1, 87, 14, 19, 106, 54, 17, 41, 101, 24, 125, 100, 21, 114, 99, 29, 122, 85, 105, 108, 33, 66, 15, 43, 124, 28, 119, 23, 115, 30, 12, 91, 18, 110, 25, 38, 39, 26, 22, 107, 118, 96, 61, 59, 103, 36, 83, 35, 97, 112, 123, 48, 37, 109, 102, 93, 95, 82, 31, 55, 76], [40, 98, 116, 32, 86, 20, 94, 88, 89, 28, 81, 62, 50, 121, 58, 78, 117, 52, 11, 47, 115, 45, 21, 104, 46, 126, 53, 111, 49, 87, 13, 30, 101, 41, 51, 96, 42, 16, 22, 92, 119, 90, 12, 122, 113, 24, 31, 91, 63, 26, 18, 29, 44, 37, 23, 109, 83, 93, 95, 107, 85, 38, 36, 125, 120, 110, 99, 103, 76, 79, 43, 114, 105, 102, 108, 8, 59, 25, 84, 124, 19, 9, 15, 7, 112, 54, 48, 60, 123, 82, 100, 127, 56, 27, 97, 106, 118, 35, 55, 80, 61, 57, 33, 17, 39, 14, 74, 34, 77, 75, 69, 10, 72, 2, 71, 3, 6, 68, 70, 73, 5, 67, 0, 66, 64, 4, 65, 1], [40, 98, 32, 86, 104, 116, 81, 20, 13, 47, 2, 66, 7, 8, 78, 49, 58, 51, 11, 9, 121, 60, 94, 5, 111, 45, 53, 52, 62, 68, 73, 46, 4, 16, 122, 92, 126, 70, 88, 89, 50, 0, 69, 56, 115, 34, 113, 10, 87, 64, 117, 125, 79, 3, 103, 82, 18, 28, 119, 77, 127, 63, 37, 57, 1, 108, 100, 27, 72, 25, 43, 114, 106, 44, 75, 120, 71, 22, 84, 65, 17, 30, 23, 42, 93, 14, 41, 19, 59, 54, 35, 48, 21, 31, 101, 76, 110, 12, 118, 29, 99, 90, 112, 80, 6, 85, 109, 15, 61, 124, 83, 36, 26, 91, 102, 55, 107, 24, 97, 39, 123, 95, 33, 38, 105, 74, 67, 96], [40, 98, 116, 86, 81, 32, 89, 78, 20, 88, 11, 7, 104, 47, 117, 111, 13, 49, 16, 28, 53, 74, 10, 51, 9, 121, 94, 58, 52, 126, 62, 46, 21, 45, 75, 60, 69, 25, 92, 96, 17, 8, 115, 79, 30, 50, 63, 77, 113, 90, 73, 71, 80, 56, 14, 67, 127, 95, 38, 2, 23, 42, 120, 122, 87, 72, 84, 99, 18, 44, 41, 29, 101, 105, 114, 125, 3, 22, 61, 19, 83, 91, 100, 6, 5, 54, 43, 97, 24, 27, 37, 119, 112, 108, 118, 15, 68, 85, 70, 102, 57, 107, 59, 34, 124, 55, 33, 12, 48, 110, 76, 66, 106, 26, 123, 103, 109, 31, 39, 93, 35, 65, 36, 82, 0, 1, 4, 64], [119, 38, 118, 42, 33, 25, 84, 31, 88, 52, 94, 103, 114, 99, 57, 55, 102, 28, 83, 78, 96, 54, 50, 62, 22, 106, 60, 45, 87, 93, 112, 29, 23, 53, 97, 27, 71, 61, 34, 74, 32, 85, 109, 111, 17, 24, 120, 46, 122, 110, 41, 80, 104, 21, 40, 18, 116, 125, 35, 121, 39, 105, 10, 123, 79, 56, 36, 92, 98, 47, 113, 107, 89, 127, 115, 126, 26, 20, 101, 16, 30, 43, 12, 49, 48, 81, 58, 91, 117, 37, 14, 13, 90, 63, 82, 100, 73, 11, 4, 7, 75, 44, 59, 51, 68, 124, 15, 108, 77, 95, 19, 72, 86, 1, 76, 8, 5, 6, 3, 0, 70, 69, 9, 65, 2, 67, 66, 64], [119, 118, 38, 33, 103, 42, 25, 94, 90, 54, 88, 109, 84, 31, 112, 120, 52, 102, 62, 111, 22, 45, 93, 53, 50, 57, 55, 83, 125, 47, 114, 87, 110, 106, 122, 74, 35, 18, 60, 101, 48, 58, 116, 85, 127, 61, 23, 78, 28, 59, 91, 100, 124, 121, 46, 63, 99, 49, 79, 126, 56, 123, 51, 113, 108, 30, 115, 105, 107, 117, 29, 43, 98, 26, 41, 39, 96, 0, 44, 24, 71, 34, 97, 40, 104, 27, 72, 89, 8, 11, 21, 75, 16, 68, 82, 12, 5, 37, 13, 69, 36, 64, 1, 4, 32, 95, 80, 67, 7, 2, 92, 65, 17, 14, 66, 73, 9, 3, 15, 70, 77, 10, 20, 81, 76, 6, 86, 19], [118, 38, 119, 42, 33, 25, 31, 109, 83, 55, 22, 94, 114, 84, 78, 90, 88, 106, 99, 52, 53, 54, 12, 74, 103, 120, 48, 111, 121, 102, 125, 17, 110, 50, 93, 62, 87, 107, 127, 34, 112, 60, 43, 97, 89, 115, 113, 122, 61, 57, 105, 58, 47, 91, 116, 73, 104, 35, 63, 46, 123, 30, 96, 28, 29, 72, 41, 59, 124, 126, 23, 44, 70, 37, 56, 117, 49, 101, 100, 27, 40, 85, 51, 79, 71, 95, 7, 45, 108, 80, 92, 68, 19, 39, 98, 81, 86, 26, 24, 75, 10, 36, 32, 67, 15, 76, 16, 21, 2, 18, 14, 11, 77, 82, 3, 66, 8, 1, 6, 20, 13, 0, 69, 4, 64, 5, 65, 9], [38, 118, 119, 33, 25, 83, 31, 79, 84, 89, 94, 12, 81, 78, 90, 88, 28, 85, 73, 22, 29, 54, 42, 24, 19, 112, 45, 26, 87, 93, 70, 17, 6, 102, 97, 48, 9, 55, 27, 116, 106, 35, 59, 127, 121, 114, 74, 110, 32, 125, 2, 103, 82, 20, 124, 52, 98, 96, 34, 21, 71, 50, 15, 80, 67, 18, 40, 16, 95, 109, 92, 0, 75, 91, 76, 62, 117, 72, 8, 39, 120, 69, 77, 65, 43, 30, 108, 36, 100, 99, 5, 58, 115, 57, 101, 14, 13, 23, 51, 60, 3, 61, 64, 107, 37, 86, 113, 104, 4, 66, 11, 126, 68, 41, 47, 122, 46, 111, 53, 1, 10, 123, 105, 49, 63, 7, 56, 44], [39, 57, 58, 52, 56, 116, 117, 55, 118, 51, 37, 59, 120, 86, 97, 31, 50, 126, 28, 98, 110, 99, 53, 54, 63, 112, 40, 122, 41, 20, 29, 47, 43, 92, 111, 109, 127, 124, 38, 125, 114, 95, 115, 108, 49, 123, 119, 105, 88, 89, 19, 61, 106, 62, 30, 60, 107, 113, 45, 34, 44, 104, 100, 121, 48, 36, 42, 46, 102, 33, 25, 32, 23, 6, 81, 101, 35, 80, 93, 10, 91, 24, 73, 96, 18, 87, 15, 78, 69, 27, 13, 14, 94, 22, 26, 90, 74, 66, 84, 67, 76, 71, 16, 12, 7, 68, 103, 64, 8, 21, 1, 2, 17, 72, 75, 5, 85, 83, 82, 11, 77, 0, 9, 3, 65, 79, 4, 70], [56, 39, 58, 52, 19, 59, 120, 34, 28, 90, 26, 31, 95, 96, 55, 37, 79, 53, 12, 21, 97, 88, 98, 86, 50, 116, 127, 118, 57, 24, 92, 8, 99, 25, 122, 49, 123, 111, 89, 14, 121, 18, 83, 27, 108, 29, 74, 63, 62, 51, 110, 44, 43, 87, 105, 109, 115, 91, 104, 38, 70, 126, 114, 1, 42, 10, 80, 41, 119, 68, 46, 33, 102, 72, 35, 60, 32, 45, 124, 125, 15, 93, 100, 106, 4, 48, 107, 85, 103, 112, 94, 47, 6, 78, 76, 23, 113, 81, 61, 75, 40, 101, 54, 11, 117, 0, 84, 16, 82, 36, 9, 2, 30, 13, 17, 22, 67, 71, 20, 64, 3, 69, 65, 73, 66, 77, 5, 7], [56, 39, 52, 117, 58, 57, 116, 55, 37, 118, 51, 53, 86, 54, 120, 10, 31, 73, 127, 126, 110, 111, 63, 97, 123, 122, 6, 119, 38, 76, 99, 121, 16, 29, 49, 43, 109, 13, 105, 112, 80, 42, 124, 125, 44, 78, 83, 106, 61, 7, 108, 93, 89, 28, 115, 50, 72, 48, 40, 62, 107, 45, 60, 46, 114, 77, 47, 113, 68, 88, 81, 11, 98, 41, 66, 104, 87, 82, 15, 67, 102, 69, 92, 36, 79, 30, 101, 34, 27, 59, 19, 96, 75, 22, 100, 33, 95, 20, 35, 1, 103, 71, 17, 32, 5, 84, 24, 94, 64, 26, 23, 85, 14, 4, 91, 8, 25, 0, 65, 9, 2, 12, 74, 21, 90, 70, 18, 3], [39, 52, 56, 34, 117, 57, 58, 51, 88, 116, 120, 50, 118, 95, 18, 98, 80, 20, 86, 55, 122, 21, 92, 30, 22, 90, 28, 53, 114, 97, 13, 74, 115, 19, 29, 32, 109, 60, 126, 62, 77, 61, 125, 99, 26, 89, 27, 25, 121, 37, 68, 11, 78, 49, 82, 14, 8, 54, 23, 48, 79, 24, 31, 71, 96, 112, 40, 105, 123, 127, 35, 46, 36, 94, 33, 124, 63, 12, 108, 119, 100, 110, 45, 10, 43, 44, 111, 47, 9, 107, 93, 85, 42, 16, 41, 38, 106, 15, 59, 113, 104, 102, 6, 101, 75, 91, 70, 81, 83, 2, 69, 84, 17, 1, 87, 76, 73, 0, 4, 3, 67, 5, 66, 72, 103, 7, 65, 64], [57, 48, 50, 38, 58, 54, 118, 56, 61, 100, 53, 63, 124, 115, 41, 116, 117, 119, 52, 102, 59, 84, 120, 46, 51, 121, 47, 126, 122, 125, 62, 113, 114, 111, 127, 97, 20, 44, 123, 49, 109, 60, 55, 45, 110, 112, 108, 43, 103, 106, 40, 107, 74, 42, 89, 105, 30, 27, 34, 31, 7, 33, 13, 101, 39, 24, 95, 78, 104, 32, 36, 98, 35, 21, 37, 88, 25, 99, 92, 80, 77, 87, 91, 96, 29, 23, 85, 93, 16, 71, 9, 69, 94, 28, 10, 66, 12, 90, 18, 73, 4, 26, 2, 5, 6, 65, 64, 3, 14, 19, 68, 72, 79, 83, 11, 70, 17, 0, 75, 82, 86, 1, 76, 15, 67, 22, 81, 8], [50, 38, 57, 48, 97, 112, 114, 7, 54, 115, 20, 88, 111, 77, 124, 90, 81, 100, 29, 95, 18, 79, 11, 28, 4, 27, 58, 24, 53, 68, 35, 23, 52, 59, 107, 94, 86, 119, 1, 101, 25, 63, 10, 56, 120, 99, 61, 42, 72, 104, 41, 121, 16, 103, 40, 125, 26, 43, 118, 117, 39, 108, 32, 123, 109, 110, 51, 37, 8, 46, 102, 116, 47, 105, 87, 106, 14, 93, 44, 6, 45, 85, 71, 49, 62, 126, 113, 55, 3, 76, 83, 65, 96, 75, 60, 34, 127, 89, 91, 30, 21, 122, 36, 31, 98, 78, 15, 84, 73, 12, 82, 17, 66, 5, 19, 80, 2, 74, 33, 0, 64, 92, 22, 9, 69, 13, 67, 70], [38, 57, 50, 48, 97, 23, 79, 72, 81, 76, 100, 18, 114, 28, 112, 6, 10, 3, 68, 14, 21, 65, 8, 70, 86, 77, 11, 82, 80, 87, 0, 67, 17, 54, 12, 75, 90, 88, 24, 56, 15, 2, 20, 95, 59, 73, 78, 5, 83, 9, 13, 85, 53, 84, 16, 29, 69, 58, 93, 102, 19, 92, 115, 91, 26, 25, 74, 27, 52, 66, 22, 117, 71, 94, 30, 121, 111, 61, 89, 32, 107, 7, 64, 124, 101, 36, 1, 55, 31, 35, 96, 63, 99, 4, 98, 119, 46, 34, 41, 60, 118, 125, 43, 110, 120, 106, 37, 126, 62, 123, 104, 40, 47, 42, 39, 103, 44, 127, 51, 116, 49, 105, 33, 108, 122, 109, 45, 113], [48, 50, 57, 38, 122, 115, 126, 51, 46, 54, 118, 56, 47, 62, 58, 109, 114, 124, 116, 49, 125, 55, 52, 112, 63, 113, 119, 61, 127, 60, 110, 59, 53, 45, 106, 43, 117, 44, 123, 121, 120, 108, 41, 107, 105, 40, 42, 103, 34, 102, 111, 101, 39, 89, 104, 20, 97, 37, 95, 32, 29, 90, 86, 100, 36, 31, 30, 35, 93, 99, 88, 77, 92, 96, 94, 98, 16, 22, 83, 33, 81, 27, 25, 91, 23, 80, 84, 14, 28, 24, 19, 21, 73, 26, 17, 82, 13, 18, 79, 78, 87, 85, 76, 11, 66, 10, 6, 12, 74, 9, 15, 0, 75, 2, 71, 69, 7, 1, 72, 8, 64, 68, 3, 4, 70, 5, 65, 67]], "model.layers.6.self_attn.k_proj": [[44, 55, 100, 86, 32, 84, 81, 57, 15, 77, 91, 108, 23, 12, 10, 64, 5, 75, 67, 8, 7, 65, 94, 114, 90, 16, 111, 29, 71, 76, 50, 82, 89, 103, 68, 72, 2, 83, 25, 39, 123, 78, 51, 66, 93, 121, 63, 120, 6, 58, 46, 48, 118, 125, 19, 124, 31, 126, 106, 61, 127, 104, 21, 70, 40, 1, 45, 18, 95, 88, 47, 0, 122, 69, 113, 53, 119, 34, 117, 62, 92, 54, 56, 42, 37, 109, 43, 73, 35, 41, 33, 11, 38, 116, 80, 30, 97, 49, 52, 98, 85, 28, 74, 107, 112, 59, 115, 110, 102, 4, 24, 60, 87, 99, 105, 101, 14, 27, 22, 26, 20, 79, 96, 13, 9, 17, 3, 36], [106, 110, 46, 96, 22, 93, 17, 89, 39, 10, 14, 19, 76, 20, 56, 71, 38, 120, 0, 11, 24, 45, 111, 42, 1, 123, 3, 52, 69, 66, 26, 28, 13, 103, 119, 58, 16, 5, 8, 49, 79, 37, 92, 18, 121, 116, 48, 107, 54, 43, 99, 114, 70, 105, 57, 127, 68, 122, 61, 85, 113, 60, 50, 90, 47, 73, 63, 55, 40, 36, 126, 117, 62, 109, 35, 53, 125, 124, 100, 112, 118, 30, 65, 102, 27, 115, 108, 4, 44, 104, 67, 23, 80, 82, 6, 101, 31, 51, 98, 34, 59, 97, 29, 9, 84, 64, 91, 33, 41, 94, 86, 7, 72, 21, 95, 74, 88, 2, 87, 77, 78, 12, 75, 15, 83, 25, 32, 81], [45, 39, 98, 109, 0, 20, 80, 18, 72, 12, 14, 24, 79, 75, 71, 66, 74, 5, 4, 70, 65, 9, 3, 112, 1, 67, 77, 69, 22, 92, 19, 64, 113, 123, 60, 120, 85, 91, 59, 86, 89, 23, 58, 48, 88, 17, 73, 6, 34, 78, 114, 25, 10, 90, 21, 27, 55, 63, 108, 13, 30, 122, 28, 47, 96, 126, 29, 119, 104, 33, 61, 105, 93, 83, 95, 35, 115, 31, 57, 11, 100, 51, 8, 54, 50, 38, 2, 121, 94, 111, 110, 49, 97, 26, 125, 81, 32, 87, 124, 7, 40, 46, 56, 52, 68, 101, 127, 42, 44, 117, 106, 116, 107, 118, 36, 43, 37, 41, 62, 102, 99, 53, 16, 76, 82, 84, 15, 103], [113, 124, 102, 56, 49, 94, 84, 82, 15, 76, 86, 81, 74, 77, 64, 5, 71, 8, 89, 73, 1, 66, 69, 39, 67, 122, 26, 91, 4, 75, 2, 51, 68, 70, 25, 65, 3, 72, 12, 24, 13, 38, 30, 6, 22, 23, 20, 59, 33, 79, 14, 83, 78, 90, 32, 80, 87, 7, 27, 9, 29, 88, 96, 10, 60, 99, 19, 16, 28, 21, 85, 18, 0, 11, 105, 97, 93, 17, 31, 95, 92, 103, 114, 35, 58, 125, 54, 47, 117, 43, 46, 104, 45, 40, 107, 118, 112, 36, 108, 109, 116, 115, 110, 126, 42, 62, 48, 111, 63, 98, 101, 55, 50, 53, 57, 44, 61, 127, 52, 106, 41, 34, 37, 121, 119, 120, 123, 100], [104, 116, 34, 111, 64, 20, 11, 53, 81, 86, 78, 51, 8, 16, 9, 7, 13, 121, 96, 3, 113, 2, 58, 62, 68, 69, 109, 60, 110, 122, 42, 50, 117, 56, 41, 89, 46, 127, 30, 49, 1, 126, 90, 108, 21, 98, 67, 39, 6, 105, 40, 63, 35, 37, 88, 83, 82, 32, 27, 124, 125, 65, 92, 44, 15, 57, 76, 107, 118, 61, 120, 54, 36, 74, 29, 0, 87, 70, 72, 28, 24, 31, 23, 25, 99, 93, 59, 106, 119, 47, 85, 91, 5, 43, 103, 77, 94, 33, 112, 97, 18, 55, 26, 45, 22, 38, 95, 115, 114, 19, 101, 123, 12, 52, 84, 100, 48, 71, 102, 66, 17, 79, 10, 75, 14, 4, 73, 80], [102, 119, 118, 22, 97, 25, 28, 83, 84, 78, 95, 12, 64, 74, 94, 71, 16, 18, 52, 79, 88, 30, 68, 125, 106, 111, 73, 38, 124, 46, 13, 91, 54, 45, 127, 66, 109, 6, 116, 17, 48, 104, 62, 43, 51, 58, 40, 53, 61, 57, 126, 90, 59, 123, 117, 67, 65, 1, 120, 121, 113, 44, 93, 3, 60, 50, 11, 56, 49, 69, 103, 108, 21, 47, 37, 112, 81, 19, 99, 42, 115, 122, 23, 63, 35, 82, 114, 41, 75, 2, 105, 20, 39, 26, 100, 70, 110, 55, 36, 87, 34, 32, 72, 15, 107, 101, 4, 80, 0, 98, 7, 5, 31, 77, 85, 96, 8, 27, 29, 92, 76, 86, 9, 89, 10, 24, 14, 33], [103, 57, 52, 56, 31, 58, 21, 88, 18, 90, 117, 59, 79, 98, 28, 14, 111, 72, 89, 75, 4, 120, 118, 25, 60, 12, 116, 110, 126, 74, 64, 85, 115, 55, 50, 62, 63, 124, 121, 66, 70, 46, 32, 112, 125, 49, 123, 65, 109, 39, 108, 105, 51, 53, 114, 48, 43, 73, 54, 34, 44, 92, 127, 27, 35, 113, 119, 81, 106, 19, 107, 102, 45, 47, 86, 84, 101, 20, 61, 122, 96, 7, 97, 104, 87, 77, 76, 91, 29, 41, 100, 13, 40, 82, 42, 71, 11, 94, 26, 16, 33, 6, 38, 95, 67, 3, 99, 36, 69, 37, 24, 80, 78, 30, 93, 1, 9, 68, 5, 8, 17, 15, 10, 23, 22, 83, 0, 2], [102, 50, 57, 86, 48, 33, 92, 18, 79, 76, 81, 23, 72, 6, 88, 83, 112, 14, 90, 11, 0, 93, 100, 30, 3, 10, 111, 31, 53, 58, 77, 124, 68, 73, 119, 61, 94, 117, 114, 2, 16, 63, 21, 118, 52, 36, 29, 54, 125, 38, 35, 99, 56, 115, 120, 9, 59, 65, 121, 108, 123, 105, 41, 98, 47, 113, 126, 127, 69, 55, 25, 45, 62, 51, 46, 24, 109, 60, 116, 20, 107, 110, 49, 85, 43, 32, 44, 66, 5, 96, 34, 122, 89, 106, 75, 42, 104, 1, 103, 91, 27, 39, 40, 101, 26, 37, 64, 4, 71, 95, 82, 84, 12, 78, 67, 80, 22, 15, 87, 19, 7, 8, 74, 28, 17, 13, 70, 97]], "model.layers.6.self_attn.qk_proj": [[57, 56, 118, 119, 45, 50, 55, 124, 113, 109, 48, 49, 38, 46, 44, 106, 22, 104, 52, 116, 102, 39, 108, 86, 20, 84, 58, 17, 110, 42, 30, 81, 25, 111, 34, 79, 15, 78, 76, 82, 98, 18, 88, 94, 89, 24, 10, 14, 32, 12, 112, 7, 13, 74, 0, 103, 40, 77, 117, 114, 51, 29, 72, 120, 8, 53, 75, 64, 16, 71, 11, 96, 90, 19, 28, 80, 67, 62, 31, 60, 87, 26, 121, 33, 3, 92, 63, 69, 70, 123, 127, 23, 83, 73, 97, 5, 66, 2, 9, 59, 126, 122, 68, 27, 61, 41, 47, 4, 93, 100, 21, 43, 95, 36, 115, 125, 54, 107, 1, 91, 65, 99, 85, 105, 35, 6, 101, 37], [57, 56, 119, 118, 45, 50, 113, 55, 124, 109, 49, 48, 38, 46, 44, 106, 104, 22, 116, 52, 102, 39, 84, 86, 108, 20, 58, 110, 17, 42, 111, 81, 30, 25, 103, 34, 89, 94, 79, 82, 78, 98, 32, 15, 18, 76, 112, 14, 117, 24, 88, 12, 51, 10, 40, 74, 29, 7, 53, 75, 77, 120, 16, 28, 71, 72, 60, 11, 8, 64, 13, 114, 90, 80, 0, 96, 19, 121, 26, 127, 59, 97, 83, 87, 66, 31, 69, 2, 23, 62, 92, 4, 5, 33, 9, 122, 73, 123, 126, 27, 68, 67, 63, 1, 70, 100, 54, 61, 93, 125, 95, 3, 47, 43, 65, 21, 41, 91, 107, 6, 115, 99, 85, 36, 105, 35, 37, 101], [57, 56, 119, 118, 45, 113, 50, 55, 109, 48, 124, 49, 38, 46, 44, 102, 22, 106, 104, 39, 52, 116, 86, 84, 108, 20, 58, 110, 42, 17, 30, 25, 81, 89, 111, 98, 79, 94, 15, 34, 18, 82, 88, 14, 103, 32, 78, 76, 74, 0, 120, 13, 77, 75, 40, 112, 10, 24, 51, 71, 117, 12, 8, 7, 53, 60, 64, 114, 96, 11, 28, 72, 16, 90, 5, 29, 67, 31, 80, 26, 19, 83, 92, 69, 66, 2, 62, 3, 123, 97, 23, 68, 87, 73, 121, 9, 59, 127, 4, 122, 27, 93, 100, 63, 33, 54, 126, 6, 61, 1, 115, 70, 95, 43, 107, 21, 85, 41, 65, 91, 47, 125, 99, 105, 35, 36, 37, 101], [57, 56, 119, 118, 45, 50, 113, 55, 124, 48, 109, 49, 38, 46, 44, 106, 104, 102, 52, 116, 39, 22, 86, 108, 84, 20, 58, 42, 110, 17, 30, 81, 89, 18, 79, 34, 103, 25, 98, 94, 15, 111, 14, 78, 32, 82, 64, 112, 13, 117, 88, 76, 10, 51, 40, 24, 12, 8, 74, 77, 0, 3, 71, 120, 11, 60, 7, 28, 114, 53, 67, 96, 127, 90, 66, 123, 75, 121, 80, 16, 29, 31, 5, 62, 83, 72, 26, 19, 2, 69, 92, 73, 97, 33, 122, 23, 63, 59, 87, 4, 6, 27, 126, 100, 9, 54, 68, 93, 115, 1, 61, 95, 65, 21, 41, 107, 43, 70, 47, 91, 85, 125, 37, 105, 36, 99, 35, 101], [57, 56, 118, 119, 45, 50, 55, 113, 48, 124, 109, 38, 49, 46, 44, 106, 104, 52, 116, 102, 39, 22, 108, 86, 20, 84, 42, 58, 17, 110, 81, 34, 78, 30, 89, 111, 79, 15, 14, 94, 76, 18, 32, 12, 98, 112, 74, 10, 25, 8, 71, 82, 103, 88, 64, 51, 7, 11, 40, 114, 77, 13, 120, 0, 72, 24, 96, 53, 16, 28, 75, 29, 62, 80, 69, 117, 83, 66, 19, 90, 3, 92, 127, 5, 4, 60, 2, 6, 123, 26, 63, 73, 9, 67, 68, 31, 121, 59, 100, 65, 33, 23, 97, 87, 122, 126, 93, 115, 27, 41, 54, 95, 1, 61, 105, 43, 91, 47, 36, 107, 125, 85, 37, 70, 35, 99, 21, 101], [57, 56, 119, 118, 45, 50, 55, 113, 124, 109, 48, 49, 46, 38, 44, 106, 104, 52, 116, 102, 39, 22, 86, 84, 108, 20, 58, 110, 17, 42, 81, 34, 79, 82, 111, 30, 25, 14, 98, 12, 78, 15, 76, 8, 74, 89, 10, 94, 103, 18, 13, 112, 88, 11, 7, 40, 51, 16, 32, 77, 117, 24, 71, 114, 0, 72, 64, 3, 53, 80, 120, 75, 29, 123, 60, 28, 127, 69, 5, 90, 96, 19, 26, 83, 97, 23, 31, 4, 68, 6, 73, 67, 66, 122, 59, 92, 62, 121, 9, 100, 87, 126, 63, 2, 33, 93, 27, 47, 41, 54, 107, 115, 95, 1, 61, 65, 43, 36, 21, 125, 85, 105, 99, 91, 70, 37, 101, 35], [57, 56, 119, 118, 45, 50, 113, 55, 124, 109, 48, 49, 38, 46, 44, 104, 106, 52, 102, 22, 116, 39, 86, 20, 84, 108, 17, 58, 81, 30, 110, 42, 82, 79, 89, 25, 40, 10, 78, 15, 18, 13, 12, 77, 98, 76, 34, 74, 51, 14, 94, 111, 8, 103, 16, 88, 11, 32, 112, 24, 72, 7, 96, 117, 75, 80, 120, 19, 90, 114, 71, 53, 29, 60, 59, 28, 83, 26, 127, 92, 73, 61, 63, 97, 62, 64, 123, 122, 121, 0, 33, 100, 9, 87, 31, 69, 23, 67, 5, 27, 126, 2, 4, 68, 93, 6, 3, 66, 47, 125, 107, 21, 41, 54, 91, 43, 85, 105, 95, 1, 99, 115, 65, 36, 37, 101, 70, 35], [57, 56, 119, 118, 45, 50, 124, 113, 55, 109, 48, 49, 46, 38, 106, 44, 104, 52, 39, 116, 102, 22, 86, 84, 20, 108, 17, 58, 81, 89, 42, 110, 25, 78, 30, 34, 82, 14, 79, 15, 12, 18, 111, 74, 98, 77, 88, 103, 76, 10, 40, 13, 51, 8, 11, 16, 80, 94, 75, 117, 32, 24, 71, 112, 120, 19, 72, 114, 7, 28, 83, 53, 64, 96, 92, 121, 59, 73, 69, 31, 29, 5, 0, 87, 62, 90, 60, 97, 66, 9, 26, 100, 126, 27, 23, 122, 2, 123, 33, 63, 68, 4, 47, 3, 67, 127, 54, 21, 6, 91, 61, 93, 85, 125, 43, 95, 65, 70, 107, 41, 35, 1, 115, 105, 36, 99, 37, 101], [57, 56, 119, 118, 45, 50, 55, 124, 113, 109, 49, 48, 38, 46, 44, 106, 104, 52, 116, 102, 39, 22, 86, 84, 20, 108, 58, 81, 17, 42, 25, 110, 89, 78, 34, 82, 30, 14, 111, 79, 18, 32, 103, 98, 15, 94, 40, 10, 12, 88, 77, 80, 13, 74, 76, 24, 8, 112, 117, 29, 11, 75, 83, 53, 19, 114, 28, 51, 96, 72, 120, 90, 7, 71, 121, 16, 62, 92, 31, 87, 64, 26, 59, 127, 23, 97, 100, 66, 9, 67, 122, 60, 5, 123, 61, 33, 27, 73, 63, 3, 4, 68, 0, 126, 69, 2, 54, 93, 21, 125, 91, 95, 6, 47, 85, 65, 70, 41, 99, 35, 1, 43, 37, 115, 105, 107, 36, 101], [57, 56, 118, 119, 50, 45, 55, 113, 109, 124, 48, 49, 38, 46, 44, 116, 106, 104, 102, 52, 22, 39, 84, 86, 20, 108, 58, 81, 42, 17, 110, 30, 25, 82, 79, 111, 14, 15, 78, 76, 18, 89, 98, 34, 94, 103, 51, 77, 40, 32, 88, 10, 127, 12, 29, 24, 7, 74, 11, 112, 80, 117, 28, 8, 90, 13, 96, 72, 75, 53, 87, 16, 83, 60, 71, 19, 114, 120, 26, 31, 23, 0, 5, 123, 66, 92, 59, 64, 97, 62, 69, 73, 67, 100, 121, 68, 9, 33, 61, 27, 4, 126, 122, 63, 2, 3, 70, 54, 93, 47, 41, 125, 43, 91, 21, 85, 95, 107, 1, 105, 65, 115, 6, 35, 99, 37, 101, 36], [57, 56, 119, 118, 45, 50, 113, 55, 124, 109, 48, 38, 49, 44, 106, 46, 52, 104, 102, 116, 39, 22, 86, 108, 84, 20, 58, 42, 110, 17, 81, 34, 111, 30, 15, 14, 78, 25, 76, 98, 79, 103, 82, 18, 89, 94, 10, 0, 32, 88, 12, 64, 112, 7, 72, 71, 11, 13, 24, 74, 40, 114, 51, 117, 96, 53, 77, 8, 19, 28, 2, 70, 75, 5, 80, 66, 69, 31, 120, 127, 16, 62, 26, 123, 3, 92, 63, 90, 29, 83, 67, 60, 73, 68, 23, 9, 97, 121, 41, 4, 87, 122, 59, 93, 100, 61, 65, 47, 54, 33, 126, 27, 1, 95, 115, 107, 85, 125, 43, 21, 91, 105, 6, 36, 35, 99, 37, 101], [57, 56, 119, 118, 45, 50, 113, 55, 124, 109, 48, 38, 49, 44, 46, 106, 104, 52, 39, 116, 102, 22, 84, 86, 108, 20, 58, 42, 110, 17, 81, 111, 98, 34, 82, 30, 79, 25, 78, 15, 14, 89, 94, 32, 18, 103, 13, 88, 12, 76, 51, 40, 74, 72, 10, 7, 71, 24, 112, 80, 77, 53, 67, 75, 64, 0, 123, 3, 11, 121, 8, 5, 16, 29, 19, 117, 62, 127, 28, 92, 68, 120, 96, 114, 69, 83, 9, 31, 90, 122, 4, 59, 66, 60, 2, 70, 26, 87, 63, 97, 73, 100, 41, 27, 33, 23, 1, 65, 95, 93, 54, 47, 126, 61, 91, 107, 125, 115, 21, 85, 36, 105, 6, 99, 37, 43, 35, 101], [57, 56, 118, 119, 50, 45, 55, 124, 113, 48, 109, 49, 46, 38, 44, 104, 106, 116, 52, 102, 22, 39, 84, 86, 20, 108, 17, 58, 81, 110, 30, 42, 25, 89, 82, 111, 15, 79, 18, 78, 34, 14, 94, 12, 74, 10, 98, 32, 76, 103, 13, 72, 40, 88, 77, 24, 11, 29, 16, 7, 51, 80, 117, 8, 83, 75, 112, 71, 114, 53, 96, 120, 92, 122, 28, 97, 121, 5, 100, 90, 59, 60, 19, 127, 26, 31, 9, 87, 123, 27, 126, 69, 73, 23, 66, 4, 41, 68, 62, 33, 2, 64, 3, 0, 93, 61, 54, 63, 47, 91, 125, 115, 43, 107, 85, 67, 21, 70, 95, 65, 6, 35, 37, 99, 1, 36, 105, 101], [57, 56, 119, 118, 45, 55, 50, 124, 113, 109, 48, 49, 46, 38, 44, 106, 52, 104, 116, 22, 102, 39, 86, 84, 108, 20, 58, 17, 110, 81, 42, 34, 82, 78, 25, 18, 12, 30, 72, 79, 15, 103, 111, 74, 98, 14, 10, 0, 32, 89, 76, 88, 24, 112, 71, 77, 7, 51, 8, 94, 64, 40, 13, 16, 75, 117, 11, 123, 80, 5, 29, 83, 53, 19, 114, 62, 69, 60, 26, 96, 127, 28, 31, 92, 9, 126, 90, 59, 120, 122, 2, 66, 73, 23, 121, 33, 54, 63, 68, 4, 87, 97, 3, 61, 67, 100, 70, 27, 21, 6, 47, 93, 115, 43, 95, 91, 41, 125, 1, 65, 85, 105, 107, 36, 35, 99, 37, 101], [57, 56, 118, 119, 45, 113, 50, 124, 55, 109, 48, 49, 38, 46, 44, 106, 104, 52, 116, 39, 102, 86, 22, 84, 108, 20, 42, 58, 17, 81, 110, 30, 18, 82, 79, 89, 25, 78, 34, 14, 98, 15, 94, 111, 12, 103, 72, 32, 10, 74, 76, 71, 40, 77, 112, 88, 7, 24, 11, 51, 16, 8, 96, 117, 26, 5, 28, 29, 62, 13, 3, 75, 53, 83, 64, 31, 114, 0, 90, 19, 69, 120, 80, 127, 73, 66, 60, 121, 59, 92, 67, 2, 123, 100, 9, 97, 23, 68, 126, 87, 6, 63, 93, 54, 4, 122, 27, 33, 41, 115, 43, 65, 21, 95, 47, 1, 85, 61, 36, 35, 107, 70, 91, 125, 37, 105, 99, 101], [57, 56, 119, 118, 45, 50, 55, 124, 113, 48, 109, 38, 49, 44, 46, 106, 52, 104, 116, 102, 39, 22, 86, 108, 84, 20, 58, 42, 17, 110, 81, 34, 30, 111, 78, 25, 98, 15, 94, 14, 79, 82, 10, 74, 89, 76, 18, 12, 103, 117, 24, 77, 72, 88, 32, 112, 40, 7, 71, 11, 16, 8, 120, 26, 96, 51, 28, 75, 80, 29, 13, 64, 83, 121, 19, 114, 0, 92, 127, 69, 59, 53, 90, 3, 123, 31, 97, 47, 67, 62, 60, 73, 5, 122, 93, 126, 4, 87, 23, 100, 9, 68, 2, 66, 6, 41, 33, 63, 27, 54, 115, 43, 21, 95, 61, 125, 65, 1, 107, 35, 99, 105, 91, 70, 85, 36, 37, 101], [57, 56, 118, 119, 50, 45, 113, 124, 55, 109, 48, 38, 46, 49, 44, 116, 22, 106, 104, 52, 102, 39, 86, 84, 108, 20, 17, 42, 58, 110, 81, 30, 25, 18, 89, 15, 111, 77, 98, 78, 79, 34, 74, 82, 14, 10, 12, 94, 76, 11, 88, 40, 24, 7, 13, 16, 72, 51, 120, 117, 32, 103, 8, 75, 80, 53, 28, 71, 114, 112, 122, 123, 19, 26, 96, 29, 60, 92, 31, 0, 87, 127, 83, 5, 69, 126, 97, 23, 90, 62, 73, 66, 63, 59, 121, 9, 4, 33, 61, 64, 100, 68, 21, 27, 6, 47, 43, 54, 115, 107, 3, 2, 67, 93, 95, 41, 105, 125, 99, 35, 91, 1, 65, 36, 85, 37, 70, 101], [57, 56, 118, 119, 45, 50, 113, 124, 55, 109, 48, 46, 49, 38, 44, 106, 52, 104, 116, 22, 39, 102, 86, 84, 20, 108, 58, 42, 110, 17, 81, 89, 30, 82, 25, 18, 14, 78, 15, 98, 34, 74, 12, 10, 79, 111, 94, 72, 88, 40, 117, 8, 32, 13, 75, 76, 103, 24, 77, 7, 53, 28, 51, 112, 80, 71, 11, 16, 60, 31, 83, 64, 96, 19, 121, 5, 90, 114, 120, 126, 87, 122, 69, 26, 62, 66, 29, 92, 9, 3, 73, 23, 97, 123, 0, 127, 100, 59, 63, 67, 68, 33, 2, 61, 6, 27, 4, 47, 115, 54, 43, 21, 93, 91, 95, 41, 1, 85, 107, 65, 125, 70, 105, 99, 35, 37, 36, 101], [57, 56, 119, 118, 45, 50, 113, 55, 124, 109, 48, 38, 49, 46, 44, 106, 102, 52, 104, 116, 39, 22, 86, 84, 108, 20, 58, 42, 17, 110, 30, 81, 89, 94, 15, 34, 18, 82, 98, 14, 111, 12, 76, 88, 78, 79, 25, 103, 40, 10, 74, 8, 0, 51, 24, 112, 71, 7, 77, 72, 11, 32, 64, 96, 117, 31, 13, 75, 28, 26, 100, 60, 90, 5, 16, 80, 114, 29, 69, 121, 122, 66, 120, 3, 92, 53, 83, 19, 2, 127, 97, 23, 62, 87, 123, 33, 9, 73, 59, 4, 68, 126, 27, 67, 63, 41, 61, 6, 93, 95, 105, 54, 115, 70, 65, 1, 47, 91, 21, 37, 85, 99, 35, 43, 107, 36, 125, 101], [57, 56, 118, 119, 50, 45, 55, 124, 113, 48, 109, 49, 38, 46, 44, 106, 52, 116, 102, 104, 22, 39, 86, 84, 108, 20, 58, 17, 110, 42, 30, 81, 14, 34, 89, 98, 82, 76, 78, 18, 10, 74, 25, 94, 15, 8, 117, 88, 12, 111, 103, 32, 79, 112, 51, 71, 40, 11, 75, 13, 24, 72, 120, 77, 19, 123, 7, 29, 26, 96, 16, 126, 80, 114, 83, 28, 90, 127, 0, 60, 53, 5, 69, 121, 66, 73, 31, 4, 64, 122, 61, 97, 92, 68, 59, 100, 3, 62, 87, 2, 23, 33, 9, 63, 47, 70, 27, 93, 67, 43, 95, 21, 54, 41, 65, 1, 115, 6, 107, 85, 105, 91, 35, 125, 36, 99, 37, 101], [57, 56, 118, 119, 45, 50, 124, 55, 113, 48, 109, 49, 44, 38, 46, 106, 52, 104, 116, 22, 102, 39, 86, 108, 84, 20, 58, 17, 42, 110, 81, 30, 14, 98, 89, 18, 111, 79, 25, 88, 34, 78, 8, 15, 32, 82, 12, 94, 76, 10, 74, 103, 77, 112, 24, 40, 71, 117, 13, 120, 67, 16, 75, 114, 64, 51, 80, 11, 7, 28, 62, 3, 96, 72, 123, 60, 19, 92, 90, 31, 83, 29, 87, 26, 53, 127, 126, 5, 0, 121, 69, 97, 73, 66, 61, 63, 4, 47, 70, 115, 122, 33, 41, 9, 59, 93, 100, 27, 68, 107, 2, 23, 95, 54, 91, 125, 43, 21, 36, 85, 1, 6, 105, 65, 99, 37, 35, 101], [57, 56, 118, 119, 45, 50, 124, 55, 113, 109, 48, 49, 38, 44, 46, 52, 106, 104, 102, 116, 39, 22, 86, 108, 84, 20, 58, 42, 17, 110, 81, 30, 34, 15, 98, 25, 94, 79, 18, 89, 14, 111, 78, 82, 12, 103, 88, 74, 40, 24, 8, 112, 10, 117, 76, 77, 51, 32, 120, 71, 7, 16, 75, 64, 13, 11, 96, 0, 28, 60, 80, 26, 66, 90, 114, 72, 69, 53, 59, 5, 83, 19, 29, 92, 3, 126, 87, 97, 121, 62, 2, 31, 122, 123, 127, 9, 23, 63, 27, 73, 33, 100, 70, 67, 4, 43, 68, 61, 47, 93, 41, 95, 115, 107, 105, 1, 54, 91, 125, 21, 85, 36, 37, 65, 6, 99, 35, 101], [57, 56, 118, 119, 45, 50, 55, 124, 113, 48, 109, 49, 38, 46, 44, 52, 106, 116, 104, 102, 22, 39, 20, 108, 86, 84, 58, 42, 17, 110, 30, 81, 89, 25, 34, 18, 88, 79, 32, 78, 94, 14, 15, 12, 82, 98, 74, 111, 8, 10, 112, 13, 51, 103, 76, 117, 77, 24, 71, 11, 114, 7, 120, 75, 80, 40, 16, 19, 72, 28, 87, 83, 59, 29, 26, 0, 126, 62, 96, 92, 97, 69, 90, 127, 31, 121, 5, 64, 60, 3, 122, 53, 9, 73, 66, 123, 33, 4, 68, 100, 23, 2, 27, 70, 93, 67, 61, 63, 47, 43, 41, 1, 115, 95, 54, 85, 91, 125, 35, 37, 107, 105, 21, 6, 36, 65, 99, 101], [57, 56, 118, 119, 45, 50, 124, 55, 113, 109, 48, 38, 49, 46, 44, 106, 52, 116, 104, 102, 39, 22, 84, 108, 86, 20, 110, 58, 42, 17, 30, 81, 111, 98, 89, 78, 34, 25, 94, 10, 79, 88, 103, 8, 18, 74, 76, 117, 14, 12, 82, 32, 15, 51, 75, 112, 77, 24, 40, 71, 28, 7, 114, 120, 72, 26, 80, 13, 29, 96, 16, 127, 11, 3, 123, 19, 53, 83, 97, 90, 60, 87, 92, 69, 126, 121, 31, 64, 122, 23, 9, 62, 68, 5, 73, 67, 100, 33, 4, 59, 63, 27, 0, 66, 41, 47, 115, 54, 2, 70, 93, 61, 107, 105, 125, 36, 65, 95, 43, 21, 85, 91, 35, 1, 6, 99, 37, 101], [57, 56, 118, 119, 45, 50, 124, 113, 55, 109, 48, 49, 38, 46, 44, 52, 104, 102, 106, 116, 22, 39, 108, 20, 84, 86, 58, 17, 42, 81, 110, 30, 10, 89, 34, 79, 76, 18, 111, 25, 15, 98, 14, 78, 94, 82, 11, 88, 12, 74, 40, 51, 7, 103, 13, 77, 117, 112, 8, 71, 24, 32, 120, 16, 96, 72, 114, 75, 29, 80, 60, 26, 28, 90, 31, 19, 83, 53, 122, 5, 69, 92, 73, 123, 64, 9, 0, 62, 126, 100, 97, 121, 23, 59, 127, 63, 33, 87, 68, 2, 4, 67, 3, 41, 47, 66, 93, 115, 27, 61, 6, 125, 95, 43, 107, 70, 105, 21, 65, 1, 85, 36, 91, 54, 99, 35, 37, 101], [57, 56, 118, 119, 50, 45, 113, 124, 55, 109, 48, 49, 38, 46, 44, 106, 104, 52, 116, 102, 22, 39, 84, 86, 20, 108, 58, 17, 81, 42, 110, 111, 25, 98, 30, 89, 34, 14, 82, 76, 74, 79, 10, 15, 78, 117, 94, 18, 103, 88, 24, 72, 40, 12, 71, 120, 8, 13, 7, 77, 32, 80, 11, 75, 28, 51, 16, 112, 92, 126, 114, 64, 0, 26, 19, 96, 83, 53, 5, 29, 123, 9, 62, 23, 60, 121, 66, 122, 4, 73, 127, 90, 67, 69, 97, 100, 87, 31, 93, 59, 33, 2, 47, 6, 63, 61, 3, 91, 27, 115, 125, 95, 41, 54, 68, 21, 85, 1, 107, 105, 65, 43, 36, 70, 99, 35, 101, 37], [57, 56, 119, 118, 45, 50, 124, 113, 55, 109, 48, 49, 38, 46, 44, 104, 106, 52, 116, 22, 102, 39, 86, 84, 20, 108, 58, 17, 30, 81, 25, 42, 110, 82, 34, 98, 89, 79, 32, 15, 111, 103, 88, 76, 94, 14, 78, 24, 12, 74, 10, 40, 18, 77, 51, 75, 72, 112, 13, 120, 7, 29, 19, 90, 71, 16, 92, 114, 117, 96, 80, 28, 64, 8, 0, 83, 11, 67, 3, 62, 97, 59, 53, 121, 87, 63, 73, 60, 26, 31, 126, 5, 122, 33, 66, 4, 6, 23, 2, 69, 47, 61, 68, 100, 123, 127, 41, 9, 93, 125, 27, 65, 91, 43, 95, 107, 85, 21, 54, 1, 105, 99, 115, 36, 70, 35, 37, 101], [57, 56, 119, 118, 45, 50, 124, 55, 113, 109, 48, 49, 46, 38, 44, 52, 106, 116, 104, 39, 22, 102, 84, 108, 20, 86, 58, 17, 42, 110, 81, 34, 30, 15, 111, 79, 89, 10, 25, 98, 82, 78, 12, 18, 14, 72, 76, 74, 103, 112, 8, 7, 51, 24, 94, 88, 13, 75, 120, 40, 117, 64, 71, 77, 11, 0, 80, 32, 16, 53, 60, 114, 5, 62, 2, 19, 28, 29, 90, 69, 123, 83, 73, 67, 121, 4, 26, 97, 68, 126, 92, 66, 96, 23, 122, 9, 31, 63, 127, 6, 33, 61, 47, 54, 3, 59, 93, 65, 87, 100, 1, 27, 95, 43, 41, 115, 125, 107, 91, 105, 85, 21, 70, 36, 37, 99, 101, 35], [57, 56, 119, 118, 45, 50, 113, 55, 124, 48, 109, 38, 49, 46, 44, 106, 104, 102, 52, 116, 22, 39, 108, 86, 20, 84, 42, 58, 110, 111, 17, 30, 81, 34, 94, 14, 98, 15, 112, 25, 72, 103, 79, 7, 18, 76, 89, 88, 10, 12, 32, 120, 78, 24, 74, 82, 114, 40, 51, 117, 123, 28, 71, 80, 11, 96, 75, 8, 77, 0, 64, 13, 26, 5, 53, 29, 16, 60, 69, 83, 2, 31, 67, 92, 90, 62, 126, 122, 121, 127, 9, 97, 47, 66, 19, 87, 33, 4, 73, 3, 63, 100, 59, 93, 41, 6, 23, 27, 54, 68, 107, 65, 115, 61, 36, 95, 105, 1, 21, 91, 70, 99, 125, 35, 85, 43, 101, 37], [57, 56, 119, 118, 45, 55, 124, 50, 113, 48, 109, 49, 38, 46, 44, 106, 104, 52, 116, 102, 39, 22, 108, 86, 84, 20, 110, 58, 42, 17, 81, 30, 111, 14, 72, 34, 98, 25, 76, 79, 15, 18, 10, 89, 94, 103, 112, 114, 78, 74, 88, 82, 12, 13, 7, 75, 32, 117, 24, 71, 80, 77, 40, 16, 3, 8, 53, 120, 11, 51, 96, 64, 0, 28, 63, 19, 29, 83, 5, 31, 123, 60, 4, 126, 69, 67, 73, 62, 26, 127, 66, 92, 122, 97, 90, 115, 9, 121, 23, 2, 59, 33, 107, 54, 47, 87, 27, 41, 68, 93, 100, 6, 70, 1, 95, 125, 65, 61, 105, 21, 85, 43, 99, 91, 36, 35, 37, 101], [57, 56, 119, 118, 45, 50, 113, 55, 124, 109, 48, 49, 38, 46, 44, 106, 104, 116, 52, 39, 102, 22, 84, 108, 86, 20, 110, 58, 81, 17, 42, 34, 30, 25, 15, 98, 111, 18, 82, 103, 72, 14, 79, 94, 78, 12, 76, 74, 51, 89, 88, 13, 71, 112, 10, 7, 24, 120, 40, 32, 11, 77, 80, 60, 0, 117, 114, 64, 75, 66, 16, 83, 123, 5, 8, 69, 96, 26, 68, 53, 63, 62, 29, 28, 87, 19, 90, 31, 127, 122, 9, 2, 4, 92, 97, 73, 67, 59, 47, 23, 33, 100, 61, 115, 70, 121, 3, 27, 41, 126, 93, 21, 107, 54, 6, 65, 125, 95, 91, 36, 1, 85, 43, 105, 37, 99, 35, 101], [57, 56, 118, 119, 45, 50, 113, 55, 124, 109, 49, 48, 38, 46, 44, 106, 104, 52, 116, 39, 102, 22, 20, 86, 108, 84, 58, 81, 17, 42, 110, 30, 25, 34, 111, 82, 14, 18, 79, 98, 12, 72, 76, 94, 10, 15, 89, 88, 117, 78, 51, 74, 32, 40, 103, 112, 75, 7, 8, 71, 80, 16, 24, 13, 114, 77, 60, 11, 120, 83, 28, 19, 53, 31, 96, 90, 69, 9, 0, 26, 5, 87, 62, 59, 73, 29, 97, 92, 23, 123, 66, 126, 121, 64, 3, 127, 70, 122, 68, 4, 27, 33, 2, 115, 47, 67, 61, 63, 100, 41, 93, 54, 65, 43, 125, 21, 91, 95, 1, 105, 6, 85, 107, 36, 99, 37, 101, 35]], "model.layers.7.self_attn.q_proj": [[38, 109, 43, 89, 45, 18, 93, 60, 107, 78, 12, 22, 10, 8, 17, 5, 19, 77, 80, 79, 56, 24, 91, 71, 68, 72, 3, 92, 26, 115, 25, 51, 20, 23, 57, 69, 15, 50, 81, 4, 58, 65, 102, 14, 127, 86, 97, 125, 27, 70, 34, 126, 28, 90, 88, 32, 67, 108, 30, 76, 9, 122, 29, 111, 123, 1, 6, 13, 124, 116, 74, 110, 82, 16, 63, 11, 96, 33, 75, 117, 55, 113, 52, 83, 87, 62, 35, 112, 94, 95, 7, 59, 100, 73, 119, 106, 40, 85, 54, 21, 0, 48, 44, 61, 114, 39, 105, 47, 31, 49, 120, 103, 53, 99, 36, 118, 84, 121, 41, 37, 66, 2, 98, 46, 101, 64, 104, 42], [38, 109, 43, 60, 10, 12, 19, 77, 5, 80, 93, 45, 18, 68, 78, 71, 107, 25, 22, 89, 8, 1, 73, 69, 79, 17, 3, 70, 29, 125, 65, 51, 88, 72, 87, 23, 0, 16, 14, 66, 122, 20, 4, 56, 74, 94, 26, 91, 84, 15, 32, 28, 86, 85, 7, 115, 21, 34, 24, 11, 76, 82, 6, 30, 90, 83, 92, 81, 58, 75, 116, 102, 97, 2, 13, 120, 123, 27, 95, 64, 126, 9, 100, 35, 33, 67, 98, 31, 96, 52, 46, 36, 111, 108, 47, 39, 127, 105, 99, 118, 62, 117, 112, 110, 59, 49, 55, 37, 106, 50, 54, 63, 104, 61, 103, 101, 57, 40, 114, 113, 119, 41, 48, 124, 53, 42, 44, 121], [38, 109, 43, 10, 67, 19, 93, 77, 45, 107, 80, 78, 12, 65, 6, 79, 23, 4, 5, 89, 7, 71, 3, 72, 0, 69, 25, 68, 8, 74, 1, 22, 60, 20, 14, 17, 18, 76, 16, 21, 51, 28, 75, 13, 115, 64, 88, 9, 11, 70, 73, 90, 84, 102, 29, 57, 126, 2, 82, 15, 86, 83, 87, 125, 24, 66, 34, 30, 91, 26, 35, 85, 120, 92, 94, 32, 81, 56, 55, 122, 58, 116, 98, 95, 52, 62, 31, 111, 97, 106, 50, 27, 124, 96, 118, 123, 48, 110, 40, 47, 36, 127, 99, 33, 108, 112, 113, 49, 54, 37, 117, 39, 63, 104, 46, 100, 105, 42, 103, 59, 121, 44, 53, 101, 61, 114, 41, 119], [109, 43, 60, 45, 107, 123, 34, 50, 58, 62, 115, 56, 35, 113, 110, 57, 122, 48, 63, 108, 98, 126, 47, 127, 112, 124, 119, 55, 111, 117, 49, 121, 59, 53, 114, 52, 118, 54, 39, 125, 61, 116, 44, 51, 37, 120, 106, 46, 92, 40, 42, 36, 105, 41, 103, 104, 33, 94, 38, 101, 100, 31, 97, 99, 86, 82, 95, 29, 87, 96, 16, 22, 30, 81, 78, 89, 32, 91, 84, 28, 27, 10, 93, 76, 77, 20, 85, 13, 8, 83, 24, 11, 80, 88, 23, 19, 21, 102, 25, 90, 79, 14, 17, 71, 74, 26, 18, 5, 68, 15, 9, 12, 70, 73, 66, 1, 2, 3, 72, 7, 4, 69, 6, 75, 0, 67, 65, 64], [105, 97, 118, 23, 90, 84, 79, 82, 117, 13, 93, 33, 47, 9, 54, 111, 29, 41, 10, 11, 71, 85, 20, 22, 25, 15, 17, 26, 18, 74, 56, 83, 89, 77, 75, 87, 121, 80, 21, 91, 19, 81, 86, 116, 7, 6, 92, 76, 32, 38, 30, 95, 88, 27, 3, 78, 5, 49, 48, 53, 16, 12, 69, 52, 94, 24, 31, 96, 112, 8, 108, 73, 61, 57, 46, 43, 102, 124, 4, 126, 58, 35, 100, 113, 99, 14, 28, 68, 42, 110, 107, 101, 123, 115, 55, 63, 37, 106, 119, 39, 62, 51, 103, 98, 109, 34, 67, 114, 120, 127, 60, 72, 40, 70, 125, 59, 122, 44, 45, 104, 50, 36, 1, 65, 66, 2, 0, 64], [105, 118, 64, 0, 2, 97, 1, 79, 65, 13, 66, 67, 41, 71, 4, 84, 29, 11, 26, 10, 9, 82, 69, 68, 23, 117, 70, 111, 6, 54, 87, 101, 7, 3, 76, 74, 78, 20, 8, 5, 73, 18, 12, 90, 121, 89, 75, 86, 77, 16, 93, 15, 14, 25, 38, 115, 47, 55, 17, 45, 80, 83, 37, 72, 58, 59, 48, 92, 22, 51, 39, 114, 85, 56, 49, 53, 34, 21, 81, 91, 88, 27, 120, 19, 24, 62, 46, 98, 100, 110, 124, 44, 28, 116, 96, 119, 106, 42, 94, 57, 102, 40, 61, 60, 126, 107, 127, 52, 31, 30, 103, 109, 113, 108, 122, 125, 63, 36, 43, 104, 95, 112, 123, 99, 35, 50, 32, 33], [105, 47, 118, 93, 117, 111, 90, 89, 97, 101, 116, 56, 85, 54, 23, 41, 25, 80, 33, 52, 121, 32, 96, 61, 37, 55, 24, 17, 49, 84, 31, 29, 53, 123, 21, 99, 91, 58, 98, 88, 95, 75, 35, 92, 60, 113, 34, 77, 126, 100, 12, 18, 127, 48, 30, 36, 45, 115, 108, 39, 73, 59, 112, 102, 15, 28, 43, 107, 26, 38, 27, 110, 81, 46, 114, 82, 16, 40, 103, 106, 87, 63, 94, 120, 104, 20, 62, 8, 44, 42, 122, 69, 109, 124, 7, 119, 74, 125, 51, 57, 50, 78, 11, 86, 19, 79, 83, 70, 22, 14, 67, 76, 72, 68, 13, 9, 10, 71, 5, 4, 6, 3, 66, 65, 2, 1, 0, 64], [105, 47, 118, 93, 117, 101, 90, 97, 116, 111, 54, 56, 52, 123, 89, 24, 85, 33, 55, 61, 23, 53, 58, 21, 49, 60, 121, 17, 37, 59, 75, 96, 31, 113, 115, 25, 112, 120, 106, 126, 12, 80, 114, 57, 127, 107, 48, 29, 41, 43, 77, 46, 110, 108, 45, 63, 62, 27, 124, 99, 73, 109, 40, 44, 51, 119, 42, 98, 38, 39, 87, 103, 102, 84, 50, 122, 125, 104, 32, 91, 34, 81, 26, 36, 20, 95, 16, 35, 18, 100, 30, 15, 69, 8, 7, 92, 86, 94, 28, 22, 88, 78, 74, 72, 82, 14, 70, 83, 79, 11, 10, 71, 67, 76, 19, 13, 9, 4, 68, 5, 6, 3, 66, 2, 65, 1, 64, 0], [103, 42, 34, 30, 23, 85, 106, 83, 81, 127, 70, 78, 50, 16, 39, 94, 53, 10, 41, 82, 12, 15, 4, 112, 13, 74, 20, 54, 25, 5, 8, 66, 38, 48, 19, 117, 63, 76, 93, 121, 72, 90, 88, 123, 111, 124, 24, 32, 107, 14, 118, 40, 17, 73, 55, 1, 87, 115, 75, 105, 80, 125, 21, 26, 67, 60, 29, 47, 52, 22, 101, 113, 58, 95, 36, 84, 126, 120, 11, 97, 6, 49, 100, 104, 62, 79, 59, 86, 46, 43, 45, 122, 7, 69, 102, 44, 109, 89, 33, 3, 99, 57, 77, 37, 108, 98, 27, 114, 28, 110, 18, 68, 96, 71, 119, 56, 116, 51, 35, 31, 61, 91, 65, 9, 64, 92, 0, 2], [103, 42, 34, 30, 85, 106, 23, 81, 83, 53, 50, 94, 78, 41, 127, 16, 39, 62, 15, 121, 54, 38, 44, 112, 125, 25, 12, 124, 74, 93, 63, 22, 47, 87, 13, 48, 82, 118, 111, 60, 11, 24, 5, 33, 113, 59, 109, 40, 117, 8, 55, 80, 70, 72, 107, 122, 115, 114, 123, 51, 49, 95, 32, 56, 4, 76, 110, 46, 21, 101, 45, 119, 28, 36, 58, 116, 90, 10, 57, 120, 126, 79, 29, 61, 104, 91, 108, 99, 26, 97, 92, 19, 86, 37, 20, 96, 84, 52, 102, 89, 100, 105, 43, 17, 1, 35, 75, 3, 31, 77, 14, 27, 88, 7, 98, 66, 18, 67, 6, 71, 73, 9, 64, 68, 69, 65, 0, 2], [103, 42, 34, 30, 106, 50, 85, 81, 54, 41, 23, 16, 83, 53, 112, 48, 121, 38, 44, 95, 4, 70, 94, 124, 13, 127, 20, 26, 63, 123, 125, 113, 93, 52, 60, 10, 62, 109, 59, 29, 115, 47, 78, 15, 122, 19, 76, 111, 31, 87, 8, 46, 28, 25, 45, 118, 40, 92, 82, 32, 90, 66, 58, 61, 55, 97, 110, 88, 114, 43, 105, 36, 117, 107, 74, 51, 100, 101, 119, 22, 49, 116, 37, 126, 33, 9, 80, 89, 86, 104, 99, 120, 73, 56, 57, 5, 24, 84, 21, 27, 35, 17, 96, 102, 69, 108, 67, 91, 12, 1, 79, 14, 11, 65, 75, 39, 68, 72, 18, 7, 77, 98, 71, 6, 2, 0, 3, 64], [103, 42, 34, 30, 83, 81, 85, 106, 12, 23, 50, 74, 72, 15, 78, 127, 16, 54, 69, 5, 13, 4, 113, 48, 60, 124, 8, 39, 76, 41, 1, 2, 24, 53, 80, 87, 11, 55, 17, 65, 21, 121, 94, 6, 63, 68, 3, 45, 19, 25, 62, 32, 38, 75, 126, 70, 52, 82, 93, 9, 84, 20, 125, 67, 123, 90, 14, 115, 26, 79, 44, 22, 10, 112, 104, 77, 66, 96, 95, 120, 91, 97, 117, 86, 100, 28, 98, 0, 73, 88, 71, 36, 59, 111, 89, 108, 64, 18, 29, 114, 105, 61, 7, 47, 101, 27, 99, 43, 107, 122, 31, 35, 92, 118, 51, 119, 33, 102, 58, 116, 49, 46, 109, 110, 40, 37, 57, 56], [104, 121, 100, 33, 17, 13, 21, 23, 79, 83, 90, 122, 72, 11, 8, 26, 28, 67, 112, 37, 30, 60, 59, 6, 61, 126, 45, 80, 53, 22, 115, 125, 81, 48, 109, 20, 4, 10, 51, 42, 18, 14, 46, 86, 19, 15, 40, 77, 96, 78, 34, 97, 75, 69, 99, 85, 27, 5, 1, 41, 29, 74, 39, 0, 16, 87, 94, 50, 25, 118, 111, 24, 68, 82, 12, 92, 84, 101, 73, 52, 103, 32, 117, 98, 66, 93, 95, 110, 113, 123, 47, 62, 31, 7, 107, 71, 76, 9, 70, 89, 2, 58, 108, 102, 124, 106, 55, 54, 63, 91, 88, 116, 3, 105, 64, 127, 120, 35, 49, 44, 119, 43, 57, 38, 65, 56, 114, 36], [104, 100, 121, 33, 28, 90, 21, 23, 17, 13, 109, 112, 42, 83, 115, 92, 48, 122, 30, 79, 26, 116, 18, 86, 118, 37, 61, 123, 45, 95, 117, 51, 44, 108, 39, 101, 58, 11, 120, 52, 34, 35, 107, 60, 110, 29, 124, 96, 41, 98, 25, 22, 32, 31, 82, 126, 80, 53, 16, 24, 62, 59, 27, 54, 103, 125, 43, 111, 57, 87, 119, 46, 6, 114, 36, 56, 105, 84, 106, 63, 102, 50, 85, 49, 19, 97, 55, 127, 20, 113, 99, 91, 14, 88, 93, 81, 38, 94, 10, 47, 77, 75, 72, 89, 74, 78, 12, 76, 70, 40, 67, 3, 8, 15, 69, 7, 9, 68, 5, 73, 71, 65, 2, 1, 66, 64, 4, 0], [104, 121, 33, 100, 93, 37, 79, 23, 83, 17, 21, 109, 112, 13, 8, 11, 90, 6, 67, 26, 35, 122, 59, 86, 40, 46, 3, 1, 125, 126, 71, 30, 82, 61, 45, 81, 48, 28, 42, 51, 85, 115, 60, 29, 9, 18, 4, 92, 43, 15, 52, 77, 74, 101, 25, 80, 22, 34, 65, 105, 75, 107, 19, 111, 50, 108, 10, 94, 69, 20, 78, 58, 16, 120, 39, 62, 47, 7, 119, 123, 88, 70, 96, 73, 99, 98, 31, 87, 57, 14, 32, 66, 106, 49, 102, 5, 103, 116, 110, 53, 38, 114, 76, 68, 63, 55, 124, 64, 56, 27, 113, 127, 12, 118, 84, 41, 117, 24, 91, 54, 95, 89, 44, 2, 72, 36, 97, 0], [121, 104, 100, 33, 28, 112, 122, 90, 21, 23, 83, 37, 93, 13, 116, 126, 30, 45, 92, 91, 125, 101, 79, 52, 17, 86, 115, 61, 60, 59, 46, 26, 51, 109, 35, 82, 85, 57, 48, 18, 123, 42, 118, 105, 19, 15, 97, 43, 39, 11, 54, 29, 107, 111, 103, 22, 32, 84, 31, 53, 14, 117, 95, 47, 96, 38, 120, 58, 119, 41, 108, 49, 106, 113, 110, 87, 27, 127, 99, 25, 70, 55, 34, 44, 124, 94, 6, 114, 89, 62, 36, 102, 24, 63, 75, 9, 50, 77, 98, 81, 72, 78, 20, 74, 56, 88, 10, 12, 16, 3, 80, 67, 71, 7, 76, 73, 2, 68, 8, 40, 69, 5, 66, 64, 1, 65, 4, 0], [37, 40, 105, 93, 55, 30, 124, 14, 18, 87, 63, 20, 94, 126, 48, 29, 88, 49, 104, 41, 60, 16, 117, 43, 58, 76, 89, 50, 62, 51, 57, 116, 53, 52, 39, 61, 111, 72, 119, 102, 38, 109, 100, 42, 44, 120, 59, 112, 56, 46, 122, 121, 110, 54, 114, 45, 113, 127, 123, 103, 115, 125, 27, 47, 108, 106, 118, 96, 107, 95, 86, 21, 98, 82, 26, 99, 36, 32, 33, 31, 35, 34, 23, 97, 24, 101, 69, 77, 81, 90, 25, 85, 10, 83, 92, 91, 78, 15, 28, 12, 84, 13, 74, 22, 17, 9, 80, 5, 6, 8, 79, 11, 75, 19, 1, 73, 3, 65, 71, 70, 66, 64, 2, 7, 67, 68, 4, 0], [105, 37, 40, 93, 87, 41, 18, 16, 76, 14, 20, 124, 29, 55, 69, 63, 72, 10, 57, 94, 88, 60, 49, 1, 61, 126, 15, 48, 23, 77, 117, 90, 114, 58, 27, 96, 74, 116, 89, 52, 78, 25, 12, 62, 122, 24, 81, 26, 13, 8, 30, 79, 82, 50, 102, 6, 84, 3, 68, 119, 112, 95, 86, 51, 100, 80, 104, 43, 83, 46, 17, 53, 21, 44, 91, 56, 59, 120, 71, 22, 39, 92, 19, 107, 97, 85, 45, 28, 11, 123, 4, 70, 101, 111, 38, 32, 75, 54, 5, 67, 108, 31, 121, 9, 34, 36, 65, 103, 33, 73, 35, 0, 2, 127, 7, 110, 113, 125, 98, 109, 42, 64, 115, 118, 99, 47, 66, 106], [105, 37, 40, 93, 104, 29, 55, 18, 87, 14, 16, 20, 63, 124, 76, 72, 49, 30, 60, 126, 27, 57, 94, 48, 117, 61, 88, 10, 114, 69, 77, 116, 89, 62, 50, 56, 100, 24, 90, 51, 96, 102, 119, 112, 86, 52, 15, 54, 58, 23, 127, 122, 12, 95, 8, 84, 53, 38, 79, 43, 21, 26, 92, 111, 82, 34, 108, 107, 113, 13, 32, 120, 80, 91, 25, 81, 98, 110, 28, 22, 103, 121, 44, 123, 19, 31, 39, 59, 45, 1, 115, 33, 101, 125, 47, 36, 35, 106, 46, 85, 99, 118, 42, 78, 17, 97, 109, 83, 41, 74, 6, 71, 70, 11, 3, 75, 68, 9, 5, 2, 4, 65, 66, 73, 7, 0, 64, 67], [40, 37, 105, 63, 93, 14, 16, 87, 10, 20, 18, 76, 55, 69, 29, 72, 57, 104, 30, 124, 3, 60, 41, 94, 74, 58, 61, 1, 26, 114, 88, 49, 15, 13, 23, 84, 24, 12, 126, 90, 17, 67, 95, 112, 70, 11, 71, 82, 78, 62, 116, 8, 117, 48, 52, 122, 81, 6, 22, 68, 0, 102, 7, 75, 83, 50, 77, 79, 46, 56, 98, 123, 80, 96, 4, 53, 27, 65, 89, 43, 21, 103, 86, 5, 39, 85, 119, 101, 100, 113, 51, 44, 47, 45, 25, 38, 28, 59, 92, 32, 19, 127, 111, 107, 91, 9, 120, 73, 110, 34, 64, 36, 115, 54, 108, 31, 109, 99, 35, 2, 121, 97, 118, 42, 66, 125, 33, 106], [105, 99, 89, 96, 48, 54, 83, 92, 84, 16, 14, 25, 11, 112, 22, 19, 75, 78, 72, 27, 77, 18, 80, 115, 41, 69, 81, 32, 24, 10, 36, 108, 30, 5, 44, 85, 93, 26, 13, 88, 104, 63, 119, 117, 29, 82, 15, 17, 73, 118, 20, 124, 94, 6, 9, 66, 62, 67, 49, 79, 12, 28, 91, 70, 126, 33, 23, 56, 90, 59, 21, 120, 58, 87, 76, 31, 71, 7, 74, 8, 65, 37, 4, 0, 1, 38, 98, 97, 43, 127, 46, 95, 2, 68, 60, 64, 86, 3, 51, 116, 107, 52, 47, 101, 110, 123, 50, 35, 100, 102, 109, 40, 53, 34, 122, 103, 125, 114, 121, 106, 61, 39, 42, 113, 45, 111, 57, 55], [44, 36, 104, 54, 92, 100, 95, 48, 105, 108, 28, 47, 96, 53, 32, 98, 37, 26, 27, 123, 40, 24, 97, 60, 127, 51, 112, 91, 58, 55, 85, 88, 52, 78, 93, 31, 33, 38, 21, 90, 113, 107, 49, 99, 124, 10, 110, 120, 115, 18, 89, 63, 30, 45, 34, 83, 62, 82, 56, 111, 94, 29, 122, 102, 84, 106, 118, 74, 103, 116, 117, 50, 46, 43, 22, 81, 101, 121, 119, 61, 114, 17, 39, 23, 57, 109, 59, 16, 86, 79, 126, 14, 87, 35, 70, 42, 41, 80, 5, 125, 9, 15, 75, 2, 20, 3, 66, 64, 12, 7, 73, 1, 77, 19, 76, 6, 4, 68, 0, 13, 25, 11, 67, 69, 72, 71, 8, 65], [48, 54, 37, 105, 108, 104, 36, 107, 47, 115, 63, 119, 95, 50, 44, 56, 112, 114, 118, 94, 127, 30, 117, 62, 110, 52, 55, 123, 116, 121, 53, 38, 58, 51, 124, 40, 59, 111, 113, 92, 34, 101, 120, 60, 125, 32, 46, 122, 126, 109, 57, 61, 100, 49, 24, 102, 33, 45, 98, 106, 43, 103, 28, 21, 99, 85, 42, 39, 96, 31, 41, 15, 97, 25, 29, 87, 19, 18, 81, 11, 23, 88, 12, 90, 73, 77, 17, 84, 26, 75, 91, 8, 93, 79, 22, 78, 7, 20, 5, 82, 80, 4, 35, 2, 0, 1, 64, 76, 6, 3, 14, 86, 74, 72, 70, 83, 71, 9, 89, 69, 27, 10, 16, 65, 68, 66, 67, 13], [54, 105, 48, 36, 123, 41, 25, 44, 127, 98, 99, 112, 34, 96, 115, 50, 47, 52, 60, 121, 118, 57, 117, 122, 64, 107, 63, 114, 108, 74, 119, 45, 120, 56, 22, 30, 113, 55, 8, 126, 111, 51, 58, 53, 62, 106, 110, 116, 125, 1, 124, 104, 59, 37, 61, 94, 80, 100, 68, 43, 75, 97, 109, 84, 67, 49, 81, 14, 38, 77, 6, 46, 42, 73, 103, 40, 5, 39, 79, 2, 24, 18, 4, 16, 3, 92, 89, 71, 21, 69, 12, 102, 28, 29, 33, 15, 20, 101, 88, 26, 85, 86, 7, 17, 31, 27, 95, 82, 91, 35, 32, 87, 13, 93, 76, 70, 19, 23, 90, 9, 0, 83, 11, 65, 78, 10, 66, 72], [37, 114, 49, 50, 54, 113, 94, 91, 101, 28, 118, 84, 61, 119, 25, 62, 45, 58, 11, 32, 112, 56, 87, 60, 29, 22, 124, 15, 31, 14, 90, 79, 116, 96, 81, 48, 33, 97, 82, 55, 24, 47, 110, 83, 36, 35, 117, 46, 95, 93, 109, 53, 98, 51, 99, 27, 18, 126, 127, 34, 30, 39, 115, 107, 102, 38, 40, 43, 63, 100, 52, 104, 44, 21, 105, 57, 125, 122, 123, 103, 92, 121, 41, 59, 120, 42, 8, 16, 108, 89, 106, 20, 88, 85, 26, 111, 76, 23, 86, 9, 75, 78, 5, 13, 19, 12, 6, 17, 80, 4, 10, 73, 7, 77, 2, 74, 3, 1, 71, 66, 72, 0, 70, 68, 69, 64, 65, 67], [114, 54, 49, 113, 50, 124, 119, 118, 109, 62, 123, 61, 56, 48, 47, 55, 112, 53, 58, 36, 127, 46, 37, 120, 63, 45, 126, 52, 60, 107, 125, 44, 115, 51, 111, 121, 117, 110, 122, 116, 59, 43, 57, 108, 17, 42, 105, 39, 106, 41, 101, 104, 20, 102, 38, 40, 82, 80, 30, 96, 19, 75, 79, 103, 86, 77, 78, 76, 95, 85, 24, 93, 100, 27, 97, 98, 99, 35, 34, 33, 74, 18, 32, 89, 72, 28, 71, 9, 23, 29, 14, 90, 15, 31, 92, 94, 87, 12, 88, 69, 70, 66, 13, 64, 65, 91, 84, 21, 81, 67, 26, 73, 83, 11, 25, 68, 22, 16, 6, 10, 4, 5, 1, 3, 8, 7, 0, 2], [37, 49, 114, 50, 54, 113, 101, 94, 62, 25, 91, 11, 84, 83, 119, 87, 81, 118, 32, 79, 8, 56, 5, 15, 76, 9, 28, 22, 21, 45, 6, 60, 4, 58, 61, 7, 124, 13, 110, 16, 33, 75, 112, 85, 14, 10, 18, 30, 116, 3, 82, 90, 46, 24, 1, 73, 53, 23, 96, 77, 89, 109, 78, 117, 2, 63, 74, 125, 47, 12, 80, 52, 31, 126, 20, 17, 71, 48, 93, 57, 127, 66, 19, 115, 98, 105, 55, 27, 36, 44, 86, 29, 88, 40, 35, 95, 26, 43, 97, 122, 92, 72, 111, 68, 59, 38, 123, 41, 0, 51, 107, 34, 103, 39, 121, 42, 120, 102, 99, 106, 108, 100, 104, 70, 69, 65, 64, 67], [49, 37, 114, 54, 50, 113, 5, 9, 76, 6, 8, 7, 94, 4, 77, 79, 75, 12, 87, 16, 3, 25, 30, 22, 73, 11, 74, 83, 78, 80, 82, 17, 124, 2, 81, 71, 72, 91, 10, 45, 19, 56, 60, 62, 119, 61, 112, 1, 32, 118, 13, 15, 58, 84, 85, 63, 53, 26, 101, 21, 20, 117, 110, 109, 55, 23, 90, 93, 92, 66, 14, 89, 116, 31, 88, 46, 29, 48, 18, 107, 28, 24, 27, 125, 102, 127, 115, 57, 0, 126, 36, 52, 51, 47, 86, 123, 44, 70, 96, 121, 68, 43, 33, 42, 59, 39, 122, 104, 111, 120, 98, 67, 40, 69, 41, 100, 105, 35, 34, 38, 108, 97, 95, 103, 106, 65, 99, 64], [41, 101, 25, 23, 85, 110, 18, 105, 15, 34, 13, 20, 11, 91, 124, 30, 113, 9, 14, 83, 43, 8, 109, 24, 126, 94, 82, 68, 6, 51, 84, 48, 107, 118, 92, 29, 27, 59, 112, 111, 57, 4, 45, 77, 114, 44, 87, 88, 122, 89, 36, 53, 62, 17, 26, 98, 79, 31, 32, 16, 76, 80, 58, 117, 78, 103, 90, 96, 115, 66, 50, 75, 72, 21, 67, 38, 56, 2, 99, 55, 10, 47, 95, 37, 121, 0, 61, 52, 69, 5, 102, 120, 86, 108, 19, 28, 63, 60, 46, 22, 116, 106, 39, 123, 35, 127, 54, 65, 104, 71, 70, 1, 7, 97, 73, 119, 93, 12, 3, 33, 74, 40, 49, 42, 81, 100, 125, 64], [41, 101, 25, 85, 18, 23, 20, 105, 15, 11, 34, 13, 91, 124, 14, 9, 6, 51, 113, 2, 118, 8, 82, 112, 114, 29, 27, 53, 83, 98, 84, 68, 81, 109, 75, 48, 78, 32, 43, 107, 89, 30, 66, 87, 92, 111, 94, 126, 70, 36, 90, 45, 79, 110, 17, 44, 88, 122, 62, 57, 59, 117, 21, 7, 99, 103, 60, 127, 47, 76, 19, 38, 26, 42, 31, 24, 120, 52, 58, 16, 46, 69, 108, 77, 0, 35, 119, 72, 61, 115, 56, 80, 37, 22, 123, 102, 55, 63, 121, 10, 86, 95, 28, 67, 96, 97, 125, 100, 106, 39, 71, 54, 116, 50, 73, 93, 5, 74, 12, 40, 33, 65, 3, 49, 4, 1, 104, 64], [41, 101, 109, 110, 91, 25, 20, 18, 34, 85, 105, 23, 14, 124, 11, 15, 9, 13, 43, 53, 24, 113, 82, 84, 29, 8, 107, 45, 27, 126, 83, 6, 111, 90, 127, 59, 68, 98, 112, 51, 28, 44, 120, 78, 56, 47, 121, 118, 117, 114, 116, 62, 50, 106, 122, 55, 57, 92, 58, 95, 93, 94, 81, 36, 52, 97, 16, 87, 32, 30, 60, 102, 108, 42, 99, 38, 66, 75, 26, 40, 96, 119, 88, 63, 67, 33, 31, 89, 35, 37, 48, 80, 123, 115, 70, 61, 49, 46, 39, 104, 71, 125, 2, 22, 103, 76, 77, 86, 12, 54, 17, 79, 0, 4, 19, 21, 72, 7, 10, 5, 69, 100, 73, 65, 74, 1, 3, 64], [41, 101, 25, 85, 91, 105, 23, 15, 18, 20, 34, 13, 98, 113, 124, 81, 110, 29, 30, 11, 48, 95, 126, 43, 92, 114, 27, 9, 53, 14, 109, 84, 36, 44, 94, 24, 118, 45, 35, 26, 83, 100, 111, 89, 51, 107, 46, 57, 82, 120, 76, 123, 112, 61, 119, 38, 40, 103, 122, 121, 31, 56, 87, 116, 8, 62, 60, 50, 28, 106, 99, 47, 127, 125, 39, 80, 97, 117, 78, 42, 33, 6, 32, 58, 54, 59, 86, 102, 16, 88, 73, 21, 55, 63, 77, 22, 17, 96, 115, 52, 49, 79, 108, 4, 93, 12, 90, 104, 19, 68, 37, 66, 75, 10, 70, 74, 72, 5, 67, 7, 71, 1, 2, 69, 64, 3, 0, 65]], "model.layers.7.self_attn.k_proj": [[45, 107, 102, 0, 109, 60, 1, 12, 3, 77, 70, 19, 71, 43, 10, 8, 78, 115, 80, 29, 68, 22, 25, 5, 18, 17, 11, 125, 2, 73, 57, 126, 56, 48, 122, 111, 124, 79, 55, 110, 113, 63, 20, 66, 58, 67, 52, 47, 127, 62, 117, 49, 59, 114, 112, 96, 121, 51, 44, 54, 23, 118, 6, 119, 61, 92, 123, 53, 27, 95, 46, 116, 98, 50, 120, 106, 69, 89, 100, 64, 65, 21, 4, 108, 75, 9, 7, 41, 42, 105, 40, 39, 87, 30, 35, 24, 104, 94, 103, 36, 97, 31, 26, 101, 84, 37, 32, 33, 99, 90, 28, 85, 88, 81, 72, 93, 34, 15, 74, 76, 91, 82, 14, 16, 83, 13, 86, 38], [41, 118, 64, 111, 117, 33, 79, 82, 84, 1, 13, 23, 90, 93, 56, 71, 2, 11, 9, 4, 89, 85, 10, 105, 17, 65, 5, 37, 47, 121, 6, 30, 76, 67, 14, 116, 32, 80, 66, 72, 101, 22, 24, 115, 0, 48, 19, 28, 59, 29, 127, 44, 126, 49, 95, 110, 3, 26, 55, 112, 88, 83, 16, 38, 43, 35, 94, 52, 98, 27, 18, 46, 81, 40, 120, 107, 12, 100, 21, 102, 62, 124, 119, 61, 106, 113, 99, 69, 34, 53, 91, 123, 97, 103, 96, 42, 63, 57, 39, 51, 109, 114, 60, 36, 31, 58, 73, 104, 108, 54, 8, 122, 125, 68, 50, 25, 45, 78, 75, 92, 20, 77, 87, 86, 15, 74, 7, 70], [106, 39, 94, 98, 85, 23, 83, 127, 74, 12, 81, 78, 72, 16, 15, 50, 112, 65, 68, 42, 6, 41, 53, 69, 118, 2, 114, 49, 13, 0, 124, 88, 77, 18, 52, 111, 55, 8, 79, 38, 126, 125, 115, 34, 29, 36, 102, 109, 108, 120, 54, 7, 64, 107, 31, 40, 63, 110, 9, 47, 26, 101, 75, 60, 48, 3, 71, 61, 35, 122, 67, 117, 104, 25, 22, 58, 100, 43, 119, 62, 80, 113, 66, 56, 5, 11, 121, 14, 73, 105, 90, 57, 33, 123, 44, 92, 103, 46, 89, 24, 86, 116, 93, 37, 82, 27, 59, 99, 96, 19, 91, 45, 32, 95, 84, 28, 20, 97, 30, 76, 10, 17, 4, 51, 1, 87, 70, 21], [40, 121, 97, 90, 23, 21, 83, 36, 79, 48, 17, 82, 11, 13, 86, 8, 122, 73, 0, 30, 78, 50, 51, 107, 6, 109, 116, 69, 60, 59, 10, 65, 115, 58, 110, 101, 45, 29, 9, 4, 16, 68, 53, 123, 28, 84, 93, 66, 67, 39, 100, 126, 61, 37, 27, 42, 12, 89, 55, 124, 112, 3, 56, 96, 32, 47, 57, 70, 120, 125, 117, 103, 119, 2, 114, 95, 94, 35, 98, 14, 74, 54, 92, 106, 46, 43, 75, 88, 99, 41, 111, 105, 62, 52, 118, 49, 108, 34, 63, 38, 127, 91, 113, 44, 5, 31, 102, 15, 19, 76, 1, 71, 7, 18, 22, 24, 64, 25, 20, 72, 80, 77, 85, 26, 81, 87, 104, 33], [104, 41, 101, 29, 87, 55, 20, 63, 18, 16, 76, 10, 14, 60, 37, 57, 7, 0, 65, 72, 77, 67, 52, 69, 112, 58, 124, 113, 114, 71, 61, 66, 5, 86, 30, 17, 9, 126, 24, 15, 27, 75, 8, 93, 123, 4, 12, 102, 89, 62, 43, 64, 94, 21, 53, 2, 90, 70, 83, 13, 85, 39, 79, 19, 96, 88, 56, 100, 117, 3, 107, 116, 108, 45, 127, 82, 6, 91, 46, 111, 119, 47, 11, 121, 81, 23, 51, 54, 25, 49, 120, 73, 95, 32, 68, 42, 59, 26, 78, 34, 36, 28, 122, 80, 22, 31, 98, 92, 110, 84, 109, 103, 97, 106, 118, 44, 35, 99, 115, 74, 38, 48, 50, 125, 33, 40, 1, 105], [41, 54, 48, 35, 32, 22, 93, 16, 44, 127, 40, 10, 112, 30, 90, 89, 78, 84, 124, 83, 3, 70, 77, 27, 115, 123, 113, 51, 18, 117, 25, 52, 55, 101, 120, 111, 24, 7, 59, 121, 76, 119, 110, 63, 5, 122, 60, 50, 62, 126, 114, 58, 57, 43, 11, 118, 108, 31, 116, 81, 125, 1, 61, 56, 53, 109, 47, 19, 45, 100, 72, 79, 91, 46, 103, 102, 42, 39, 106, 9, 49, 2, 23, 107, 4, 80, 64, 73, 0, 13, 74, 66, 20, 12, 8, 33, 28, 21, 86, 104, 65, 38, 14, 26, 71, 87, 98, 34, 92, 15, 17, 85, 95, 68, 97, 29, 88, 36, 105, 96, 37, 94, 82, 75, 6, 99, 69, 67], [50, 101, 113, 49, 54, 94, 114, 22, 91, 87, 25, 21, 83, 81, 74, 84, 13, 18, 16, 86, 14, 72, 56, 71, 80, 110, 69, 77, 15, 32, 112, 58, 70, 60, 67, 66, 53, 117, 124, 26, 88, 92, 12, 45, 119, 68, 52, 55, 78, 62, 63, 125, 109, 9, 127, 73, 61, 64, 57, 4, 37, 51, 43, 126, 107, 11, 118, 115, 48, 19, 100, 123, 98, 116, 31, 47, 65, 121, 59, 75, 111, 120, 42, 29, 104, 102, 95, 6, 105, 44, 41, 103, 89, 76, 46, 40, 108, 122, 39, 1, 23, 97, 17, 38, 106, 3, 27, 10, 34, 35, 36, 99, 33, 85, 24, 30, 28, 96, 93, 79, 90, 20, 5, 8, 82, 7, 2, 0], [105, 37, 23, 18, 25, 15, 20, 11, 14, 85, 101, 13, 124, 91, 113, 34, 9, 46, 49, 8, 48, 126, 6, 1, 41, 118, 43, 68, 45, 115, 2, 111, 74, 110, 94, 16, 0, 63, 119, 114, 51, 83, 24, 62, 98, 64, 70, 59, 35, 53, 109, 92, 117, 58, 81, 102, 12, 65, 90, 55, 31, 10, 30, 57, 67, 3, 44, 29, 36, 61, 120, 7, 4, 32, 112, 103, 122, 108, 27, 116, 99, 96, 77, 50, 26, 86, 72, 107, 106, 121, 19, 95, 104, 93, 88, 56, 75, 71, 42, 125, 40, 54, 22, 38, 100, 123, 52, 97, 39, 5, 17, 79, 33, 69, 127, 47, 80, 28, 73, 60, 66, 21, 76, 78, 89, 84, 87, 82]], "model.layers.7.self_attn.qk_proj": [[121, 41, 54, 118, 105, 50, 37, 45, 106, 48, 101, 49, 109, 114, 107, 104, 113, 93, 43, 23, 87, 60, 30, 42, 89, 77, 40, 85, 25, 82, 83, 13, 14, 18, 21, 26, 78, 117, 19, 16, 112, 10, 111, 124, 79, 15, 20, 34, 63, 55, 81, 84, 74, 80, 103, 72, 17, 56, 119, 115, 94, 76, 29, 12, 39, 100, 86, 33, 57, 110, 75, 122, 126, 27, 47, 127, 52, 44, 125, 0, 11, 22, 53, 102, 90, 8, 58, 123, 32, 97, 64, 61, 7, 67, 69, 5, 62, 9, 59, 71, 51, 65, 73, 70, 98, 3, 4, 91, 120, 116, 38, 96, 6, 35, 24, 36, 46, 1, 88, 68, 31, 92, 108, 28, 2, 95, 99, 66], [121, 41, 118, 105, 54, 50, 37, 45, 106, 48, 49, 101, 109, 107, 114, 104, 43, 113, 93, 23, 30, 87, 40, 60, 42, 25, 21, 18, 85, 77, 19, 13, 14, 82, 89, 83, 26, 112, 111, 84, 103, 79, 78, 16, 10, 63, 80, 117, 15, 34, 55, 124, 94, 17, 20, 74, 12, 81, 72, 115, 119, 100, 56, 86, 39, 76, 122, 53, 29, 11, 125, 33, 47, 110, 127, 27, 61, 57, 22, 102, 75, 0, 52, 90, 126, 8, 97, 62, 64, 123, 32, 51, 44, 58, 98, 69, 7, 9, 4, 5, 6, 1, 65, 71, 67, 36, 91, 120, 35, 116, 73, 59, 68, 108, 70, 38, 3, 24, 96, 88, 2, 99, 28, 66, 46, 92, 31, 95], [121, 41, 118, 105, 54, 50, 37, 45, 106, 101, 48, 114, 109, 49, 107, 104, 113, 93, 23, 43, 30, 87, 42, 60, 40, 25, 89, 85, 21, 77, 26, 18, 19, 82, 13, 117, 55, 103, 14, 94, 83, 112, 84, 34, 111, 78, 81, 124, 20, 79, 100, 16, 10, 74, 15, 29, 80, 33, 39, 86, 63, 17, 110, 76, 97, 47, 12, 122, 90, 56, 53, 115, 72, 57, 8, 27, 119, 22, 127, 102, 52, 32, 75, 0, 64, 11, 58, 62, 69, 126, 125, 6, 98, 7, 5, 1, 44, 65, 61, 68, 123, 51, 71, 91, 3, 108, 9, 96, 4, 59, 36, 35, 67, 46, 116, 73, 24, 99, 38, 31, 88, 120, 70, 2, 66, 28, 95, 92], [121, 118, 41, 105, 54, 50, 45, 37, 106, 49, 48, 101, 114, 109, 107, 104, 93, 113, 43, 87, 23, 30, 89, 40, 42, 60, 25, 82, 26, 85, 117, 77, 112, 21, 18, 103, 55, 78, 127, 83, 13, 19, 79, 119, 20, 94, 84, 34, 124, 15, 63, 14, 111, 53, 100, 81, 10, 16, 47, 80, 17, 74, 29, 39, 27, 86, 12, 33, 102, 110, 64, 125, 11, 44, 115, 76, 126, 32, 52, 56, 58, 90, 97, 122, 22, 8, 72, 0, 51, 57, 69, 71, 62, 75, 5, 6, 67, 65, 116, 3, 73, 61, 91, 59, 7, 98, 120, 68, 1, 36, 35, 9, 123, 96, 4, 2, 46, 31, 38, 70, 88, 28, 66, 108, 92, 24, 95, 99], [121, 41, 118, 105, 54, 50, 45, 37, 106, 48, 49, 101, 114, 109, 107, 104, 113, 43, 93, 87, 23, 42, 40, 89, 30, 60, 77, 26, 18, 85, 82, 21, 117, 25, 55, 13, 34, 111, 112, 14, 103, 83, 78, 10, 84, 94, 16, 63, 47, 74, 15, 19, 20, 79, 124, 76, 81, 8, 80, 100, 39, 29, 17, 12, 119, 102, 115, 11, 33, 57, 56, 86, 64, 53, 0, 126, 110, 75, 32, 65, 22, 127, 90, 97, 122, 68, 69, 72, 62, 27, 58, 61, 44, 52, 5, 98, 4, 125, 7, 73, 3, 6, 9, 51, 67, 38, 91, 71, 1, 116, 59, 66, 24, 70, 123, 108, 35, 2, 36, 88, 120, 96, 46, 92, 28, 99, 31, 95], [121, 41, 118, 54, 105, 50, 45, 37, 106, 101, 48, 49, 114, 107, 109, 104, 43, 113, 93, 87, 23, 60, 42, 77, 85, 82, 89, 40, 30, 25, 18, 21, 26, 14, 78, 13, 19, 112, 79, 83, 111, 16, 103, 84, 117, 74, 20, 15, 63, 34, 17, 10, 11, 8, 81, 80, 124, 12, 76, 100, 115, 94, 47, 55, 86, 126, 53, 39, 125, 29, 57, 127, 110, 72, 61, 52, 75, 0, 119, 33, 102, 58, 62, 27, 22, 44, 64, 122, 32, 56, 7, 9, 120, 97, 3, 90, 91, 123, 68, 6, 73, 5, 69, 51, 4, 71, 70, 65, 59, 1, 67, 98, 24, 35, 66, 116, 36, 38, 96, 108, 2, 92, 88, 28, 46, 31, 99, 95], [121, 41, 54, 105, 118, 50, 37, 45, 101, 106, 49, 48, 114, 109, 107, 23, 104, 113, 93, 87, 43, 30, 82, 42, 60, 77, 18, 21, 25, 14, 89, 85, 13, 40, 78, 26, 16, 19, 15, 84, 117, 111, 83, 79, 20, 103, 63, 17, 34, 74, 8, 10, 81, 112, 80, 12, 76, 47, 94, 124, 29, 33, 110, 27, 11, 115, 86, 39, 57, 55, 52, 100, 22, 125, 126, 75, 119, 122, 127, 56, 58, 44, 90, 61, 91, 32, 102, 72, 53, 0, 59, 62, 97, 73, 69, 123, 98, 7, 96, 5, 64, 9, 71, 51, 38, 68, 6, 3, 116, 92, 35, 36, 24, 1, 88, 67, 70, 4, 120, 65, 46, 2, 31, 28, 108, 66, 95, 99], [121, 41, 105, 118, 54, 50, 45, 106, 37, 49, 101, 48, 109, 114, 107, 104, 113, 93, 43, 23, 42, 87, 82, 40, 18, 21, 30, 13, 85, 19, 77, 60, 89, 26, 14, 78, 25, 79, 16, 84, 83, 15, 103, 80, 17, 20, 74, 12, 81, 8, 76, 34, 117, 10, 124, 94, 111, 29, 86, 11, 63, 112, 55, 39, 119, 27, 75, 100, 57, 127, 33, 115, 22, 61, 44, 102, 0, 47, 64, 90, 1, 125, 52, 5, 91, 110, 72, 69, 58, 32, 123, 122, 70, 56, 7, 24, 53, 97, 65, 62, 126, 59, 71, 98, 73, 4, 88, 67, 9, 96, 38, 51, 36, 116, 68, 92, 3, 2, 6, 46, 120, 31, 35, 95, 66, 108, 28, 99], [121, 41, 118, 54, 105, 50, 45, 37, 106, 48, 101, 49, 109, 107, 114, 104, 43, 93, 113, 23, 87, 40, 42, 30, 89, 21, 19, 18, 82, 25, 85, 60, 26, 84, 13, 14, 111, 77, 16, 83, 94, 63, 20, 79, 103, 117, 15, 17, 78, 112, 55, 34, 80, 12, 74, 124, 81, 10, 57, 8, 29, 53, 76, 33, 127, 47, 110, 52, 27, 39, 86, 119, 11, 126, 90, 125, 58, 100, 22, 102, 97, 44, 51, 32, 62, 91, 115, 75, 56, 0, 64, 98, 7, 61, 123, 70, 122, 4, 72, 5, 36, 65, 71, 88, 116, 59, 69, 73, 68, 67, 38, 9, 24, 1, 96, 120, 35, 92, 3, 6, 108, 28, 66, 31, 95, 99, 46, 2], [121, 41, 118, 105, 54, 50, 37, 45, 106, 101, 49, 48, 109, 107, 114, 104, 113, 93, 43, 87, 23, 30, 60, 42, 25, 82, 21, 85, 40, 89, 13, 18, 111, 19, 16, 14, 77, 117, 83, 26, 84, 15, 20, 103, 79, 78, 34, 112, 17, 55, 80, 10, 81, 94, 74, 76, 8, 12, 115, 124, 102, 119, 11, 29, 126, 63, 27, 39, 33, 100, 86, 125, 47, 127, 57, 44, 56, 53, 110, 90, 122, 61, 51, 32, 64, 58, 91, 22, 0, 97, 75, 69, 72, 70, 62, 52, 71, 123, 73, 3, 98, 5, 65, 9, 116, 36, 67, 1, 7, 4, 92, 88, 68, 96, 59, 6, 120, 28, 24, 35, 66, 38, 46, 31, 99, 108, 95, 2], [121, 41, 118, 54, 105, 50, 37, 45, 106, 48, 49, 101, 114, 109, 107, 104, 113, 43, 93, 23, 42, 87, 30, 40, 13, 82, 25, 85, 89, 60, 77, 21, 18, 111, 55, 83, 117, 15, 16, 26, 79, 14, 63, 20, 78, 34, 119, 112, 19, 10, 103, 84, 74, 115, 47, 94, 80, 53, 127, 81, 17, 12, 52, 8, 39, 29, 110, 76, 86, 11, 33, 100, 72, 64, 102, 126, 122, 57, 124, 56, 44, 69, 62, 61, 51, 75, 125, 0, 97, 32, 1, 7, 58, 90, 5, 22, 123, 27, 70, 71, 9, 65, 73, 91, 67, 6, 98, 4, 68, 3, 38, 35, 36, 120, 96, 59, 116, 2, 66, 28, 92, 24, 31, 46, 108, 88, 95, 99], [121, 41, 118, 54, 105, 50, 45, 37, 106, 48, 49, 114, 101, 107, 109, 104, 113, 93, 87, 43, 23, 42, 30, 82, 85, 25, 40, 21, 18, 89, 13, 77, 60, 83, 26, 14, 15, 79, 111, 19, 84, 103, 16, 34, 20, 112, 78, 117, 81, 80, 10, 74, 94, 63, 124, 55, 76, 17, 86, 47, 39, 127, 12, 8, 53, 119, 29, 72, 33, 115, 100, 52, 27, 11, 110, 64, 56, 69, 90, 102, 22, 126, 75, 62, 44, 123, 91, 73, 32, 122, 67, 71, 57, 97, 125, 5, 61, 0, 4, 70, 68, 3, 9, 51, 7, 58, 1, 6, 98, 120, 65, 96, 38, 36, 66, 24, 116, 2, 59, 108, 88, 46, 35, 92, 28, 31, 99, 95], [121, 41, 118, 54, 105, 50, 45, 37, 101, 106, 48, 49, 109, 114, 107, 104, 113, 23, 93, 43, 87, 60, 30, 18, 42, 40, 25, 89, 21, 82, 13, 85, 19, 16, 26, 14, 83, 77, 78, 124, 84, 79, 103, 117, 111, 94, 15, 34, 81, 80, 20, 72, 74, 17, 112, 63, 10, 12, 115, 76, 29, 55, 119, 86, 100, 33, 27, 47, 90, 11, 126, 125, 39, 127, 110, 53, 75, 44, 102, 8, 56, 57, 52, 62, 97, 91, 22, 32, 61, 58, 122, 59, 64, 6, 4, 123, 73, 69, 0, 71, 68, 7, 65, 9, 3, 24, 36, 5, 51, 96, 98, 116, 70, 67, 38, 46, 92, 88, 120, 35, 31, 108, 1, 2, 66, 28, 95, 99], [121, 41, 118, 105, 54, 50, 37, 45, 106, 101, 49, 48, 109, 114, 107, 104, 113, 93, 43, 23, 60, 13, 40, 42, 87, 30, 18, 85, 25, 82, 89, 103, 21, 83, 26, 72, 78, 16, 14, 17, 117, 79, 19, 20, 15, 34, 77, 63, 74, 84, 81, 111, 124, 55, 10, 112, 80, 76, 12, 119, 47, 126, 29, 11, 75, 86, 0, 64, 27, 94, 115, 100, 127, 8, 125, 44, 39, 90, 61, 102, 33, 110, 22, 53, 6, 57, 52, 56, 69, 5, 58, 7, 65, 51, 71, 1, 9, 32, 68, 62, 97, 73, 116, 122, 91, 4, 3, 59, 96, 67, 70, 98, 36, 123, 88, 35, 24, 38, 66, 92, 31, 120, 46, 2, 99, 28, 95, 108], [121, 41, 118, 105, 54, 50, 45, 37, 49, 106, 101, 48, 109, 114, 107, 104, 43, 113, 93, 23, 87, 30, 42, 60, 25, 40, 89, 18, 21, 82, 85, 26, 13, 83, 111, 15, 16, 78, 72, 79, 19, 20, 112, 117, 77, 84, 63, 14, 124, 74, 103, 17, 34, 10, 81, 80, 55, 29, 47, 86, 94, 115, 12, 119, 76, 39, 127, 27, 57, 90, 33, 11, 110, 100, 53, 75, 126, 52, 61, 32, 8, 102, 62, 22, 69, 58, 6, 56, 0, 125, 44, 91, 64, 71, 73, 5, 9, 7, 122, 123, 51, 65, 4, 3, 1, 67, 36, 88, 97, 70, 68, 96, 24, 38, 120, 46, 116, 59, 92, 28, 98, 35, 2, 31, 66, 108, 99, 95], [121, 41, 118, 54, 105, 50, 45, 37, 106, 49, 48, 101, 114, 107, 109, 104, 113, 93, 43, 23, 30, 60, 42, 25, 87, 85, 40, 89, 82, 18, 13, 26, 83, 21, 112, 77, 14, 111, 117, 16, 94, 78, 19, 15, 79, 34, 20, 84, 63, 74, 72, 29, 124, 55, 80, 115, 10, 17, 53, 57, 126, 47, 86, 76, 39, 103, 81, 33, 100, 119, 110, 62, 125, 127, 12, 56, 11, 90, 22, 27, 52, 6, 64, 75, 102, 61, 32, 8, 122, 44, 97, 91, 7, 51, 123, 58, 9, 73, 69, 0, 38, 68, 4, 71, 5, 3, 36, 59, 67, 46, 1, 120, 116, 98, 96, 88, 24, 70, 35, 65, 92, 108, 66, 28, 31, 99, 2, 95], [121, 41, 118, 54, 105, 50, 37, 45, 106, 101, 49, 114, 109, 48, 107, 104, 113, 23, 93, 87, 60, 43, 42, 30, 25, 89, 18, 82, 85, 13, 83, 40, 21, 26, 16, 117, 19, 78, 14, 77, 84, 81, 79, 34, 15, 74, 112, 72, 20, 124, 80, 10, 111, 94, 17, 100, 12, 115, 39, 55, 76, 119, 103, 63, 110, 33, 11, 29, 90, 57, 86, 47, 127, 123, 27, 53, 102, 58, 22, 52, 56, 8, 125, 44, 32, 75, 122, 0, 91, 126, 9, 7, 71, 97, 62, 61, 5, 69, 68, 51, 6, 98, 64, 120, 1, 70, 36, 59, 4, 108, 38, 116, 73, 35, 65, 88, 24, 46, 96, 92, 67, 2, 31, 3, 99, 95, 28, 66], [121, 41, 118, 54, 105, 50, 37, 45, 106, 101, 49, 109, 48, 114, 107, 104, 113, 23, 93, 43, 42, 87, 30, 60, 85, 83, 40, 25, 13, 89, 82, 18, 21, 26, 19, 111, 78, 77, 16, 117, 84, 14, 79, 15, 20, 103, 80, 72, 34, 124, 10, 112, 17, 81, 29, 74, 94, 55, 76, 119, 12, 33, 63, 57, 75, 90, 8, 127, 100, 47, 110, 126, 11, 39, 86, 22, 115, 61, 52, 32, 27, 53, 62, 102, 125, 56, 64, 58, 7, 51, 0, 91, 122, 44, 71, 5, 69, 70, 97, 9, 59, 1, 67, 116, 73, 98, 6, 123, 36, 38, 3, 4, 46, 65, 120, 96, 24, 68, 99, 28, 92, 31, 108, 35, 88, 95, 2, 66], [121, 41, 118, 105, 54, 50, 37, 45, 106, 49, 101, 109, 48, 114, 107, 104, 43, 113, 23, 30, 87, 93, 89, 42, 60, 40, 25, 18, 117, 85, 13, 63, 82, 21, 83, 112, 26, 94, 16, 111, 77, 78, 119, 103, 20, 34, 55, 15, 84, 19, 80, 79, 124, 14, 33, 57, 74, 81, 29, 102, 10, 17, 52, 39, 72, 127, 90, 8, 12, 115, 53, 100, 97, 47, 76, 86, 110, 126, 32, 27, 44, 11, 64, 58, 51, 0, 62, 91, 56, 75, 22, 71, 69, 61, 7, 122, 70, 98, 5, 1, 67, 4, 3, 68, 35, 9, 36, 65, 125, 123, 59, 120, 73, 92, 24, 95, 38, 31, 6, 116, 99, 46, 28, 108, 88, 96, 2, 66], [121, 41, 118, 54, 105, 50, 37, 45, 106, 101, 49, 48, 109, 107, 114, 113, 104, 93, 23, 43, 30, 25, 87, 60, 42, 18, 77, 40, 26, 21, 89, 13, 85, 83, 19, 82, 117, 80, 111, 112, 15, 84, 14, 124, 10, 78, 34, 79, 16, 103, 74, 63, 76, 94, 55, 100, 72, 81, 17, 8, 33, 115, 39, 29, 12, 20, 126, 86, 27, 102, 11, 110, 62, 53, 75, 57, 56, 44, 97, 61, 127, 22, 70, 119, 47, 52, 71, 51, 58, 90, 69, 0, 122, 64, 5, 125, 123, 91, 32, 73, 7, 4, 9, 65, 1, 36, 98, 35, 120, 68, 59, 24, 46, 96, 38, 3, 116, 6, 67, 31, 88, 92, 108, 99, 2, 28, 95, 66], [121, 41, 118, 54, 105, 50, 45, 37, 106, 49, 101, 48, 109, 114, 107, 104, 113, 93, 43, 42, 23, 30, 60, 87, 89, 40, 25, 18, 13, 77, 85, 82, 21, 26, 103, 117, 14, 111, 74, 83, 19, 63, 79, 112, 119, 16, 34, 15, 81, 78, 84, 80, 94, 29, 33, 55, 124, 20, 10, 57, 17, 8, 76, 62, 110, 86, 127, 39, 53, 47, 12, 11, 72, 75, 126, 100, 22, 90, 102, 58, 115, 56, 9, 71, 123, 70, 27, 44, 52, 69, 5, 97, 125, 32, 51, 64, 120, 91, 7, 122, 3, 0, 61, 4, 59, 38, 73, 67, 68, 98, 46, 96, 36, 1, 6, 88, 65, 99, 35, 31, 116, 108, 28, 2, 92, 66, 24, 95], [121, 41, 118, 105, 54, 50, 37, 45, 106, 49, 48, 101, 109, 114, 107, 104, 113, 87, 93, 23, 43, 42, 30, 60, 89, 40, 25, 82, 85, 26, 13, 18, 21, 77, 19, 117, 83, 14, 79, 103, 124, 34, 16, 112, 78, 111, 63, 15, 74, 84, 119, 29, 94, 33, 55, 20, 17, 110, 80, 81, 10, 76, 86, 8, 127, 12, 100, 39, 90, 115, 57, 75, 102, 47, 126, 52, 32, 53, 91, 62, 27, 56, 22, 44, 58, 11, 64, 97, 72, 61, 51, 123, 0, 71, 5, 59, 125, 69, 9, 70, 1, 98, 122, 116, 73, 38, 7, 88, 120, 46, 96, 67, 36, 4, 3, 35, 65, 68, 28, 92, 31, 99, 6, 24, 95, 2, 108, 66], [121, 41, 118, 54, 105, 50, 37, 45, 101, 49, 48, 106, 114, 109, 107, 113, 104, 43, 93, 23, 42, 30, 87, 60, 25, 40, 89, 18, 82, 13, 26, 85, 117, 77, 21, 78, 34, 94, 19, 124, 103, 83, 14, 55, 84, 15, 79, 16, 74, 111, 80, 20, 17, 8, 81, 29, 10, 112, 119, 76, 47, 115, 86, 90, 39, 33, 11, 12, 56, 63, 126, 100, 102, 75, 44, 127, 22, 110, 53, 57, 0, 32, 91, 61, 27, 58, 97, 52, 72, 64, 73, 4, 62, 51, 69, 5, 1, 122, 125, 9, 123, 68, 38, 71, 6, 59, 7, 35, 65, 24, 96, 98, 46, 70, 88, 36, 3, 67, 116, 31, 92, 66, 28, 120, 95, 99, 2, 108], [121, 41, 118, 105, 54, 50, 37, 45, 106, 101, 48, 49, 109, 114, 107, 104, 113, 43, 93, 60, 23, 42, 30, 25, 87, 40, 85, 13, 117, 21, 89, 82, 18, 26, 19, 77, 78, 103, 111, 74, 124, 55, 94, 16, 79, 8, 14, 63, 84, 83, 112, 34, 20, 127, 17, 10, 15, 119, 80, 29, 33, 126, 47, 12, 56, 53, 81, 100, 86, 39, 75, 115, 110, 76, 62, 102, 11, 51, 90, 27, 97, 125, 61, 22, 44, 58, 32, 72, 7, 57, 64, 52, 73, 6, 122, 69, 9, 4, 123, 5, 91, 68, 71, 0, 96, 3, 98, 35, 116, 38, 120, 36, 67, 59, 65, 46, 108, 1, 88, 70, 28, 31, 66, 99, 24, 95, 92, 2], [121, 41, 118, 105, 54, 50, 37, 45, 106, 49, 101, 48, 109, 114, 104, 107, 113, 43, 93, 23, 60, 30, 42, 87, 25, 13, 40, 82, 89, 21, 85, 18, 78, 19, 117, 26, 34, 77, 74, 15, 79, 124, 111, 83, 112, 14, 16, 20, 80, 84, 103, 10, 63, 17, 8, 39, 94, 115, 33, 100, 55, 29, 12, 76, 81, 110, 11, 86, 57, 56, 126, 22, 44, 90, 127, 53, 75, 119, 27, 52, 47, 58, 72, 102, 62, 123, 122, 32, 64, 97, 125, 73, 6, 71, 38, 5, 91, 69, 61, 0, 36, 9, 59, 120, 7, 51, 4, 67, 31, 1, 98, 68, 3, 88, 116, 70, 65, 46, 96, 35, 28, 108, 99, 92, 24, 2, 95, 66], [121, 41, 118, 105, 54, 50, 45, 37, 106, 101, 49, 48, 109, 114, 107, 104, 113, 43, 93, 23, 60, 42, 87, 40, 25, 82, 13, 85, 30, 89, 18, 21, 26, 77, 117, 14, 19, 74, 83, 34, 15, 78, 79, 63, 112, 80, 84, 17, 103, 8, 111, 94, 10, 12, 20, 16, 124, 76, 29, 110, 55, 39, 100, 81, 33, 86, 119, 127, 115, 52, 75, 47, 53, 56, 27, 57, 11, 126, 102, 22, 72, 90, 97, 125, 58, 0, 122, 6, 44, 64, 7, 123, 32, 71, 51, 62, 69, 91, 59, 73, 9, 5, 61, 98, 1, 120, 65, 96, 116, 88, 68, 4, 3, 38, 24, 92, 36, 67, 46, 35, 108, 28, 31, 70, 2, 99, 95, 66], [121, 41, 118, 105, 54, 50, 45, 37, 106, 101, 48, 49, 114, 109, 107, 104, 93, 113, 43, 23, 42, 30, 87, 60, 25, 40, 85, 82, 26, 89, 21, 77, 13, 83, 18, 103, 14, 19, 111, 20, 34, 17, 117, 55, 84, 124, 16, 78, 79, 94, 112, 29, 15, 63, 127, 86, 80, 76, 126, 119, 10, 74, 110, 33, 39, 53, 58, 123, 56, 27, 90, 8, 122, 12, 115, 81, 47, 57, 11, 52, 22, 102, 44, 72, 97, 0, 100, 32, 125, 62, 38, 61, 75, 9, 51, 64, 59, 7, 4, 116, 98, 5, 69, 6, 36, 68, 67, 3, 96, 65, 91, 24, 71, 1, 120, 73, 70, 92, 35, 88, 31, 28, 46, 95, 66, 99, 2, 108], [121, 41, 118, 105, 54, 50, 45, 37, 106, 48, 49, 101, 109, 107, 114, 104, 113, 43, 93, 42, 87, 23, 60, 30, 40, 13, 82, 77, 85, 21, 25, 18, 19, 89, 78, 14, 34, 15, 117, 83, 74, 26, 103, 111, 112, 10, 20, 72, 124, 16, 79, 80, 17, 8, 12, 81, 84, 76, 47, 110, 64, 75, 56, 127, 115, 100, 55, 86, 29, 63, 94, 119, 11, 126, 39, 0, 53, 22, 122, 52, 102, 7, 61, 5, 57, 33, 58, 90, 68, 69, 9, 1, 62, 27, 97, 44, 65, 32, 73, 123, 59, 125, 98, 3, 71, 91, 4, 6, 67, 70, 51, 116, 66, 38, 36, 120, 88, 96, 35, 2, 24, 46, 108, 31, 92, 28, 99, 95], [41, 121, 118, 105, 54, 50, 45, 37, 106, 49, 48, 101, 109, 107, 114, 104, 113, 43, 93, 42, 23, 30, 87, 60, 40, 89, 25, 85, 55, 19, 77, 13, 112, 18, 21, 34, 117, 26, 103, 82, 78, 83, 111, 124, 94, 63, 15, 20, 10, 84, 16, 14, 74, 115, 79, 80, 29, 56, 100, 72, 39, 76, 33, 17, 81, 127, 47, 110, 53, 8, 126, 12, 102, 52, 86, 75, 119, 0, 11, 90, 123, 22, 57, 7, 27, 32, 44, 58, 97, 5, 125, 122, 62, 51, 70, 64, 61, 9, 91, 71, 69, 68, 38, 120, 65, 1, 67, 4, 96, 73, 92, 6, 59, 88, 98, 36, 116, 35, 3, 28, 108, 24, 66, 2, 46, 31, 95, 99], [121, 41, 118, 54, 105, 50, 45, 37, 106, 48, 49, 101, 114, 107, 109, 104, 113, 43, 93, 23, 42, 60, 87, 40, 25, 30, 89, 18, 77, 85, 21, 13, 82, 14, 78, 19, 83, 63, 26, 111, 117, 15, 79, 34, 10, 112, 115, 74, 103, 20, 119, 80, 72, 124, 16, 84, 17, 81, 11, 39, 94, 55, 12, 86, 76, 56, 100, 47, 126, 33, 110, 29, 102, 127, 44, 8, 0, 57, 75, 27, 122, 52, 7, 62, 64, 22, 90, 123, 53, 61, 73, 125, 70, 3, 68, 5, 67, 97, 69, 65, 51, 71, 9, 58, 32, 1, 91, 120, 4, 59, 98, 96, 2, 6, 36, 108, 35, 38, 88, 46, 92, 28, 99, 24, 116, 66, 95, 31], [41, 121, 118, 105, 54, 50, 45, 106, 37, 101, 48, 49, 114, 109, 107, 104, 113, 43, 60, 23, 87, 93, 42, 40, 30, 89, 25, 18, 13, 85, 21, 77, 82, 78, 26, 34, 19, 83, 14, 10, 80, 111, 119, 63, 79, 72, 15, 112, 103, 117, 55, 74, 20, 124, 16, 100, 115, 17, 84, 81, 29, 94, 12, 47, 76, 11, 52, 39, 102, 110, 57, 53, 75, 33, 22, 27, 62, 44, 86, 126, 0, 123, 5, 127, 73, 90, 122, 8, 7, 125, 59, 97, 64, 70, 4, 32, 61, 38, 56, 116, 58, 51, 69, 68, 65, 3, 91, 9, 71, 1, 88, 67, 98, 96, 120, 35, 6, 36, 2, 92, 99, 46, 28, 31, 108, 95, 66, 24], [121, 41, 118, 105, 54, 50, 45, 106, 37, 49, 48, 101, 109, 107, 104, 114, 113, 43, 93, 23, 60, 42, 87, 40, 13, 30, 25, 89, 85, 18, 19, 77, 82, 21, 14, 26, 111, 78, 72, 80, 10, 83, 34, 79, 103, 15, 63, 16, 117, 20, 74, 119, 124, 112, 84, 81, 12, 47, 11, 17, 76, 55, 127, 94, 39, 27, 75, 100, 126, 29, 52, 115, 110, 33, 86, 44, 53, 56, 22, 102, 58, 61, 125, 90, 70, 57, 51, 8, 62, 123, 32, 7, 122, 0, 69, 9, 73, 64, 59, 5, 71, 91, 4, 1, 97, 67, 3, 65, 68, 120, 98, 24, 6, 96, 116, 38, 35, 92, 36, 88, 46, 2, 31, 99, 66, 28, 95, 108]], "model.layers.8.self_attn.q_proj": [[60, 102, 116, 51, 123, 117, 91, 34, 52, 33, 118, 124, 115, 62, 119, 18, 126, 63, 48, 97, 58, 57, 50, 79, 54, 55, 53, 56, 61, 85, 49, 121, 59, 125, 94, 111, 122, 35, 101, 127, 45, 112, 120, 77, 44, 105, 43, 113, 89, 114, 73, 47, 26, 110, 46, 42, 13, 90, 21, 19, 109, 24, 28, 108, 107, 22, 12, 82, 14, 83, 96, 70, 37, 20, 87, 106, 39, 16, 40, 81, 72, 74, 84, 41, 103, 80, 7, 99, 30, 27, 32, 88, 31, 11, 15, 25, 36, 17, 95, 29, 104, 93, 23, 86, 92, 10, 100, 98, 76, 1, 4, 5, 3, 9, 75, 78, 38, 69, 64, 71, 67, 68, 66, 8, 6, 2, 65, 0], [117, 60, 51, 123, 116, 52, 122, 63, 126, 53, 55, 49, 48, 125, 57, 121, 120, 56, 110, 113, 111, 61, 47, 112, 114, 127, 54, 118, 119, 45, 46, 124, 62, 115, 109, 50, 58, 59, 44, 108, 43, 105, 107, 36, 42, 106, 41, 104, 40, 101, 39, 103, 102, 37, 35, 100, 24, 86, 98, 38, 95, 34, 99, 33, 87, 22, 96, 90, 66, 32, 0, 94, 31, 81, 5, 30, 97, 8, 84, 65, 19, 27, 93, 23, 85, 69, 29, 82, 75, 72, 91, 28, 21, 17, 15, 20, 89, 67, 88, 78, 92, 83, 2, 76, 13, 14, 64, 18, 25, 79, 80, 6, 70, 9, 26, 73, 68, 12, 77, 11, 1, 4, 74, 3, 16, 7, 71, 10], [102, 116, 60, 51, 33, 123, 117, 91, 52, 115, 85, 84, 15, 124, 70, 118, 79, 18, 7, 62, 34, 73, 12, 38, 119, 27, 26, 74, 89, 88, 11, 87, 59, 24, 94, 90, 58, 50, 20, 21, 93, 69, 30, 22, 3, 57, 54, 72, 126, 77, 4, 14, 82, 121, 35, 9, 98, 81, 61, 42, 37, 1, 13, 63, 56, 48, 92, 53, 10, 32, 23, 76, 25, 2, 28, 16, 64, 68, 55, 80, 31, 41, 105, 5, 17, 44, 95, 36, 101, 75, 49, 39, 67, 71, 103, 108, 66, 43, 29, 99, 120, 106, 96, 19, 127, 107, 46, 45, 125, 83, 78, 114, 97, 113, 40, 111, 100, 47, 104, 109, 6, 110, 8, 112, 86, 122, 65, 0], [116, 102, 60, 51, 123, 117, 115, 52, 62, 124, 119, 118, 34, 38, 39, 19, 58, 79, 57, 126, 85, 54, 50, 37, 43, 61, 48, 89, 53, 56, 121, 55, 94, 44, 104, 46, 42, 31, 107, 73, 108, 110, 125, 41, 40, 70, 72, 33, 111, 95, 36, 106, 109, 87, 63, 45, 49, 101, 59, 127, 103, 23, 105, 113, 120, 47, 32, 35, 28, 90, 114, 91, 13, 122, 96, 21, 112, 88, 100, 25, 11, 99, 74, 30, 27, 5, 93, 98, 92, 77, 29, 26, 1, 12, 17, 7, 24, 20, 14, 66, 80, 64, 10, 4, 3, 15, 76, 82, 16, 67, 78, 97, 18, 68, 22, 75, 71, 83, 69, 81, 84, 65, 2, 9, 86, 8, 0, 6], [38, 34, 119, 60, 18, 92, 78, 77, 9, 24, 88, 72, 85, 8, 75, 124, 68, 3, 21, 55, 59, 70, 80, 123, 69, 115, 28, 48, 71, 19, 22, 29, 37, 44, 47, 26, 61, 58, 117, 76, 4, 35, 73, 10, 95, 83, 125, 64, 0, 118, 14, 16, 79, 66, 12, 2, 62, 13, 31, 87, 93, 82, 46, 65, 57, 104, 49, 89, 42, 98, 103, 27, 15, 81, 84, 56, 63, 107, 67, 111, 30, 94, 110, 36, 6, 100, 7, 50, 25, 116, 17, 106, 105, 32, 101, 39, 53, 23, 120, 74, 86, 97, 113, 112, 43, 40, 20, 99, 41, 96, 126, 90, 1, 52, 11, 33, 121, 54, 108, 127, 114, 91, 5, 122, 45, 109, 51, 102], [38, 34, 59, 60, 119, 29, 18, 92, 88, 24, 115, 47, 77, 79, 9, 78, 68, 85, 1, 80, 55, 71, 124, 75, 22, 83, 70, 61, 65, 110, 44, 72, 64, 117, 35, 37, 69, 19, 123, 76, 125, 98, 3, 12, 58, 5, 16, 8, 73, 52, 21, 28, 95, 13, 7, 10, 100, 103, 27, 67, 0, 6, 48, 66, 93, 86, 106, 118, 26, 17, 4, 14, 112, 30, 20, 90, 46, 81, 63, 91, 32, 82, 107, 15, 2, 104, 102, 23, 94, 42, 74, 36, 11, 25, 99, 89, 39, 45, 54, 62, 49, 116, 120, 97, 50, 41, 96, 126, 31, 87, 113, 33, 43, 56, 127, 114, 122, 53, 105, 40, 84, 121, 101, 111, 51, 109, 108, 57], [38, 34, 60, 119, 29, 18, 85, 77, 88, 59, 78, 24, 37, 80, 9, 92, 124, 75, 71, 55, 69, 44, 21, 47, 8, 125, 3, 61, 93, 72, 16, 68, 19, 117, 35, 118, 79, 123, 22, 81, 95, 106, 11, 76, 115, 13, 32, 48, 58, 31, 10, 1, 83, 120, 65, 27, 63, 98, 122, 7, 116, 52, 84, 97, 89, 14, 26, 82, 99, 112, 107, 36, 94, 66, 64, 50, 42, 25, 30, 53, 28, 33, 100, 70, 40, 103, 87, 126, 110, 62, 51, 96, 104, 12, 41, 101, 39, 20, 54, 91, 86, 43, 49, 109, 45, 127, 23, 46, 114, 111, 57, 56, 108, 74, 113, 6, 17, 90, 15, 67, 121, 4, 0, 105, 73, 5, 2, 102], [38, 60, 119, 34, 29, 28, 88, 115, 85, 102, 93, 59, 19, 125, 80, 95, 27, 78, 92, 47, 87, 52, 98, 55, 18, 33, 44, 37, 35, 123, 118, 117, 24, 26, 83, 110, 22, 62, 58, 54, 46, 12, 89, 25, 61, 42, 48, 104, 103, 84, 30, 113, 40, 45, 97, 100, 101, 106, 91, 109, 31, 112, 116, 10, 81, 94, 114, 63, 21, 99, 107, 51, 49, 50, 105, 126, 96, 16, 111, 108, 127, 121, 124, 32, 57, 122, 43, 36, 56, 17, 120, 53, 41, 20, 86, 79, 39, 76, 23, 90, 8, 14, 74, 77, 71, 15, 75, 72, 11, 13, 82, 9, 7, 66, 2, 67, 70, 5, 69, 3, 4, 6, 73, 0, 68, 1, 64, 65], [59, 60, 116, 80, 55, 50, 73, 72, 117, 12, 62, 77, 10, 84, 120, 26, 54, 125, 103, 69, 19, 13, 24, 127, 68, 78, 15, 75, 93, 7, 21, 82, 17, 51, 90, 124, 6, 57, 49, 113, 3, 98, 56, 122, 121, 1, 66, 114, 16, 18, 112, 46, 58, 76, 70, 119, 36, 126, 123, 52, 28, 34, 118, 53, 88, 110, 61, 63, 0, 47, 29, 71, 109, 43, 27, 115, 96, 32, 104, 44, 107, 45, 108, 100, 92, 48, 102, 38, 42, 97, 106, 94, 105, 79, 111, 41, 101, 87, 89, 40, 37, 31, 33, 99, 95, 11, 91, 85, 35, 30, 86, 74, 9, 20, 81, 65, 83, 39, 23, 14, 4, 25, 8, 2, 22, 64, 67, 5], [59, 116, 60, 103, 55, 73, 117, 15, 87, 62, 80, 120, 125, 82, 54, 84, 10, 90, 127, 72, 13, 19, 69, 68, 76, 7, 6, 3, 78, 77, 51, 50, 124, 57, 66, 0, 75, 17, 113, 1, 49, 12, 21, 37, 56, 70, 121, 122, 11, 114, 119, 46, 123, 52, 36, 94, 74, 93, 32, 38, 88, 110, 58, 61, 118, 39, 43, 31, 112, 126, 28, 96, 47, 26, 104, 99, 53, 71, 42, 89, 65, 106, 101, 107, 115, 40, 100, 109, 111, 86, 83, 97, 102, 63, 108, 44, 105, 41, 81, 24, 33, 35, 30, 45, 95, 48, 8, 22, 92, 4, 98, 27, 20, 5, 16, 18, 79, 25, 91, 14, 34, 2, 29, 64, 23, 9, 85, 67], [103, 59, 116, 60, 20, 26, 16, 96, 84, 98, 24, 29, 89, 114, 93, 14, 10, 55, 125, 94, 91, 99, 88, 62, 19, 117, 70, 1, 87, 33, 18, 50, 31, 28, 80, 90, 68, 17, 57, 92, 52, 127, 69, 12, 95, 3, 25, 54, 27, 49, 23, 124, 72, 97, 120, 123, 66, 30, 74, 110, 71, 35, 22, 100, 36, 38, 32, 34, 113, 21, 0, 67, 64, 104, 102, 53, 82, 39, 78, 37, 76, 101, 40, 42, 51, 6, 119, 7, 108, 4, 122, 105, 83, 43, 81, 58, 75, 41, 118, 106, 44, 109, 48, 107, 45, 121, 47, 46, 9, 112, 56, 63, 73, 61, 111, 126, 115, 15, 5, 79, 85, 11, 8, 13, 65, 86, 77, 2], [59, 50, 60, 116, 19, 21, 15, 82, 80, 89, 76, 84, 13, 73, 88, 78, 87, 120, 62, 117, 17, 125, 54, 55, 7, 51, 90, 72, 127, 77, 6, 10, 3, 124, 61, 56, 121, 122, 58, 0, 63, 123, 112, 126, 118, 119, 11, 69, 57, 113, 53, 115, 47, 68, 75, 49, 66, 48, 111, 74, 46, 92, 86, 52, 110, 45, 109, 114, 108, 44, 1, 107, 93, 43, 106, 42, 105, 8, 41, 23, 104, 40, 27, 29, 65, 12, 100, 81, 103, 4, 28, 30, 38, 37, 102, 36, 39, 5, 70, 99, 20, 101, 14, 2, 83, 32, 35, 98, 97, 96, 22, 33, 95, 31, 67, 64, 26, 94, 71, 34, 24, 25, 85, 91, 16, 79, 9, 18], [104, 118, 34, 95, 50, 25, 70, 73, 51, 56, 45, 23, 55, 114, 49, 62, 5, 84, 3, 7, 40, 109, 117, 18, 121, 52, 74, 63, 54, 110, 124, 82, 58, 68, 14, 86, 126, 76, 15, 60, 8, 119, 112, 65, 17, 31, 123, 53, 80, 108, 97, 59, 127, 16, 27, 71, 125, 20, 35, 115, 46, 107, 89, 47, 32, 93, 120, 77, 44, 39, 111, 42, 29, 101, 61, 48, 90, 38, 41, 2, 113, 122, 100, 88, 30, 106, 92, 12, 102, 22, 37, 33, 103, 36, 105, 19, 13, 57, 94, 43, 116, 96, 28, 9, 91, 78, 85, 87, 81, 75, 99, 79, 21, 24, 83, 98, 10, 11, 26, 67, 0, 72, 6, 69, 4, 1, 66, 64], [104, 118, 34, 95, 84, 25, 73, 12, 40, 23, 18, 51, 16, 9, 49, 5, 65, 68, 70, 56, 1, 69, 66, 54, 8, 89, 80, 67, 63, 6, 13, 117, 15, 64, 62, 87, 60, 78, 45, 11, 50, 55, 3, 27, 58, 74, 14, 7, 20, 124, 72, 79, 2, 110, 24, 10, 71, 109, 76, 77, 82, 81, 127, 0, 28, 52, 4, 123, 22, 114, 31, 93, 83, 125, 97, 42, 91, 75, 126, 85, 112, 94, 86, 90, 21, 35, 46, 88, 33, 47, 19, 59, 121, 100, 38, 48, 39, 61, 119, 122, 17, 41, 26, 92, 29, 44, 101, 96, 108, 107, 111, 53, 113, 106, 36, 103, 32, 98, 120, 37, 99, 30, 102, 105, 43, 116, 115, 57], [118, 104, 34, 95, 50, 25, 23, 45, 52, 62, 84, 56, 117, 58, 49, 51, 18, 54, 16, 63, 114, 109, 123, 60, 55, 124, 106, 112, 12, 59, 27, 125, 57, 91, 121, 15, 126, 61, 110, 42, 32, 41, 31, 127, 119, 48, 43, 53, 33, 22, 39, 47, 115, 108, 111, 37, 113, 122, 120, 35, 28, 46, 116, 88, 107, 44, 99, 105, 93, 73, 103, 36, 97, 102, 38, 101, 92, 30, 82, 100, 86, 5, 87, 79, 96, 90, 13, 94, 85, 24, 89, 17, 78, 29, 9, 8, 70, 83, 26, 14, 74, 98, 21, 76, 20, 81, 80, 19, 7, 75, 3, 10, 77, 40, 72, 11, 69, 68, 65, 2, 71, 67, 6, 64, 4, 66, 1, 0], [104, 118, 34, 95, 25, 16, 12, 56, 23, 84, 18, 45, 15, 55, 69, 51, 78, 50, 117, 72, 58, 9, 40, 63, 8, 5, 49, 109, 66, 114, 67, 124, 54, 79, 71, 6, 60, 76, 4, 13, 110, 10, 80, 87, 86, 73, 31, 81, 119, 27, 62, 91, 108, 89, 75, 14, 1, 20, 70, 85, 52, 53, 112, 64, 29, 123, 11, 7, 19, 82, 42, 44, 59, 93, 121, 83, 61, 127, 39, 126, 90, 96, 94, 97, 32, 125, 74, 77, 103, 2, 21, 98, 107, 24, 41, 88, 111, 17, 22, 35, 106, 26, 57, 47, 115, 101, 92, 48, 43, 33, 30, 37, 68, 100, 122, 46, 28, 3, 36, 116, 105, 38, 102, 113, 120, 0, 99, 65], [41, 54, 59, 99, 79, 88, 101, 33, 13, 22, 90, 91, 31, 27, 73, 82, 39, 11, 123, 21, 84, 26, 71, 0, 66, 16, 40, 109, 94, 6, 74, 108, 2, 83, 28, 12, 38, 107, 68, 29, 126, 105, 51, 62, 7, 18, 95, 60, 76, 87, 34, 52, 20, 1, 98, 23, 9, 15, 32, 80, 78, 122, 67, 96, 125, 8, 110, 42, 55, 65, 4, 75, 57, 70, 36, 30, 106, 85, 49, 89, 45, 50, 46, 3, 124, 103, 56, 64, 77, 19, 127, 43, 17, 44, 58, 92, 100, 47, 104, 121, 97, 113, 118, 86, 112, 14, 115, 93, 114, 119, 10, 25, 120, 63, 102, 61, 5, 24, 81, 53, 72, 48, 69, 116, 111, 117, 37, 35], [41, 54, 99, 52, 91, 33, 126, 123, 27, 105, 113, 88, 108, 59, 61, 43, 36, 40, 101, 13, 125, 109, 22, 84, 107, 49, 16, 21, 57, 44, 118, 56, 45, 34, 115, 51, 63, 62, 17, 106, 50, 98, 31, 112, 127, 42, 25, 47, 120, 90, 39, 55, 100, 46, 124, 38, 121, 110, 114, 116, 58, 103, 29, 111, 96, 122, 94, 60, 95, 48, 53, 77, 71, 119, 117, 23, 104, 32, 102, 28, 93, 37, 82, 19, 4, 92, 85, 30, 81, 75, 20, 87, 89, 35, 26, 83, 97, 76, 68, 74, 10, 80, 73, 70, 18, 11, 24, 14, 72, 69, 12, 79, 78, 67, 6, 0, 2, 7, 8, 86, 15, 64, 65, 9, 5, 66, 1, 3], [41, 54, 99, 126, 33, 52, 91, 105, 27, 40, 101, 88, 21, 61, 89, 56, 125, 13, 45, 110, 123, 44, 34, 113, 82, 115, 36, 109, 85, 38, 59, 43, 107, 84, 22, 31, 42, 112, 81, 124, 94, 108, 114, 111, 120, 39, 116, 127, 57, 103, 16, 96, 58, 50, 63, 18, 118, 62, 60, 74, 90, 53, 100, 122, 17, 55, 37, 106, 23, 98, 104, 48, 87, 32, 49, 46, 121, 93, 28, 77, 51, 117, 19, 47, 119, 102, 25, 26, 97, 80, 29, 95, 68, 30, 83, 92, 35, 71, 24, 79, 75, 20, 11, 76, 4, 10, 78, 14, 12, 72, 86, 15, 70, 73, 7, 6, 1, 8, 9, 65, 64, 69, 2, 67, 5, 66, 0, 3], [41, 99, 59, 54, 88, 82, 31, 123, 27, 22, 91, 105, 79, 84, 13, 52, 21, 108, 87, 101, 12, 46, 33, 8, 18, 74, 83, 26, 39, 19, 81, 9, 94, 95, 118, 126, 10, 89, 77, 38, 17, 6, 92, 127, 20, 25, 55, 28, 15, 56, 40, 14, 69, 90, 70, 115, 44, 85, 68, 24, 16, 30, 97, 5, 86, 100, 23, 61, 98, 43, 32, 109, 110, 96, 104, 120, 113, 124, 76, 111, 29, 34, 122, 42, 75, 125, 80, 93, 107, 119, 57, 102, 58, 106, 36, 103, 47, 1, 63, 112, 114, 45, 72, 121, 4, 78, 50, 60, 117, 11, 3, 116, 53, 65, 49, 48, 71, 73, 37, 51, 62, 35, 67, 66, 0, 7, 64, 2], [103, 33, 59, 31, 82, 20, 23, 120, 81, 90, 114, 11, 76, 13, 14, 87, 22, 78, 7, 18, 71, 10, 21, 106, 83, 112, 16, 12, 15, 73, 124, 19, 119, 52, 77, 67, 96, 123, 38, 91, 25, 125, 41, 48, 40, 43, 107, 37, 94, 104, 98, 97, 88, 118, 27, 75, 86, 42, 51, 121, 84, 53, 117, 54, 55, 35, 58, 32, 3, 24, 30, 72, 80, 69, 111, 28, 34, 109, 126, 101, 47, 56, 100, 46, 8, 44, 85, 29, 93, 105, 115, 26, 79, 92, 108, 9, 1, 99, 62, 60, 36, 122, 127, 45, 61, 68, 113, 89, 4, 17, 57, 2, 39, 74, 63, 49, 5, 65, 102, 66, 110, 6, 95, 116, 50, 70, 64, 0], [103, 33, 59, 20, 31, 23, 120, 90, 83, 114, 82, 29, 16, 78, 19, 13, 84, 27, 88, 37, 94, 24, 32, 118, 81, 11, 72, 30, 17, 97, 7, 126, 48, 38, 92, 127, 96, 117, 21, 8, 77, 124, 56, 36, 87, 106, 25, 76, 22, 40, 9, 51, 12, 91, 119, 62, 105, 57, 41, 115, 10, 43, 45, 113, 52, 26, 110, 123, 14, 102, 79, 107, 15, 98, 54, 28, 93, 55, 34, 89, 61, 109, 18, 66, 44, 74, 80, 100, 95, 42, 99, 125, 85, 101, 47, 121, 63, 49, 35, 60, 73, 104, 68, 111, 58, 39, 108, 71, 4, 122, 53, 86, 75, 46, 112, 65, 116, 70, 50, 67, 2, 3, 6, 69, 5, 64, 0, 1], [103, 33, 59, 120, 31, 25, 13, 20, 11, 82, 78, 52, 16, 87, 10, 73, 23, 81, 7, 3, 65, 2, 66, 70, 90, 0, 5, 68, 114, 76, 69, 6, 19, 83, 18, 80, 106, 107, 67, 71, 27, 8, 75, 119, 9, 72, 96, 51, 77, 117, 48, 39, 28, 74, 105, 1, 43, 126, 4, 118, 22, 24, 37, 41, 123, 100, 46, 17, 53, 36, 127, 94, 56, 109, 115, 101, 44, 85, 40, 26, 92, 30, 54, 32, 104, 21, 84, 113, 62, 49, 47, 15, 12, 34, 14, 45, 121, 60, 93, 98, 91, 42, 88, 79, 50, 124, 29, 57, 111, 58, 110, 122, 125, 61, 116, 63, 99, 108, 35, 86, 102, 38, 89, 55, 112, 95, 64, 97], [103, 33, 114, 59, 31, 81, 120, 25, 76, 20, 78, 64, 15, 23, 82, 7, 21, 90, 16, 9, 3, 1, 83, 11, 5, 48, 106, 13, 65, 24, 66, 67, 27, 75, 115, 37, 47, 126, 77, 19, 74, 52, 44, 84, 55, 4, 10, 28, 53, 107, 93, 87, 22, 97, 71, 92, 29, 98, 39, 12, 43, 0, 109, 40, 96, 124, 46, 127, 51, 119, 17, 121, 88, 32, 105, 38, 2, 26, 100, 118, 112, 99, 111, 69, 8, 79, 104, 41, 86, 116, 58, 113, 73, 62, 45, 42, 110, 91, 18, 56, 94, 70, 14, 125, 6, 89, 54, 35, 57, 80, 108, 72, 63, 101, 123, 68, 122, 30, 50, 60, 61, 49, 34, 117, 36, 95, 102, 85], [44, 102, 50, 63, 98, 93, 108, 40, 123, 88, 80, 107, 43, 13, 31, 120, 119, 90, 7, 53, 115, 125, 57, 22, 29, 10, 114, 126, 19, 51, 84, 26, 20, 116, 92, 112, 109, 39, 55, 28, 12, 124, 127, 49, 121, 21, 45, 48, 36, 17, 18, 8, 101, 61, 52, 14, 46, 56, 85, 54, 47, 78, 118, 122, 99, 16, 113, 94, 59, 110, 74, 83, 60, 6, 58, 117, 70, 3, 97, 111, 68, 105, 81, 62, 25, 23, 4, 104, 42, 87, 32, 41, 91, 103, 30, 76, 79, 35, 106, 33, 15, 37, 82, 11, 27, 9, 96, 24, 89, 75, 66, 0, 95, 71, 73, 100, 86, 72, 67, 77, 65, 1, 2, 64, 69, 5, 38, 34], [44, 63, 102, 50, 98, 93, 40, 123, 107, 26, 108, 80, 31, 57, 115, 120, 43, 84, 90, 10, 127, 125, 53, 13, 22, 88, 116, 21, 126, 45, 19, 109, 121, 23, 51, 119, 112, 61, 124, 114, 104, 29, 18, 55, 47, 68, 56, 101, 54, 49, 36, 14, 62, 46, 52, 48, 122, 92, 17, 99, 58, 7, 60, 72, 105, 118, 12, 28, 8, 39, 97, 30, 78, 91, 59, 87, 110, 111, 117, 20, 42, 113, 77, 15, 103, 27, 81, 41, 106, 32, 95, 25, 85, 89, 94, 79, 83, 16, 24, 9, 66, 96, 2, 35, 37, 4, 76, 100, 75, 82, 11, 33, 5, 3, 73, 70, 1, 0, 74, 86, 6, 69, 65, 38, 34, 71, 67, 64], [44, 63, 102, 50, 108, 98, 120, 107, 40, 57, 53, 119, 51, 123, 88, 93, 26, 109, 125, 112, 58, 31, 127, 114, 43, 126, 61, 121, 116, 101, 118, 45, 48, 49, 54, 115, 36, 85, 47, 59, 56, 124, 21, 111, 122, 113, 55, 23, 95, 117, 80, 60, 39, 84, 52, 25, 62, 78, 104, 8, 46, 87, 41, 42, 100, 14, 19, 13, 18, 105, 90, 29, 89, 106, 110, 92, 35, 28, 32, 94, 99, 22, 103, 97, 37, 12, 91, 30, 17, 96, 33, 34, 81, 38, 66, 72, 82, 68, 24, 71, 83, 27, 20, 77, 7, 10, 74, 79, 2, 65, 16, 75, 11, 70, 15, 3, 73, 76, 9, 86, 6, 67, 69, 0, 4, 64, 5, 1], [44, 63, 102, 50, 108, 98, 40, 43, 115, 123, 120, 88, 125, 116, 31, 57, 26, 107, 112, 93, 114, 58, 53, 28, 127, 121, 84, 51, 19, 119, 101, 95, 52, 126, 56, 55, 49, 54, 36, 47, 109, 61, 39, 45, 59, 21, 104, 124, 46, 97, 62, 111, 8, 118, 48, 29, 90, 122, 23, 78, 14, 60, 113, 30, 117, 42, 110, 80, 22, 103, 12, 87, 92, 105, 99, 20, 37, 94, 33, 100, 106, 18, 32, 13, 17, 41, 27, 35, 38, 91, 81, 89, 72, 96, 24, 83, 15, 2, 77, 85, 66, 79, 25, 76, 82, 34, 7, 71, 73, 10, 68, 75, 9, 65, 16, 11, 6, 4, 70, 67, 0, 74, 69, 86, 3, 5, 1, 64], [54, 102, 122, 127, 120, 33, 28, 20, 125, 87, 92, 25, 116, 15, 12, 30, 97, 114, 47, 89, 63, 17, 96, 21, 22, 38, 32, 82, 19, 49, 94, 99, 7, 52, 48, 93, 123, 50, 16, 80, 13, 62, 115, 27, 91, 95, 121, 83, 74, 75, 72, 14, 88, 84, 31, 60, 85, 81, 55, 26, 51, 29, 10, 11, 59, 108, 35, 34, 113, 100, 111, 77, 90, 36, 98, 78, 23, 45, 118, 79, 37, 103, 24, 126, 53, 101, 57, 109, 58, 110, 112, 39, 117, 18, 105, 124, 56, 107, 41, 104, 43, 69, 42, 119, 40, 44, 46, 106, 76, 9, 2, 73, 61, 8, 71, 4, 86, 67, 6, 0, 70, 5, 68, 3, 1, 65, 66, 64], [54, 102, 122, 125, 127, 116, 25, 20, 114, 38, 33, 63, 30, 79, 47, 87, 120, 62, 123, 50, 52, 74, 48, 49, 53, 60, 55, 118, 126, 115, 28, 22, 58, 15, 121, 59, 7, 31, 57, 46, 51, 17, 94, 117, 92, 124, 113, 84, 76, 111, 70, 41, 44, 103, 89, 110, 35, 104, 32, 43, 12, 36, 107, 112, 39, 93, 34, 61, 119, 98, 96, 109, 99, 67, 40, 37, 56, 88, 105, 108, 95, 45, 2, 91, 106, 29, 77, 101, 83, 42, 97, 13, 69, 27, 100, 81, 19, 80, 72, 11, 90, 86, 21, 85, 82, 26, 73, 78, 23, 14, 75, 24, 71, 68, 18, 4, 0, 8, 16, 65, 10, 1, 9, 6, 5, 66, 64, 3], [122, 102, 54, 127, 125, 116, 120, 114, 87, 25, 33, 38, 92, 30, 12, 63, 47, 28, 20, 48, 22, 123, 62, 53, 17, 50, 59, 55, 118, 52, 60, 80, 49, 72, 82, 126, 57, 89, 24, 124, 51, 115, 76, 15, 58, 121, 91, 29, 81, 67, 94, 113, 97, 70, 109, 7, 0, 111, 44, 46, 21, 112, 2, 77, 103, 61, 56, 74, 119, 117, 69, 88, 110, 93, 108, 43, 79, 39, 65, 84, 107, 8, 36, 14, 1, 45, 73, 78, 83, 68, 32, 23, 90, 31, 27, 105, 40, 95, 96, 104, 6, 9, 37, 106, 16, 42, 3, 86, 85, 18, 100, 26, 10, 11, 41, 35, 34, 98, 101, 71, 19, 75, 13, 64, 4, 66, 5, 99], [122, 54, 102, 127, 116, 125, 114, 120, 38, 70, 25, 55, 63, 74, 53, 47, 59, 48, 62, 123, 118, 49, 103, 50, 60, 20, 67, 44, 52, 51, 124, 115, 126, 39, 57, 56, 58, 121, 113, 2, 45, 43, 33, 117, 76, 111, 7, 112, 110, 13, 46, 87, 119, 107, 109, 61, 93, 42, 108, 106, 36, 0, 105, 40, 101, 28, 104, 79, 92, 22, 41, 89, 37, 30, 35, 100, 19, 94, 26, 96, 90, 81, 88, 32, 34, 31, 29, 97, 71, 78, 23, 77, 99, 80, 69, 98, 27, 95, 84, 72, 10, 65, 4, 24, 1, 8, 12, 91, 68, 15, 73, 86, 17, 83, 11, 85, 9, 6, 14, 18, 82, 64, 21, 16, 5, 66, 75, 3]], "model.layers.8.self_attn.k_proj": [[116, 60, 38, 22, 51, 97, 94, 123, 117, 28, 89, 90, 84, 124, 18, 62, 16, 119, 81, 91, 36, 77, 52, 118, 87, 58, 15, 74, 35, 7, 54, 86, 19, 59, 50, 121, 61, 57, 21, 80, 42, 56, 99, 78, 126, 53, 100, 10, 73, 13, 48, 70, 41, 46, 75, 108, 125, 44, 127, 76, 40, 14, 114, 107, 103, 115, 104, 47, 98, 37, 63, 55, 106, 109, 105, 110, 24, 111, 26, 120, 43, 101, 45, 112, 49, 113, 39, 31, 122, 9, 95, 68, 67, 32, 85, 96, 82, 29, 1, 88, 30, 34, 64, 17, 102, 4, 66, 5, 23, 6, 92, 27, 20, 93, 71, 12, 83, 72, 3, 33, 65, 25, 11, 0, 2, 79, 8, 69], [60, 119, 98, 102, 88, 18, 85, 9, 80, 28, 78, 77, 64, 75, 71, 65, 59, 99, 3, 19, 93, 108, 68, 12, 69, 23, 115, 125, 2, 70, 61, 95, 111, 43, 51, 104, 29, 11, 38, 91, 5, 124, 123, 22, 117, 47, 37, 52, 20, 58, 46, 42, 24, 30, 10, 31, 49, 33, 66, 103, 36, 118, 53, 67, 40, 90, 113, 4, 15, 17, 122, 86, 81, 7, 114, 109, 6, 107, 83, 41, 48, 8, 92, 25, 63, 62, 54, 127, 32, 96, 13, 110, 94, 34, 0, 89, 84, 44, 106, 105, 100, 112, 120, 126, 26, 79, 97, 76, 121, 57, 55, 39, 82, 35, 116, 87, 16, 50, 45, 73, 101, 72, 56, 27, 74, 21, 1, 14], [59, 22, 60, 116, 39, 34, 114, 120, 54, 86, 124, 127, 51, 50, 35, 62, 55, 117, 113, 94, 57, 121, 56, 125, 122, 123, 49, 119, 52, 46, 29, 99, 61, 118, 43, 126, 58, 53, 110, 115, 112, 63, 103, 111, 47, 106, 108, 109, 76, 37, 18, 48, 28, 45, 44, 107, 42, 40, 81, 104, 96, 41, 14, 102, 38, 101, 105, 11, 85, 91, 95, 98, 15, 97, 100, 13, 74, 27, 26, 36, 73, 20, 25, 16, 82, 7, 32, 24, 30, 23, 78, 33, 92, 72, 6, 19, 8, 79, 80, 31, 89, 69, 88, 93, 90, 83, 66, 3, 68, 87, 17, 75, 0, 4, 1, 9, 5, 10, 67, 21, 12, 65, 84, 77, 2, 70, 71, 64], [40, 118, 98, 31, 23, 18, 25, 84, 16, 12, 56, 51, 78, 72, 10, 15, 9, 117, 55, 69, 71, 49, 63, 0, 54, 67, 62, 6, 1, 109, 4, 110, 60, 58, 45, 50, 127, 27, 124, 13, 2, 64, 66, 113, 74, 46, 8, 17, 47, 106, 42, 83, 123, 112, 44, 34, 19, 53, 91, 75, 126, 26, 24, 125, 52, 114, 61, 122, 29, 97, 68, 77, 30, 48, 11, 94, 108, 111, 59, 38, 119, 93, 107, 99, 120, 86, 103, 88, 39, 28, 121, 7, 21, 101, 33, 90, 100, 43, 105, 115, 41, 32, 96, 35, 92, 36, 102, 14, 37, 116, 57, 65, 89, 82, 85, 20, 70, 87, 22, 76, 79, 3, 80, 95, 5, 73, 81, 104], [105, 54, 59, 35, 95, 22, 91, 88, 21, 64, 110, 123, 68, 18, 97, 13, 16, 92, 74, 1, 6, 79, 37, 45, 71, 62, 52, 98, 44, 82, 41, 55, 107, 66, 83, 108, 126, 77, 57, 11, 50, 99, 48, 120, 127, 104, 58, 112, 53, 8, 90, 117, 56, 94, 122, 5, 40, 125, 60, 63, 51, 81, 121, 67, 103, 61, 106, 124, 114, 34, 12, 111, 115, 65, 3, 26, 113, 102, 116, 46, 42, 119, 30, 96, 47, 93, 73, 100, 15, 25, 109, 118, 36, 78, 17, 87, 43, 20, 14, 39, 2, 75, 38, 32, 0, 101, 76, 89, 84, 49, 29, 23, 19, 69, 72, 9, 33, 80, 31, 28, 24, 70, 7, 27, 10, 86, 4, 85], [39, 59, 120, 97, 23, 95, 83, 16, 11, 114, 20, 0, 78, 13, 82, 7, 76, 8, 73, 2, 42, 65, 48, 15, 50, 126, 69, 68, 3, 104, 107, 52, 25, 32, 27, 43, 117, 105, 119, 45, 62, 51, 4, 115, 53, 112, 118, 40, 9, 89, 81, 90, 88, 86, 58, 44, 98, 55, 1, 85, 109, 21, 10, 113, 79, 127, 66, 5, 54, 28, 30, 37, 35, 63, 122, 75, 47, 124, 46, 24, 102, 29, 61, 34, 106, 38, 94, 108, 121, 67, 91, 70, 57, 125, 49, 26, 110, 101, 22, 36, 96, 123, 72, 56, 60, 14, 18, 93, 99, 111, 100, 41, 116, 6, 84, 92, 19, 64, 17, 74, 12, 87, 77, 31, 80, 71, 103, 33], [108, 38, 22, 63, 34, 95, 50, 29, 23, 26, 18, 88, 44, 92, 104, 17, 19, 120, 20, 66, 115, 12, 114, 57, 125, 80, 13, 49, 107, 37, 123, 69, 53, 98, 112, 111, 8, 127, 45, 47, 121, 126, 51, 78, 113, 10, 55, 61, 35, 56, 52, 14, 54, 62, 91, 59, 119, 117, 65, 79, 85, 116, 109, 122, 7, 60, 64, 103, 118, 83, 124, 89, 46, 110, 105, 27, 70, 93, 58, 15, 9, 39, 100, 106, 48, 11, 40, 5, 97, 72, 42, 3, 28, 33, 94, 25, 41, 99, 96, 36, 77, 32, 30, 87, 84, 67, 43, 82, 24, 75, 76, 0, 21, 81, 31, 73, 101, 6, 4, 86, 1, 16, 90, 71, 2, 74, 68, 102], [122, 54, 38, 22, 97, 127, 63, 30, 114, 120, 125, 53, 47, 92, 50, 62, 126, 116, 82, 123, 51, 118, 59, 52, 124, 25, 57, 115, 46, 87, 55, 48, 58, 113, 44, 49, 111, 61, 56, 60, 121, 119, 117, 109, 12, 108, 98, 64, 43, 110, 112, 71, 15, 100, 17, 45, 40, 107, 20, 103, 106, 80, 32, 104, 105, 101, 41, 75, 39, 78, 42, 66, 36, 19, 67, 10, 35, 37, 102, 34, 94, 68, 5, 91, 99, 31, 77, 14, 3, 83, 8, 96, 18, 81, 73, 93, 24, 21, 26, 65, 95, 9, 11, 79, 88, 69, 29, 90, 33, 85, 70, 4, 16, 23, 27, 28, 89, 13, 6, 86, 1, 74, 72, 0, 2, 7, 84, 76]], "model.layers.8.self_attn.qk_proj": [[59, 60, 54, 118, 116, 119, 122, 120, 51, 63, 114, 108, 50, 38, 44, 125, 105, 117, 123, 40, 41, 102, 82, 86, 127, 47, 95, 34, 53, 87, 98, 18, 55, 62, 58, 39, 57, 52, 49, 124, 24, 103, 126, 88, 23, 115, 80, 97, 16, 78, 61, 84, 27, 20, 22, 89, 29, 13, 14, 104, 110, 83, 77, 19, 107, 113, 12, 92, 85, 31, 99, 76, 93, 46, 21, 11, 43, 56, 48, 15, 75, 111, 112, 109, 25, 33, 42, 9, 90, 121, 73, 79, 28, 71, 7, 106, 8, 26, 35, 45, 30, 81, 94, 10, 74, 64, 17, 36, 91, 5, 37, 3, 4, 0, 70, 72, 32, 67, 68, 69, 101, 100, 66, 2, 6, 65, 96, 1], [59, 60, 118, 54, 116, 122, 119, 120, 51, 63, 114, 108, 50, 38, 117, 44, 40, 105, 125, 123, 53, 102, 86, 41, 18, 103, 98, 127, 62, 82, 115, 87, 52, 126, 39, 88, 95, 24, 124, 34, 57, 84, 58, 97, 80, 23, 104, 55, 47, 20, 16, 22, 107, 78, 27, 77, 89, 49, 56, 14, 92, 19, 25, 85, 31, 13, 61, 83, 93, 12, 76, 21, 79, 42, 29, 99, 110, 48, 113, 11, 43, 75, 28, 9, 106, 26, 109, 8, 46, 73, 71, 45, 112, 15, 35, 37, 90, 121, 33, 111, 7, 94, 30, 36, 91, 17, 64, 10, 5, 81, 74, 0, 65, 4, 32, 67, 2, 1, 3, 70, 66, 101, 68, 69, 6, 100, 96, 72], [59, 60, 118, 54, 116, 119, 122, 120, 51, 63, 108, 38, 50, 114, 123, 44, 40, 117, 105, 53, 125, 102, 86, 34, 98, 39, 41, 95, 18, 24, 97, 87, 62, 82, 57, 127, 88, 23, 52, 115, 55, 84, 124, 22, 103, 20, 126, 49, 27, 104, 58, 89, 31, 47, 113, 16, 80, 93, 78, 29, 92, 77, 25, 56, 61, 48, 99, 33, 109, 85, 13, 75, 26, 45, 19, 21, 112, 76, 107, 43, 110, 14, 90, 35, 11, 94, 79, 12, 37, 83, 28, 46, 91, 111, 30, 42, 106, 15, 9, 7, 121, 8, 71, 81, 17, 36, 73, 32, 74, 10, 69, 100, 101, 64, 65, 0, 3, 72, 4, 66, 2, 68, 5, 6, 1, 67, 70, 96], [59, 60, 118, 54, 116, 119, 122, 120, 63, 51, 114, 108, 50, 38, 123, 44, 40, 117, 125, 105, 127, 86, 95, 41, 98, 53, 87, 102, 24, 115, 18, 62, 39, 34, 126, 82, 49, 103, 124, 88, 97, 23, 58, 47, 57, 84, 113, 52, 20, 22, 93, 55, 29, 80, 31, 16, 27, 14, 89, 25, 104, 83, 99, 77, 92, 110, 19, 48, 13, 78, 43, 109, 107, 61, 45, 11, 56, 85, 33, 21, 28, 46, 42, 15, 76, 37, 90, 26, 12, 75, 35, 73, 30, 94, 7, 36, 106, 79, 121, 112, 8, 111, 64, 9, 32, 71, 17, 91, 101, 81, 74, 10, 67, 3, 69, 4, 1, 2, 66, 0, 5, 65, 72, 96, 68, 70, 100, 6], [59, 60, 118, 54, 119, 122, 116, 120, 51, 63, 114, 108, 38, 50, 44, 117, 123, 40, 105, 125, 102, 98, 127, 57, 53, 95, 39, 24, 18, 82, 62, 41, 124, 87, 103, 34, 86, 23, 49, 113, 126, 115, 55, 80, 104, 88, 27, 97, 78, 84, 20, 58, 47, 52, 22, 77, 29, 16, 89, 93, 19, 46, 31, 110, 13, 14, 112, 45, 11, 12, 76, 92, 56, 107, 85, 28, 99, 83, 61, 48, 79, 109, 43, 21, 25, 73, 90, 35, 42, 37, 71, 0, 33, 9, 75, 111, 15, 26, 121, 7, 64, 36, 30, 106, 94, 17, 74, 72, 1, 3, 5, 32, 8, 4, 68, 66, 67, 10, 2, 81, 69, 91, 65, 101, 6, 96, 70, 100], [59, 60, 54, 118, 116, 119, 122, 120, 63, 51, 114, 108, 50, 38, 44, 123, 125, 117, 40, 105, 86, 102, 53, 127, 41, 95, 98, 82, 18, 24, 62, 124, 39, 87, 88, 80, 103, 16, 115, 34, 84, 57, 55, 52, 20, 78, 22, 47, 58, 23, 14, 126, 77, 49, 31, 83, 97, 104, 29, 27, 13, 107, 113, 76, 19, 89, 85, 28, 11, 12, 110, 92, 93, 99, 48, 42, 56, 109, 79, 75, 15, 25, 43, 61, 45, 46, 21, 30, 73, 112, 33, 9, 71, 90, 35, 37, 7, 72, 111, 121, 26, 106, 17, 81, 5, 94, 8, 36, 74, 10, 32, 64, 2, 0, 68, 91, 3, 69, 6, 67, 4, 65, 66, 101, 100, 1, 96, 70], [59, 60, 118, 54, 116, 119, 122, 120, 63, 51, 108, 114, 50, 38, 123, 117, 44, 40, 125, 105, 127, 86, 53, 95, 18, 87, 98, 82, 41, 102, 115, 24, 52, 88, 62, 84, 34, 126, 124, 22, 47, 16, 58, 20, 23, 39, 80, 97, 55, 57, 103, 104, 78, 29, 83, 13, 14, 113, 89, 27, 112, 49, 92, 107, 110, 19, 77, 76, 99, 48, 56, 31, 93, 11, 111, 21, 85, 12, 75, 61, 15, 28, 109, 9, 73, 79, 121, 43, 90, 33, 42, 94, 25, 81, 30, 46, 17, 7, 35, 26, 72, 71, 45, 106, 37, 74, 10, 91, 101, 32, 5, 8, 36, 68, 6, 2, 64, 100, 3, 69, 67, 4, 70, 65, 66, 96, 0, 1], [59, 60, 118, 54, 116, 119, 122, 63, 120, 108, 51, 114, 38, 50, 44, 117, 40, 105, 123, 86, 125, 87, 82, 18, 102, 127, 115, 95, 98, 88, 124, 41, 24, 34, 39, 22, 52, 58, 16, 20, 53, 80, 84, 107, 57, 23, 14, 47, 103, 104, 13, 27, 55, 56, 97, 76, 78, 62, 12, 126, 89, 83, 48, 77, 92, 85, 121, 29, 49, 93, 21, 31, 19, 75, 110, 113, 79, 99, 28, 11, 106, 15, 112, 73, 46, 9, 111, 42, 25, 30, 94, 90, 61, 109, 37, 43, 91, 71, 35, 45, 72, 33, 81, 26, 7, 10, 74, 17, 0, 64, 66, 32, 69, 36, 101, 5, 4, 65, 68, 6, 2, 67, 100, 8, 3, 1, 70, 96], [59, 60, 118, 54, 116, 119, 122, 120, 51, 63, 108, 50, 38, 114, 117, 123, 44, 105, 40, 125, 102, 127, 18, 98, 95, 62, 82, 24, 87, 115, 34, 39, 41, 86, 84, 88, 52, 16, 20, 103, 57, 22, 107, 126, 58, 89, 124, 80, 55, 97, 104, 27, 47, 23, 48, 13, 29, 78, 14, 92, 53, 46, 49, 77, 28, 21, 93, 19, 31, 110, 99, 25, 76, 83, 43, 56, 11, 113, 37, 85, 111, 94, 9, 109, 75, 12, 42, 15, 79, 112, 45, 33, 91, 61, 106, 35, 72, 30, 71, 73, 26, 90, 121, 7, 17, 101, 74, 81, 32, 64, 67, 36, 10, 1, 0, 5, 4, 68, 3, 69, 2, 66, 70, 65, 6, 8, 96, 100], [59, 60, 118, 54, 116, 119, 122, 120, 63, 51, 108, 114, 50, 117, 38, 123, 125, 44, 105, 40, 18, 102, 53, 41, 95, 82, 98, 62, 86, 87, 115, 103, 24, 88, 127, 39, 16, 49, 124, 52, 34, 80, 23, 126, 22, 84, 20, 47, 78, 58, 55, 13, 31, 97, 92, 19, 27, 89, 29, 77, 113, 107, 104, 14, 21, 75, 76, 42, 83, 57, 93, 61, 25, 12, 85, 110, 43, 99, 46, 33, 109, 26, 28, 79, 56, 112, 48, 111, 9, 45, 11, 7, 71, 72, 73, 121, 94, 15, 90, 37, 30, 35, 106, 91, 17, 36, 74, 81, 32, 10, 69, 3, 101, 0, 1, 64, 67, 68, 66, 100, 70, 5, 4, 6, 2, 65, 96, 8], [59, 60, 54, 118, 116, 119, 122, 120, 51, 63, 108, 114, 50, 38, 44, 123, 125, 40, 117, 105, 102, 95, 127, 58, 55, 41, 98, 18, 47, 87, 39, 86, 82, 24, 57, 53, 52, 126, 124, 16, 103, 88, 115, 34, 49, 80, 23, 78, 22, 13, 20, 62, 84, 27, 14, 104, 107, 97, 113, 19, 61, 29, 77, 83, 31, 89, 93, 109, 28, 110, 33, 121, 75, 46, 42, 43, 11, 12, 25, 85, 99, 76, 56, 21, 92, 71, 48, 7, 15, 79, 111, 45, 73, 26, 9, 112, 35, 72, 30, 106, 37, 94, 90, 10, 0, 64, 5, 81, 101, 67, 74, 36, 17, 91, 4, 66, 32, 68, 65, 2, 69, 1, 70, 3, 96, 8, 100, 6], [59, 60, 54, 118, 116, 119, 122, 120, 51, 63, 108, 114, 50, 38, 117, 125, 44, 40, 123, 105, 127, 18, 55, 102, 86, 98, 87, 82, 95, 24, 53, 41, 39, 22, 16, 88, 78, 47, 62, 126, 124, 57, 80, 34, 84, 23, 52, 20, 29, 49, 103, 27, 58, 113, 13, 97, 115, 104, 46, 31, 83, 14, 121, 89, 110, 77, 28, 93, 43, 76, 107, 11, 75, 19, 12, 112, 92, 61, 21, 73, 99, 48, 15, 25, 90, 79, 85, 9, 109, 45, 42, 106, 33, 72, 7, 71, 56, 81, 111, 35, 30, 0, 26, 37, 36, 64, 69, 91, 10, 17, 67, 74, 3, 4, 94, 65, 8, 68, 5, 70, 66, 2, 1, 6, 101, 32, 100, 96], [59, 60, 118, 54, 116, 119, 122, 120, 63, 51, 114, 50, 108, 38, 117, 44, 125, 123, 105, 40, 18, 102, 41, 127, 98, 52, 87, 34, 82, 86, 95, 88, 115, 22, 57, 23, 55, 124, 62, 24, 126, 39, 80, 84, 20, 16, 97, 58, 53, 78, 103, 110, 104, 47, 27, 89, 107, 61, 92, 49, 113, 29, 43, 13, 31, 14, 19, 28, 93, 85, 83, 77, 99, 21, 76, 25, 75, 11, 12, 56, 15, 73, 112, 109, 42, 45, 121, 46, 33, 111, 90, 9, 48, 79, 35, 26, 37, 106, 91, 7, 94, 30, 71, 17, 36, 8, 72, 81, 74, 10, 32, 69, 101, 100, 66, 68, 3, 70, 5, 4, 0, 67, 65, 64, 1, 6, 2, 96], [59, 60, 54, 118, 116, 119, 122, 120, 63, 51, 114, 50, 108, 125, 38, 44, 117, 123, 105, 40, 53, 102, 41, 55, 18, 86, 95, 82, 34, 62, 127, 87, 98, 52, 124, 16, 88, 80, 103, 22, 115, 23, 24, 47, 84, 20, 58, 57, 39, 13, 104, 14, 78, 61, 49, 85, 107, 43, 110, 12, 27, 92, 31, 89, 97, 113, 19, 93, 126, 83, 21, 45, 76, 11, 77, 28, 75, 79, 29, 99, 121, 15, 112, 48, 56, 25, 42, 9, 73, 46, 7, 71, 90, 33, 8, 106, 30, 109, 26, 94, 0, 64, 111, 35, 10, 72, 91, 17, 81, 37, 74, 69, 65, 66, 4, 67, 32, 5, 68, 70, 2, 36, 101, 1, 6, 3, 100, 96], [59, 60, 54, 118, 116, 122, 119, 120, 63, 51, 108, 50, 114, 38, 40, 44, 117, 123, 105, 102, 125, 86, 95, 98, 18, 82, 53, 124, 41, 127, 87, 55, 84, 34, 88, 39, 62, 24, 52, 104, 57, 23, 58, 47, 49, 103, 97, 20, 16, 80, 115, 126, 14, 22, 110, 31, 78, 43, 56, 46, 113, 27, 61, 13, 29, 99, 89, 12, 107, 45, 106, 85, 77, 93, 19, 48, 83, 28, 92, 109, 75, 15, 112, 76, 25, 37, 79, 33, 21, 7, 94, 11, 73, 90, 35, 42, 71, 111, 8, 121, 91, 9, 30, 36, 26, 17, 81, 10, 0, 101, 72, 32, 67, 3, 69, 64, 68, 74, 5, 65, 100, 2, 4, 6, 66, 1, 70, 96], [59, 60, 54, 118, 116, 119, 122, 120, 51, 63, 108, 114, 50, 38, 125, 44, 40, 123, 105, 102, 117, 86, 52, 124, 18, 127, 98, 115, 82, 57, 41, 88, 95, 103, 39, 87, 78, 62, 24, 34, 61, 107, 16, 20, 126, 23, 47, 53, 110, 97, 104, 22, 55, 80, 84, 49, 29, 31, 27, 89, 109, 19, 83, 113, 45, 85, 99, 58, 46, 93, 48, 14, 13, 21, 25, 43, 77, 28, 76, 92, 121, 11, 56, 37, 12, 42, 112, 75, 8, 106, 9, 79, 33, 30, 15, 7, 35, 73, 36, 90, 26, 71, 111, 17, 91, 94, 32, 67, 10, 81, 74, 68, 5, 64, 0, 65, 4, 2, 3, 101, 69, 1, 70, 96, 72, 66, 100, 6], [59, 60, 54, 118, 116, 122, 119, 63, 120, 51, 108, 114, 50, 38, 117, 44, 40, 123, 105, 125, 86, 18, 102, 82, 41, 98, 52, 87, 95, 22, 34, 124, 88, 24, 115, 39, 127, 16, 23, 62, 20, 80, 55, 104, 49, 103, 84, 126, 110, 58, 48, 56, 97, 78, 57, 27, 53, 93, 89, 83, 92, 29, 14, 47, 19, 45, 31, 107, 13, 77, 61, 85, 28, 113, 21, 76, 11, 12, 33, 42, 9, 99, 112, 75, 25, 46, 79, 43, 121, 8, 15, 90, 37, 73, 35, 71, 7, 30, 109, 106, 94, 26, 17, 10, 111, 91, 5, 81, 74, 36, 101, 32, 4, 64, 6, 0, 72, 68, 100, 66, 69, 70, 65, 2, 96, 1, 67, 3], [59, 60, 54, 118, 116, 119, 122, 120, 63, 51, 108, 50, 38, 114, 44, 40, 105, 117, 86, 125, 123, 102, 127, 41, 82, 98, 87, 18, 124, 34, 22, 24, 95, 39, 88, 62, 97, 115, 23, 52, 20, 16, 55, 103, 80, 84, 126, 110, 27, 56, 49, 57, 93, 58, 104, 19, 29, 31, 78, 48, 89, 83, 92, 47, 13, 113, 85, 14, 99, 25, 28, 12, 107, 76, 53, 61, 21, 77, 112, 26, 75, 42, 45, 46, 15, 111, 7, 90, 11, 33, 109, 79, 43, 30, 9, 35, 94, 8, 73, 37, 106, 71, 121, 17, 91, 32, 36, 5, 81, 101, 6, 74, 10, 100, 0, 64, 67, 72, 4, 68, 96, 66, 3, 70, 2, 69, 65, 1], [59, 60, 54, 118, 116, 119, 122, 120, 51, 63, 108, 114, 50, 38, 117, 40, 44, 123, 105, 125, 98, 86, 102, 87, 62, 34, 95, 82, 97, 39, 127, 124, 57, 41, 18, 52, 115, 24, 49, 88, 22, 55, 103, 23, 58, 53, 80, 126, 104, 29, 84, 16, 110, 56, 45, 20, 89, 61, 99, 25, 27, 31, 14, 26, 48, 46, 47, 83, 113, 93, 109, 92, 19, 33, 107, 28, 43, 42, 13, 78, 112, 12, 85, 77, 37, 35, 75, 15, 21, 73, 121, 76, 8, 9, 106, 36, 30, 94, 90, 11, 7, 79, 32, 91, 17, 71, 111, 101, 69, 3, 81, 74, 64, 10, 67, 0, 65, 4, 96, 5, 72, 6, 68, 66, 2, 1, 100, 70], [59, 60, 54, 118, 116, 122, 119, 63, 120, 51, 50, 108, 114, 38, 117, 44, 125, 40, 105, 102, 123, 86, 127, 98, 95, 41, 52, 82, 34, 18, 103, 39, 87, 115, 24, 57, 88, 55, 124, 62, 22, 23, 104, 80, 20, 16, 107, 126, 97, 27, 89, 110, 84, 56, 61, 58, 14, 83, 47, 53, 49, 12, 77, 31, 113, 25, 78, 93, 19, 99, 13, 28, 109, 48, 92, 29, 21, 46, 45, 30, 75, 76, 85, 112, 33, 43, 106, 42, 11, 73, 37, 26, 71, 35, 79, 121, 15, 9, 90, 7, 36, 17, 8, 91, 94, 111, 101, 74, 32, 10, 72, 69, 64, 81, 67, 65, 0, 2, 68, 96, 4, 5, 6, 100, 70, 66, 3, 1], [59, 60, 118, 54, 116, 119, 122, 63, 120, 51, 108, 50, 114, 38, 105, 44, 40, 86, 117, 125, 123, 102, 127, 18, 41, 124, 87, 126, 39, 52, 82, 88, 98, 55, 95, 22, 103, 49, 24, 115, 57, 34, 16, 23, 80, 20, 78, 62, 84, 53, 47, 56, 83, 104, 27, 97, 93, 13, 77, 29, 89, 14, 19, 110, 111, 61, 107, 113, 85, 75, 58, 31, 12, 48, 99, 76, 28, 21, 25, 109, 9, 71, 45, 92, 106, 79, 43, 11, 90, 37, 33, 26, 46, 42, 30, 121, 112, 73, 35, 7, 15, 36, 81, 94, 8, 32, 72, 67, 74, 17, 91, 64, 10, 68, 69, 3, 2, 0, 5, 101, 6, 1, 70, 65, 4, 66, 96, 100], [59, 60, 118, 54, 119, 122, 116, 120, 63, 51, 108, 50, 38, 114, 117, 44, 123, 105, 40, 86, 125, 87, 18, 102, 41, 98, 82, 55, 62, 124, 115, 39, 52, 34, 24, 95, 22, 57, 88, 103, 80, 127, 126, 23, 97, 47, 16, 84, 29, 48, 20, 78, 53, 89, 110, 27, 49, 61, 93, 56, 43, 92, 19, 58, 31, 42, 25, 83, 107, 104, 77, 113, 14, 75, 13, 99, 76, 85, 28, 112, 121, 12, 21, 46, 90, 106, 109, 79, 26, 11, 33, 30, 9, 15, 35, 73, 94, 111, 37, 45, 36, 71, 72, 8, 17, 7, 91, 81, 74, 5, 0, 101, 32, 64, 10, 3, 100, 68, 2, 67, 65, 69, 70, 96, 4, 1, 66, 6], [59, 60, 118, 54, 119, 116, 122, 63, 120, 51, 108, 114, 38, 50, 117, 44, 123, 105, 125, 40, 124, 41, 86, 98, 34, 102, 18, 39, 87, 127, 95, 62, 115, 52, 82, 24, 22, 55, 23, 57, 103, 88, 47, 16, 84, 53, 49, 97, 126, 80, 61, 20, 48, 58, 27, 104, 78, 56, 89, 13, 45, 19, 93, 113, 14, 92, 77, 31, 76, 110, 29, 83, 99, 107, 11, 85, 42, 12, 112, 28, 25, 75, 21, 26, 37, 121, 73, 43, 9, 46, 106, 111, 109, 33, 90, 79, 30, 15, 94, 7, 35, 72, 71, 36, 91, 17, 101, 32, 74, 0, 81, 64, 69, 100, 10, 65, 3, 8, 5, 68, 2, 96, 66, 67, 6, 4, 70, 1], [59, 60, 118, 54, 119, 116, 122, 63, 120, 51, 108, 114, 50, 38, 117, 125, 44, 40, 105, 123, 86, 102, 98, 127, 62, 95, 124, 87, 52, 41, 88, 82, 39, 18, 103, 115, 23, 34, 24, 57, 53, 16, 22, 126, 49, 84, 92, 110, 55, 58, 80, 97, 27, 47, 25, 20, 107, 56, 89, 31, 78, 83, 99, 42, 14, 104, 19, 121, 93, 77, 29, 48, 21, 13, 113, 12, 43, 45, 76, 28, 75, 85, 46, 73, 11, 72, 61, 15, 33, 109, 106, 30, 35, 112, 90, 37, 79, 26, 7, 111, 36, 91, 71, 9, 32, 94, 68, 17, 81, 0, 74, 69, 65, 70, 64, 100, 5, 67, 101, 3, 2, 10, 1, 66, 4, 6, 8, 96], [59, 60, 54, 118, 116, 119, 122, 63, 120, 51, 108, 50, 114, 38, 44, 117, 40, 125, 123, 105, 86, 102, 127, 98, 52, 124, 18, 41, 82, 39, 95, 87, 55, 57, 24, 34, 62, 88, 126, 22, 16, 97, 115, 53, 84, 49, 110, 47, 103, 58, 23, 80, 20, 83, 14, 29, 99, 104, 46, 48, 43, 56, 77, 89, 13, 61, 113, 78, 27, 93, 31, 25, 28, 73, 45, 76, 92, 85, 21, 107, 111, 19, 106, 121, 12, 75, 11, 112, 109, 72, 33, 15, 9, 42, 90, 35, 37, 79, 26, 71, 36, 94, 7, 81, 91, 74, 32, 5, 17, 30, 101, 10, 0, 64, 100, 68, 4, 70, 67, 2, 3, 69, 1, 96, 6, 8, 65, 66], [59, 60, 118, 54, 116, 119, 122, 63, 120, 51, 108, 38, 50, 114, 44, 117, 40, 125, 105, 123, 102, 86, 52, 98, 18, 127, 124, 82, 87, 95, 22, 39, 41, 88, 126, 115, 34, 55, 62, 24, 103, 97, 16, 23, 57, 84, 80, 20, 110, 47, 83, 58, 89, 27, 14, 53, 45, 56, 78, 49, 12, 19, 92, 29, 93, 61, 13, 107, 77, 104, 46, 21, 42, 43, 121, 99, 85, 28, 31, 76, 75, 9, 48, 15, 11, 79, 26, 112, 35, 73, 25, 106, 71, 90, 33, 72, 109, 113, 30, 37, 17, 36, 74, 94, 7, 81, 91, 32, 111, 64, 0, 101, 10, 100, 69, 4, 5, 66, 65, 8, 70, 3, 96, 6, 67, 2, 1, 68], [59, 60, 118, 54, 116, 119, 122, 120, 63, 51, 50, 108, 114, 38, 40, 123, 105, 44, 117, 125, 62, 102, 124, 98, 87, 41, 86, 55, 57, 95, 82, 126, 34, 22, 52, 47, 127, 24, 39, 18, 88, 103, 97, 115, 84, 27, 89, 104, 23, 20, 53, 16, 49, 29, 93, 80, 78, 99, 48, 31, 61, 58, 83, 92, 42, 121, 21, 45, 110, 13, 107, 25, 77, 14, 85, 46, 19, 111, 12, 43, 90, 33, 11, 75, 26, 112, 28, 37, 9, 56, 15, 94, 30, 109, 76, 113, 35, 91, 7, 73, 106, 72, 79, 71, 17, 32, 101, 100, 67, 74, 69, 36, 0, 10, 4, 2, 68, 1, 66, 64, 65, 5, 81, 3, 70, 96, 6, 8], [59, 60, 118, 54, 116, 119, 122, 63, 120, 51, 108, 114, 50, 38, 44, 40, 105, 123, 117, 125, 86, 82, 87, 41, 127, 124, 102, 95, 98, 52, 39, 126, 18, 24, 34, 62, 88, 57, 22, 55, 23, 47, 16, 80, 115, 58, 20, 97, 84, 78, 83, 103, 104, 27, 56, 14, 93, 89, 29, 12, 92, 110, 19, 13, 107, 77, 76, 75, 49, 53, 21, 121, 45, 48, 61, 85, 11, 99, 46, 31, 43, 42, 109, 79, 15, 28, 9, 7, 73, 71, 111, 112, 113, 106, 25, 30, 0, 26, 94, 64, 72, 37, 33, 90, 35, 69, 17, 65, 74, 3, 8, 6, 4, 68, 66, 91, 1, 67, 10, 101, 2, 81, 36, 32, 5, 70, 96, 100], [59, 60, 118, 54, 116, 119, 122, 120, 51, 63, 114, 108, 50, 38, 40, 117, 105, 44, 123, 102, 98, 127, 87, 125, 57, 41, 124, 18, 82, 95, 39, 52, 126, 86, 34, 62, 88, 24, 22, 103, 55, 97, 115, 58, 23, 84, 49, 20, 27, 16, 80, 104, 53, 31, 56, 89, 99, 47, 93, 78, 113, 29, 107, 83, 13, 121, 14, 110, 12, 77, 85, 25, 48, 109, 61, 43, 92, 45, 19, 28, 26, 106, 46, 21, 33, 90, 11, 94, 37, 75, 30, 76, 9, 111, 42, 35, 71, 15, 73, 112, 79, 36, 72, 91, 7, 8, 32, 64, 69, 74, 10, 17, 0, 66, 67, 1, 68, 6, 65, 101, 81, 3, 4, 5, 2, 96, 70, 100], [59, 60, 118, 54, 122, 116, 119, 120, 51, 63, 114, 108, 50, 38, 44, 125, 40, 105, 123, 117, 102, 86, 98, 52, 87, 41, 18, 127, 34, 82, 95, 124, 126, 88, 53, 57, 39, 115, 58, 55, 24, 80, 20, 47, 16, 103, 78, 97, 84, 22, 14, 23, 19, 31, 56, 62, 93, 13, 113, 49, 77, 27, 76, 42, 48, 83, 75, 43, 121, 89, 110, 85, 21, 12, 107, 29, 99, 92, 61, 104, 45, 25, 11, 46, 73, 109, 35, 15, 79, 9, 28, 106, 26, 30, 8, 90, 71, 7, 33, 112, 37, 94, 111, 17, 64, 72, 0, 10, 74, 66, 69, 65, 4, 81, 100, 3, 91, 36, 5, 1, 6, 68, 32, 67, 70, 101, 2, 96], [59, 60, 118, 54, 116, 122, 119, 120, 51, 63, 114, 108, 50, 38, 44, 117, 40, 123, 125, 105, 55, 41, 102, 98, 52, 86, 95, 127, 126, 34, 124, 18, 53, 82, 115, 49, 87, 58, 39, 57, 84, 24, 23, 88, 80, 103, 62, 97, 47, 22, 20, 16, 113, 14, 31, 104, 89, 27, 110, 48, 99, 45, 19, 29, 78, 61, 107, 77, 85, 92, 12, 56, 121, 93, 21, 13, 76, 83, 11, 43, 109, 112, 42, 106, 73, 28, 75, 25, 33, 15, 8, 46, 9, 111, 26, 71, 79, 90, 35, 94, 37, 30, 7, 64, 69, 17, 74, 10, 81, 68, 32, 5, 1, 0, 2, 72, 4, 36, 91, 67, 101, 6, 70, 66, 3, 65, 100, 96], [59, 60, 54, 118, 116, 122, 119, 120, 63, 51, 108, 114, 50, 38, 123, 44, 125, 117, 40, 105, 86, 41, 52, 127, 98, 102, 55, 87, 82, 34, 95, 58, 115, 18, 126, 62, 22, 24, 53, 124, 23, 88, 80, 47, 39, 103, 16, 20, 57, 84, 97, 49, 27, 14, 12, 77, 104, 19, 92, 93, 89, 21, 13, 15, 48, 83, 110, 76, 31, 78, 61, 45, 85, 11, 107, 113, 43, 42, 29, 73, 33, 9, 99, 121, 28, 75, 109, 25, 56, 46, 26, 8, 79, 71, 90, 35, 7, 37, 106, 30, 94, 112, 111, 81, 74, 64, 17, 91, 5, 10, 0, 32, 68, 36, 1, 65, 67, 69, 72, 4, 6, 101, 70, 2, 100, 66, 3, 96]], "model.layers.9.self_attn.q_proj": [[110, 101, 46, 124, 63, 59, 28, 32, 113, 25, 89, 61, 19, 115, 27, 87, 16, 60, 57, 49, 122, 83, 85, 26, 78, 22, 47, 114, 55, 58, 56, 53, 96, 99, 37, 92, 108, 41, 23, 54, 48, 125, 30, 79, 51, 11, 119, 67, 84, 1, 24, 118, 69, 35, 62, 91, 120, 123, 116, 70, 43, 88, 97, 117, 121, 68, 106, 112, 90, 126, 109, 29, 40, 2, 77, 127, 45, 111, 8, 17, 86, 0, 74, 50, 82, 107, 15, 5, 42, 9, 66, 21, 18, 10, 52, 14, 6, 104, 105, 94, 36, 93, 100, 81, 65, 102, 44, 34, 33, 76, 20, 80, 31, 103, 3, 64, 7, 38, 4, 71, 95, 75, 73, 12, 13, 39, 98, 72], [110, 124, 101, 63, 46, 113, 25, 59, 80, 28, 24, 61, 89, 115, 57, 122, 60, 56, 83, 114, 32, 53, 58, 47, 125, 27, 22, 51, 41, 54, 119, 49, 78, 55, 40, 11, 112, 118, 62, 48, 123, 43, 96, 120, 106, 69, 23, 121, 37, 108, 52, 117, 127, 50, 42, 109, 19, 104, 45, 100, 111, 116, 35, 126, 105, 16, 107, 85, 91, 87, 102, 30, 38, 39, 31, 44, 33, 92, 34, 103, 84, 36, 86, 20, 17, 94, 88, 26, 97, 73, 98, 29, 99, 93, 8, 90, 95, 77, 72, 14, 18, 1, 21, 12, 67, 81, 5, 79, 76, 15, 82, 70, 4, 75, 2, 0, 10, 9, 7, 13, 6, 74, 66, 3, 68, 71, 64, 65], [110, 124, 46, 101, 63, 59, 89, 61, 11, 37, 113, 57, 25, 122, 60, 115, 69, 56, 53, 19, 54, 58, 47, 55, 32, 114, 120, 48, 16, 51, 49, 41, 117, 118, 116, 28, 112, 50, 62, 27, 109, 24, 119, 22, 121, 111, 125, 92, 127, 99, 126, 123, 43, 87, 45, 52, 82, 30, 107, 108, 39, 100, 72, 35, 103, 42, 105, 106, 1, 96, 104, 83, 40, 0, 4, 44, 23, 78, 2, 86, 77, 80, 26, 102, 15, 38, 29, 34, 85, 97, 90, 84, 67, 73, 36, 31, 33, 14, 88, 94, 5, 6, 98, 95, 18, 17, 9, 93, 91, 7, 21, 8, 20, 68, 79, 12, 81, 75, 66, 10, 13, 76, 71, 70, 74, 64, 3, 65], [124, 110, 101, 59, 46, 89, 63, 61, 19, 28, 115, 25, 83, 60, 113, 56, 27, 57, 23, 114, 122, 24, 118, 54, 78, 53, 55, 22, 125, 119, 47, 49, 58, 120, 48, 51, 37, 26, 107, 93, 32, 50, 81, 96, 117, 121, 99, 112, 11, 106, 43, 62, 123, 92, 127, 41, 35, 109, 108, 17, 116, 111, 103, 45, 42, 36, 104, 52, 44, 82, 126, 40, 100, 105, 30, 39, 38, 85, 88, 95, 14, 12, 34, 86, 87, 8, 98, 97, 31, 33, 102, 29, 16, 91, 94, 77, 69, 84, 18, 21, 73, 20, 15, 90, 80, 75, 76, 67, 13, 5, 79, 72, 9, 6, 74, 7, 1, 10, 70, 4, 3, 71, 2, 0, 65, 68, 66, 64], [117, 41, 59, 61, 97, 126, 101, 39, 31, 87, 55, 43, 42, 44, 28, 100, 124, 112, 110, 116, 35, 92, 102, 113, 96, 122, 57, 86, 36, 121, 127, 89, 54, 58, 114, 63, 38, 49, 52, 115, 93, 125, 47, 94, 51, 60, 53, 105, 99, 120, 16, 80, 48, 111, 32, 45, 50, 84, 46, 98, 29, 104, 19, 56, 118, 109, 123, 108, 40, 62, 27, 78, 33, 24, 107, 23, 74, 18, 26, 17, 25, 83, 37, 85, 75, 30, 91, 22, 20, 119, 21, 34, 14, 106, 12, 88, 9, 68, 81, 13, 103, 15, 77, 10, 3, 7, 76, 73, 95, 11, 71, 79, 4, 82, 66, 8, 90, 2, 70, 5, 6, 0, 72, 69, 64, 67, 65, 1], [41, 64, 107, 101, 117, 31, 67, 63, 1, 56, 69, 55, 26, 97, 42, 126, 112, 87, 105, 2, 72, 10, 39, 18, 84, 79, 76, 98, 71, 124, 65, 43, 106, 28, 78, 4, 35, 9, 111, 6, 44, 100, 53, 70, 29, 93, 23, 114, 80, 12, 121, 3, 74, 58, 86, 66, 20, 92, 94, 57, 5, 81, 11, 89, 59, 127, 33, 110, 102, 99, 83, 38, 75, 7, 48, 125, 109, 8, 61, 19, 15, 17, 77, 27, 21, 0, 46, 113, 88, 62, 118, 68, 50, 85, 45, 116, 32, 54, 104, 47, 24, 25, 120, 52, 122, 96, 40, 13, 51, 115, 103, 60, 90, 30, 34, 14, 73, 119, 123, 49, 82, 36, 16, 108, 91, 22, 95, 37], [41, 117, 26, 87, 31, 42, 101, 97, 56, 98, 18, 124, 35, 84, 105, 79, 15, 23, 12, 76, 55, 39, 57, 78, 43, 20, 80, 7, 59, 112, 93, 106, 118, 44, 74, 90, 61, 102, 10, 89, 100, 63, 28, 83, 114, 126, 107, 82, 58, 9, 53, 25, 104, 92, 69, 81, 14, 48, 8, 96, 36, 21, 127, 95, 86, 70, 24, 49, 121, 110, 99, 11, 29, 60, 111, 22, 46, 27, 17, 62, 85, 51, 122, 109, 16, 4, 52, 120, 125, 32, 5, 19, 77, 33, 13, 123, 40, 54, 45, 91, 2, 30, 67, 94, 71, 47, 3, 73, 115, 38, 113, 116, 72, 88, 64, 108, 50, 37, 103, 66, 65, 75, 68, 34, 0, 119, 6, 1], [117, 56, 41, 61, 107, 43, 97, 39, 31, 126, 35, 44, 118, 100, 42, 57, 110, 89, 121, 102, 36, 105, 46, 87, 63, 48, 101, 94, 52, 124, 92, 28, 59, 53, 113, 50, 86, 55, 38, 98, 54, 122, 49, 51, 29, 112, 111, 25, 45, 115, 108, 83, 62, 123, 125, 127, 80, 40, 47, 96, 104, 19, 99, 114, 27, 58, 116, 120, 60, 33, 109, 34, 88, 26, 18, 32, 93, 85, 9, 23, 106, 22, 64, 21, 24, 16, 119, 84, 30, 17, 103, 13, 91, 37, 77, 14, 90, 1, 2, 81, 69, 78, 67, 76, 95, 11, 79, 4, 82, 66, 73, 71, 68, 7, 70, 10, 75, 72, 20, 5, 12, 74, 6, 8, 65, 15, 3, 0], [105, 98, 86, 18, 84, 53, 79, 81, 88, 13, 111, 41, 76, 119, 74, 51, 72, 55, 29, 10, 117, 52, 7, 61, 2, 63, 123, 114, 68, 110, 107, 71, 6, 126, 31, 59, 70, 26, 125, 116, 5, 15, 4, 17, 48, 28, 120, 50, 118, 8, 127, 108, 77, 75, 90, 12, 27, 1, 3, 82, 24, 85, 92, 11, 109, 21, 122, 42, 124, 20, 38, 106, 9, 62, 40, 57, 93, 78, 25, 113, 33, 49, 22, 66, 80, 56, 16, 67, 58, 39, 30, 32, 60, 19, 23, 102, 91, 37, 54, 46, 87, 89, 64, 100, 96, 43, 115, 36, 83, 101, 14, 112, 47, 94, 95, 121, 103, 44, 35, 97, 99, 104, 0, 45, 34, 69, 73, 65], [105, 98, 84, 79, 88, 53, 18, 72, 41, 86, 111, 5, 81, 51, 2, 13, 63, 15, 76, 10, 29, 55, 52, 6, 68, 114, 119, 126, 74, 116, 110, 12, 123, 48, 92, 7, 117, 61, 28, 26, 107, 71, 9, 59, 27, 11, 118, 4, 87, 90, 31, 3, 93, 8, 85, 127, 125, 24, 122, 70, 109, 78, 1, 58, 20, 108, 50, 120, 124, 77, 91, 38, 66, 42, 49, 17, 22, 40, 39, 60, 30, 102, 69, 95, 67, 57, 54, 34, 106, 83, 23, 37, 62, 89, 32, 101, 16, 82, 21, 75, 96, 36, 19, 56, 33, 35, 121, 43, 112, 103, 113, 80, 46, 73, 94, 25, 44, 99, 14, 115, 104, 100, 0, 97, 45, 64, 47, 65], [105, 98, 84, 41, 72, 86, 53, 6, 18, 2, 79, 12, 4, 1, 76, 68, 71, 111, 74, 51, 13, 0, 3, 67, 81, 88, 66, 5, 114, 126, 63, 61, 123, 119, 8, 117, 26, 52, 116, 55, 48, 118, 125, 107, 127, 29, 65, 110, 59, 27, 10, 92, 93, 7, 85, 90, 20, 17, 109, 34, 120, 24, 9, 87, 50, 28, 122, 124, 22, 58, 62, 78, 70, 80, 49, 42, 32, 57, 108, 31, 30, 106, 83, 101, 35, 25, 56, 54, 21, 102, 77, 91, 14, 82, 113, 95, 64, 89, 15, 112, 38, 75, 97, 39, 36, 43, 115, 60, 40, 33, 121, 23, 19, 103, 37, 94, 11, 100, 46, 104, 45, 99, 69, 16, 96, 47, 44, 73], [105, 98, 74, 3, 70, 0, 86, 53, 111, 4, 1, 81, 18, 79, 76, 61, 5, 41, 67, 66, 119, 13, 117, 71, 8, 84, 2, 51, 110, 123, 68, 114, 55, 12, 52, 72, 126, 50, 125, 65, 120, 116, 107, 63, 17, 6, 9, 20, 59, 57, 64, 118, 88, 29, 109, 48, 10, 127, 49, 56, 38, 62, 73, 124, 34, 26, 7, 22, 40, 106, 78, 87, 23, 30, 15, 16, 28, 11, 24, 69, 93, 92, 19, 77, 89, 80, 83, 14, 60, 31, 94, 113, 75, 42, 39, 32, 82, 85, 108, 122, 54, 25, 43, 58, 121, 27, 90, 21, 96, 102, 115, 44, 101, 99, 112, 91, 36, 46, 95, 35, 33, 103, 104, 45, 37, 100, 47, 97], [125, 62, 104, 48, 63, 119, 122, 120, 59, 108, 55, 57, 118, 54, 121, 116, 58, 60, 27, 124, 113, 114, 115, 117, 84, 123, 111, 61, 97, 56, 53, 50, 43, 51, 47, 30, 44, 87, 52, 49, 126, 127, 107, 45, 109, 25, 110, 89, 12, 46, 21, 105, 28, 22, 72, 99, 112, 103, 41, 36, 38, 94, 106, 34, 5, 98, 90, 39, 102, 101, 20, 100, 1, 37, 92, 14, 9, 66, 96, 68, 42, 19, 16, 83, 35, 32, 79, 17, 29, 33, 95, 2, 85, 69, 31, 81, 0, 23, 40, 3, 91, 77, 86, 88, 18, 4, 93, 6, 15, 64, 82, 71, 76, 13, 11, 26, 24, 10, 73, 80, 78, 75, 74, 7, 8, 70, 65, 67], [62, 125, 48, 104, 63, 119, 122, 120, 59, 108, 97, 115, 55, 58, 54, 57, 60, 117, 114, 116, 121, 52, 124, 113, 50, 118, 47, 123, 61, 56, 111, 84, 36, 53, 127, 51, 89, 49, 109, 126, 44, 87, 5, 43, 72, 45, 14, 96, 69, 103, 46, 112, 107, 12, 30, 41, 110, 1, 106, 102, 105, 68, 2, 27, 32, 101, 66, 37, 28, 39, 38, 42, 24, 88, 98, 21, 25, 20, 22, 19, 35, 95, 99, 92, 100, 31, 64, 34, 23, 40, 83, 3, 93, 4, 15, 90, 91, 71, 76, 29, 85, 75, 79, 0, 6, 18, 94, 78, 9, 8, 17, 73, 77, 81, 13, 16, 7, 26, 10, 80, 33, 86, 11, 70, 74, 67, 82, 65], [104, 125, 62, 48, 63, 97, 119, 30, 21, 57, 122, 60, 59, 28, 127, 115, 118, 120, 116, 108, 55, 85, 84, 27, 54, 121, 113, 126, 123, 53, 114, 49, 56, 25, 111, 58, 117, 61, 22, 89, 124, 87, 52, 47, 9, 112, 109, 90, 44, 107, 51, 50, 45, 43, 40, 35, 5, 79, 46, 36, 105, 103, 94, 66, 1, 18, 68, 24, 41, 78, 92, 16, 12, 34, 15, 2, 98, 99, 102, 38, 95, 110, 72, 39, 19, 32, 3, 14, 96, 69, 11, 106, 101, 64, 31, 42, 37, 0, 6, 93, 91, 73, 100, 88, 83, 17, 23, 75, 20, 8, 29, 81, 4, 77, 26, 33, 13, 70, 71, 74, 7, 10, 80, 86, 76, 67, 65, 82], [104, 62, 125, 90, 30, 97, 63, 122, 84, 18, 19, 115, 23, 60, 80, 22, 16, 119, 27, 74, 79, 38, 57, 49, 26, 36, 78, 55, 20, 54, 59, 39, 82, 13, 124, 99, 120, 108, 94, 116, 123, 112, 45, 87, 21, 121, 111, 118, 114, 28, 83, 24, 113, 61, 126, 33, 88, 50, 58, 44, 127, 56, 17, 75, 48, 107, 10, 53, 102, 92, 34, 81, 100, 91, 109, 117, 96, 43, 51, 101, 47, 77, 103, 52, 14, 46, 25, 93, 15, 105, 37, 41, 31, 106, 6, 42, 110, 73, 98, 85, 70, 40, 5, 89, 12, 35, 32, 76, 95, 86, 68, 8, 29, 4, 7, 11, 71, 3, 9, 64, 1, 66, 65, 72, 67, 69, 0, 2], [103, 124, 55, 56, 21, 33, 15, 57, 29, 113, 81, 83, 91, 88, 27, 122, 123, 125, 93, 41, 10, 25, 35, 49, 98, 114, 24, 12, 78, 61, 105, 60, 48, 30, 109, 86, 115, 22, 52, 120, 112, 85, 53, 51, 110, 58, 31, 116, 43, 62, 45, 17, 94, 108, 44, 84, 100, 42, 107, 102, 70, 119, 111, 90, 126, 23, 18, 76, 118, 121, 117, 47, 36, 46, 4, 106, 127, 26, 89, 54, 63, 32, 50, 59, 20, 19, 11, 99, 8, 28, 40, 79, 101, 96, 13, 104, 37, 80, 38, 82, 95, 92, 16, 77, 34, 87, 72, 6, 65, 14, 2, 75, 97, 9, 5, 68, 39, 73, 74, 71, 7, 69, 0, 66, 67, 1, 64, 3], [103, 124, 55, 57, 88, 33, 56, 21, 105, 81, 113, 93, 123, 29, 15, 83, 23, 41, 122, 91, 125, 19, 49, 70, 78, 27, 114, 10, 12, 44, 86, 24, 126, 117, 45, 90, 98, 109, 2, 22, 58, 76, 52, 74, 4, 108, 120, 30, 60, 118, 107, 115, 48, 111, 106, 84, 110, 43, 65, 5, 85, 51, 35, 53, 119, 32, 18, 38, 39, 102, 17, 112, 99, 95, 34, 100, 104, 79, 47, 68, 54, 116, 92, 101, 42, 121, 20, 97, 61, 62, 31, 26, 46, 28, 96, 127, 87, 36, 11, 6, 50, 82, 94, 73, 37, 14, 89, 75, 59, 77, 8, 25, 16, 67, 40, 7, 63, 80, 0, 13, 9, 69, 72, 71, 1, 66, 64, 3], [103, 56, 124, 55, 57, 33, 88, 29, 113, 21, 15, 93, 105, 23, 86, 10, 77, 81, 114, 123, 91, 122, 64, 67, 125, 120, 78, 109, 0, 45, 85, 83, 60, 49, 61, 51, 65, 41, 52, 115, 53, 58, 119, 13, 110, 116, 112, 118, 27, 34, 2, 108, 48, 73, 24, 84, 71, 62, 42, 63, 89, 30, 50, 90, 14, 8, 6, 46, 126, 117, 107, 43, 70, 35, 26, 11, 17, 44, 121, 47, 111, 80, 3, 127, 20, 54, 59, 102, 7, 104, 100, 87, 37, 38, 82, 79, 106, 40, 22, 31, 9, 16, 97, 99, 36, 1, 18, 28, 101, 98, 66, 76, 12, 32, 25, 94, 68, 96, 4, 75, 92, 95, 5, 74, 19, 72, 69, 39], [124, 103, 55, 57, 41, 123, 88, 56, 125, 70, 114, 74, 122, 33, 19, 113, 21, 93, 110, 115, 23, 45, 49, 109, 120, 118, 52, 58, 116, 61, 15, 53, 108, 2, 112, 48, 83, 51, 60, 43, 35, 117, 81, 62, 29, 119, 126, 105, 73, 44, 50, 91, 121, 84, 127, 65, 111, 47, 46, 12, 107, 86, 42, 54, 63, 98, 30, 68, 106, 39, 14, 22, 59, 78, 100, 79, 27, 40, 102, 101, 10, 90, 5, 4, 38, 104, 67, 96, 99, 92, 24, 13, 36, 37, 34, 75, 26, 69, 20, 32, 8, 97, 85, 87, 17, 7, 28, 80, 25, 82, 18, 31, 76, 11, 94, 0, 71, 95, 16, 6, 77, 89, 9, 72, 3, 64, 1, 66], [57, 126, 39, 34, 61, 45, 95, 111, 120, 125, 60, 21, 51, 63, 58, 87, 52, 90, 54, 113, 114, 119, 117, 123, 109, 55, 127, 48, 50, 62, 118, 112, 122, 19, 106, 53, 56, 49, 46, 72, 59, 43, 115, 124, 110, 5, 82, 116, 108, 100, 41, 22, 36, 121, 47, 105, 17, 104, 28, 44, 26, 92, 107, 102, 88, 35, 73, 9, 42, 79, 14, 24, 16, 40, 38, 37, 77, 76, 78, 89, 99, 101, 27, 18, 30, 97, 75, 10, 32, 71, 93, 83, 98, 1, 33, 94, 13, 81, 66, 96, 29, 86, 25, 91, 103, 85, 8, 67, 11, 4, 2, 0, 20, 12, 74, 31, 70, 23, 15, 84, 69, 65, 3, 6, 7, 80, 68, 64], [39, 126, 57, 34, 95, 90, 19, 87, 60, 120, 21, 26, 61, 17, 92, 11, 111, 48, 79, 28, 31, 5, 71, 72, 22, 10, 45, 63, 117, 84, 27, 9, 58, 70, 102, 42, 4, 67, 100, 125, 127, 105, 40, 36, 108, 51, 83, 113, 99, 16, 101, 13, 38, 73, 41, 54, 96, 75, 46, 35, 53, 77, 124, 122, 52, 106, 66, 50, 44, 37, 49, 81, 59, 47, 112, 118, 62, 23, 104, 109, 119, 33, 43, 116, 85, 115, 114, 121, 110, 30, 32, 55, 123, 29, 97, 107, 25, 56, 0, 24, 20, 89, 65, 93, 15, 7, 80, 94, 18, 98, 91, 74, 1, 88, 76, 78, 6, 68, 12, 14, 82, 103, 69, 86, 8, 2, 3, 64], [39, 57, 126, 34, 95, 87, 60, 21, 19, 90, 61, 16, 120, 73, 28, 26, 22, 79, 75, 17, 77, 48, 111, 125, 5, 58, 51, 83, 13, 63, 9, 92, 45, 104, 74, 33, 82, 113, 118, 27, 112, 122, 109, 127, 18, 123, 7, 71, 78, 20, 10, 89, 117, 62, 23, 119, 31, 30, 49, 50, 36, 115, 53, 56, 81, 94, 102, 54, 24, 84, 76, 52, 70, 25, 67, 47, 96, 68, 55, 110, 114, 91, 44, 88, 85, 116, 108, 41, 40, 8, 15, 6, 2, 46, 38, 121, 99, 80, 1, 105, 100, 37, 106, 14, 29, 97, 124, 93, 42, 98, 35, 12, 32, 72, 101, 107, 59, 0, 3, 43, 86, 11, 69, 103, 64, 4, 65, 66], [39, 57, 126, 34, 120, 87, 95, 90, 19, 60, 26, 92, 11, 61, 21, 111, 36, 17, 72, 22, 5, 48, 117, 63, 125, 71, 9, 4, 127, 67, 58, 83, 16, 79, 75, 70, 66, 73, 52, 51, 27, 113, 13, 122, 91, 119, 53, 50, 115, 45, 46, 31, 10, 28, 124, 65, 123, 23, 55, 118, 109, 54, 56, 114, 40, 62, 20, 121, 15, 18, 32, 49, 0, 77, 7, 102, 81, 44, 47, 82, 37, 85, 112, 101, 38, 106, 43, 110, 100, 35, 24, 116, 80, 107, 105, 78, 99, 33, 76, 41, 74, 94, 59, 1, 14, 84, 108, 97, 30, 104, 86, 42, 88, 96, 68, 93, 89, 6, 25, 98, 8, 12, 3, 2, 69, 29, 64, 103], [59, 61, 53, 101, 27, 88, 76, 78, 18, 16, 25, 20, 22, 85, 29, 69, 7, 96, 28, 75, 9, 30, 119, 62, 100, 56, 87, 66, 39, 14, 126, 83, 82, 117, 90, 37, 2, 71, 43, 67, 3, 12, 91, 72, 21, 79, 80, 74, 77, 73, 84, 0, 33, 24, 26, 93, 81, 65, 15, 23, 19, 6, 17, 1, 31, 54, 94, 8, 92, 36, 50, 10, 89, 5, 97, 105, 111, 41, 95, 13, 35, 106, 108, 116, 107, 42, 70, 103, 68, 113, 86, 32, 124, 48, 49, 4, 11, 99, 44, 60, 98, 64, 34, 55, 102, 63, 115, 120, 46, 52, 125, 104, 121, 123, 122, 110, 45, 57, 58, 127, 40, 47, 109, 118, 38, 114, 112, 51], [53, 59, 61, 100, 119, 56, 107, 50, 124, 52, 126, 113, 123, 116, 60, 54, 62, 115, 117, 120, 122, 58, 23, 125, 63, 110, 121, 57, 55, 111, 77, 45, 108, 39, 49, 114, 37, 43, 127, 48, 109, 112, 47, 118, 90, 51, 42, 46, 103, 104, 44, 38, 92, 41, 40, 101, 106, 32, 98, 105, 36, 84, 33, 99, 28, 31, 102, 35, 34, 17, 73, 26, 97, 95, 3, 94, 15, 64, 2, 11, 30, 12, 5, 74, 14, 96, 82, 70, 13, 29, 93, 83, 24, 85, 27, 7, 1, 25, 69, 19, 68, 87, 72, 66, 21, 71, 91, 79, 80, 76, 9, 8, 4, 20, 75, 16, 81, 67, 89, 18, 78, 6, 88, 22, 86, 65, 0, 10], [59, 53, 61, 101, 88, 71, 75, 18, 78, 27, 16, 76, 2, 22, 69, 25, 20, 9, 68, 117, 56, 0, 119, 79, 5, 74, 81, 66, 85, 91, 93, 14, 7, 96, 72, 11, 83, 10, 87, 24, 82, 90, 28, 30, 15, 6, 13, 80, 39, 3, 4, 89, 43, 29, 21, 32, 84, 12, 116, 23, 111, 33, 26, 70, 19, 35, 64, 41, 92, 94, 1, 8, 31, 100, 77, 49, 73, 67, 62, 17, 54, 37, 65, 99, 95, 103, 55, 126, 86, 124, 108, 38, 98, 50, 113, 34, 36, 97, 115, 60, 122, 105, 42, 44, 104, 123, 110, 47, 107, 102, 48, 121, 63, 52, 120, 106, 46, 58, 40, 45, 57, 125, 109, 127, 51, 112, 118, 114], [61, 53, 119, 124, 113, 63, 54, 47, 52, 57, 115, 117, 114, 120, 56, 50, 58, 111, 55, 118, 127, 125, 59, 62, 123, 121, 51, 110, 45, 49, 122, 116, 48, 112, 109, 126, 44, 43, 60, 108, 46, 42, 106, 107, 105, 32, 103, 36, 40, 101, 41, 100, 37, 33, 39, 104, 99, 86, 22, 102, 35, 23, 38, 34, 29, 95, 92, 98, 28, 97, 31, 96, 90, 83, 17, 94, 26, 19, 81, 20, 93, 30, 27, 25, 82, 16, 88, 87, 21, 18, 24, 80, 89, 14, 84, 85, 15, 91, 13, 78, 77, 79, 76, 67, 72, 74, 75, 70, 12, 10, 9, 71, 11, 1, 68, 0, 73, 69, 8, 6, 3, 2, 4, 5, 66, 64, 7, 65], [127, 124, 102, 33, 62, 51, 94, 56, 22, 18, 24, 121, 60, 116, 59, 37, 119, 39, 113, 122, 125, 114, 27, 91, 53, 93, 99, 30, 110, 38, 55, 126, 32, 25, 61, 58, 57, 49, 104, 118, 95, 112, 54, 28, 123, 48, 117, 47, 63, 50, 97, 46, 2, 111, 115, 108, 7, 120, 84, 29, 52, 45, 109, 31, 44, 21, 101, 71, 75, 107, 34, 106, 89, 3, 0, 90, 82, 85, 70, 35, 42, 98, 92, 103, 40, 78, 6, 105, 36, 41, 67, 65, 73, 83, 15, 43, 23, 20, 26, 14, 16, 87, 69, 88, 80, 68, 72, 96, 19, 100, 1, 76, 4, 64, 12, 77, 8, 66, 17, 79, 11, 10, 81, 74, 13, 5, 86, 9], [124, 102, 127, 47, 24, 33, 62, 94, 18, 51, 91, 84, 22, 75, 25, 36, 28, 121, 114, 56, 15, 37, 26, 60, 40, 110, 112, 116, 32, 53, 59, 122, 126, 119, 38, 27, 58, 79, 89, 20, 109, 107, 13, 125, 113, 11, 57, 87, 30, 123, 111, 34, 63, 55, 103, 35, 117, 48, 100, 49, 93, 46, 29, 54, 41, 45, 108, 9, 105, 61, 7, 42, 118, 31, 39, 85, 101, 88, 115, 106, 50, 80, 98, 96, 92, 99, 52, 120, 82, 90, 23, 104, 19, 3, 67, 97, 95, 44, 83, 17, 69, 21, 0, 16, 10, 76, 5, 71, 12, 74, 81, 2, 43, 14, 78, 86, 72, 68, 77, 73, 8, 4, 65, 66, 64, 6, 1, 70], [102, 127, 124, 94, 24, 33, 84, 13, 30, 93, 19, 22, 9, 25, 62, 18, 28, 17, 15, 92, 82, 88, 97, 16, 83, 73, 91, 38, 11, 23, 56, 51, 20, 79, 42, 85, 47, 112, 36, 89, 77, 69, 27, 46, 81, 31, 87, 95, 90, 106, 29, 67, 110, 119, 34, 2, 32, 80, 35, 86, 96, 8, 5, 0, 76, 26, 14, 12, 39, 122, 7, 74, 21, 78, 37, 10, 72, 108, 99, 71, 120, 3, 60, 59, 100, 114, 70, 123, 65, 107, 75, 63, 98, 116, 40, 68, 6, 103, 104, 105, 126, 101, 111, 4, 52, 55, 1, 57, 58, 54, 41, 66, 109, 45, 118, 50, 125, 64, 48, 117, 121, 53, 113, 115, 44, 43, 49, 61], [124, 127, 102, 47, 51, 62, 121, 56, 85, 59, 116, 119, 114, 60, 110, 113, 125, 58, 126, 53, 91, 122, 55, 123, 61, 112, 54, 48, 49, 63, 57, 50, 117, 118, 18, 109, 115, 108, 26, 41, 120, 111, 107, 101, 46, 105, 40, 45, 52, 21, 33, 38, 44, 25, 104, 42, 43, 36, 106, 39, 86, 22, 73, 99, 35, 37, 82, 76, 24, 34, 100, 30, 103, 79, 97, 94, 92, 3, 15, 98, 32, 29, 95, 96, 31, 27, 77, 90, 28, 89, 23, 75, 93, 65, 69, 7, 68, 84, 88, 17, 83, 12, 20, 81, 87, 0, 1, 72, 10, 66, 67, 19, 16, 80, 11, 64, 70, 6, 9, 5, 78, 71, 13, 14, 4, 74, 2, 8]], "model.layers.9.self_attn.k_proj": [[46, 37, 110, 96, 22, 63, 124, 99, 59, 113, 28, 49, 56, 122, 55, 114, 115, 54, 58, 57, 51, 61, 60, 119, 123, 53, 120, 48, 62, 25, 47, 85, 50, 121, 125, 112, 118, 127, 19, 117, 126, 116, 78, 43, 52, 8, 42, 108, 111, 109, 105, 107, 27, 40, 45, 65, 44, 30, 41, 106, 77, 26, 104, 17, 16, 103, 23, 39, 94, 102, 36, 7, 38, 4, 5, 3, 97, 95, 31, 29, 90, 81, 33, 35, 32, 82, 67, 74, 100, 93, 2, 21, 64, 18, 98, 101, 34, 76, 84, 24, 20, 14, 1, 87, 9, 73, 11, 10, 92, 91, 66, 13, 88, 12, 79, 15, 0, 80, 69, 75, 72, 6, 68, 70, 86, 71, 83, 89], [105, 117, 95, 56, 37, 58, 43, 106, 112, 34, 92, 23, 33, 108, 63, 114, 55, 29, 110, 103, 38, 111, 99, 22, 89, 26, 9, 78, 124, 46, 107, 119, 84, 50, 122, 87, 18, 82, 127, 2, 126, 0, 60, 51, 83, 4, 20, 14, 121, 98, 54, 65, 88, 12, 57, 120, 59, 69, 67, 16, 90, 115, 52, 40, 44, 109, 118, 62, 31, 36, 10, 42, 48, 70, 79, 24, 47, 76, 80, 41, 8, 30, 25, 100, 113, 96, 32, 27, 53, 101, 6, 125, 45, 17, 123, 64, 11, 91, 102, 15, 21, 86, 49, 116, 85, 13, 7, 104, 94, 61, 3, 97, 81, 72, 71, 1, 75, 5, 74, 66, 93, 35, 77, 73, 68, 19, 28, 39], [41, 0, 34, 47, 18, 74, 13, 81, 86, 117, 76, 8, 70, 53, 65, 55, 66, 79, 105, 71, 116, 84, 3, 4, 50, 63, 51, 112, 126, 59, 119, 111, 123, 43, 61, 127, 69, 44, 88, 106, 114, 46, 125, 93, 118, 67, 49, 87, 48, 98, 92, 85, 45, 115, 26, 90, 68, 122, 104, 52, 2, 27, 54, 42, 6, 124, 7, 73, 121, 120, 60, 30, 58, 29, 1, 31, 38, 83, 57, 110, 11, 95, 24, 37, 62, 10, 25, 77, 64, 75, 32, 12, 103, 5, 14, 19, 107, 9, 36, 72, 35, 80, 102, 39, 15, 91, 16, 28, 33, 109, 40, 17, 101, 97, 23, 89, 100, 56, 78, 20, 94, 113, 108, 96, 99, 82, 21, 22], [40, 125, 62, 22, 33, 94, 48, 63, 100, 122, 90, 18, 119, 117, 92, 57, 127, 16, 114, 60, 29, 52, 49, 47, 86, 19, 54, 78, 59, 87, 45, 58, 115, 109, 110, 120, 10, 84, 56, 123, 46, 106, 113, 108, 112, 89, 70, 61, 43, 99, 24, 116, 80, 126, 53, 124, 50, 51, 96, 107, 111, 118, 28, 77, 4, 121, 39, 2, 21, 38, 79, 55, 8, 44, 105, 42, 35, 41, 0, 74, 37, 23, 101, 88, 17, 102, 32, 91, 103, 31, 98, 36, 97, 81, 82, 34, 27, 75, 93, 95, 1, 30, 7, 11, 26, 3, 15, 73, 20, 13, 83, 76, 69, 25, 12, 65, 14, 72, 71, 67, 6, 104, 85, 64, 9, 5, 68, 66], [124, 39, 55, 56, 97, 93, 113, 88, 21, 83, 57, 91, 15, 122, 81, 114, 123, 125, 78, 105, 44, 117, 6, 11, 52, 23, 18, 10, 66, 4, 45, 64, 9, 43, 109, 69, 126, 76, 106, 22, 49, 12, 110, 47, 116, 53, 112, 120, 51, 80, 107, 61, 46, 58, 118, 62, 42, 32, 54, 1, 14, 41, 82, 119, 3, 50, 121, 127, 115, 27, 60, 111, 34, 89, 108, 33, 48, 101, 100, 38, 20, 63, 72, 102, 36, 84, 99, 59, 90, 25, 98, 35, 13, 37, 26, 96, 92, 19, 104, 94, 30, 95, 86, 40, 16, 73, 28, 87, 77, 7, 29, 85, 31, 5, 8, 71, 67, 75, 24, 103, 65, 68, 79, 0, 17, 2, 70, 74], [126, 57, 103, 31, 98, 61, 87, 90, 22, 60, 16, 92, 21, 120, 19, 17, 111, 48, 77, 79, 75, 125, 51, 7, 63, 58, 113, 74, 118, 84, 122, 53, 3, 127, 73, 115, 117, 6, 45, 55, 123, 65, 64, 100, 56, 119, 82, 62, 52, 116, 66, 49, 112, 50, 114, 99, 110, 46, 69, 44, 121, 88, 54, 38, 47, 76, 105, 124, 40, 109, 107, 68, 4, 28, 59, 15, 13, 36, 32, 91, 104, 41, 97, 43, 106, 101, 35, 20, 29, 30, 1, 102, 18, 42, 86, 10, 27, 108, 33, 5, 93, 80, 14, 25, 24, 37, 96, 94, 85, 23, 70, 34, 67, 89, 12, 81, 78, 83, 8, 2, 71, 11, 72, 9, 26, 39, 95, 0], [59, 61, 53, 37, 22, 16, 27, 18, 78, 32, 20, 119, 75, 88, 29, 25, 56, 76, 71, 85, 69, 79, 60, 116, 10, 8, 34, 2, 9, 81, 126, 98, 50, 105, 19, 113, 117, 15, 1, 108, 36, 96, 123, 122, 107, 103, 124, 87, 26, 115, 74, 39, 62, 120, 3, 0, 55, 52, 43, 13, 90, 111, 63, 70, 28, 54, 35, 6, 21, 38, 125, 109, 46, 106, 112, 30, 121, 49, 4, 47, 57, 65, 41, 17, 94, 58, 23, 104, 33, 110, 127, 77, 45, 68, 118, 48, 51, 114, 83, 97, 44, 99, 42, 93, 102, 5, 86, 72, 92, 95, 40, 89, 31, 80, 100, 73, 24, 67, 12, 64, 14, 82, 84, 7, 66, 91, 11, 101], [127, 124, 38, 22, 97, 51, 62, 30, 121, 24, 15, 114, 59, 111, 110, 18, 56, 60, 116, 112, 9, 119, 63, 91, 13, 122, 125, 93, 64, 48, 113, 17, 84, 11, 53, 5, 57, 126, 47, 106, 55, 54, 58, 102, 118, 94, 49, 117, 61, 123, 50, 66, 44, 16, 100, 19, 45, 115, 43, 101, 109, 120, 76, 25, 99, 88, 104, 108, 46, 28, 29, 10, 52, 23, 42, 103, 40, 105, 98, 41, 107, 37, 68, 26, 83, 1, 35, 14, 89, 95, 6, 87, 8, 79, 36, 71, 21, 81, 7, 96, 65, 34, 78, 74, 31, 33, 12, 39, 80, 85, 90, 86, 72, 32, 20, 3, 67, 75, 77, 92, 4, 27, 82, 69, 73, 2, 70, 0]], "model.layers.9.self_attn.qk_proj": [[124, 61, 127, 53, 125, 126, 62, 41, 57, 59, 110, 105, 117, 46, 56, 55, 51, 119, 114, 86, 63, 22, 113, 48, 98, 102, 82, 111, 112, 122, 116, 60, 52, 18, 123, 49, 58, 118, 26, 84, 50, 43, 39, 121, 28, 20, 17, 88, 47, 42, 81, 24, 101, 15, 38, 23, 29, 31, 79, 76, 103, 37, 13, 87, 97, 77, 34, 93, 33, 115, 45, 120, 74, 21, 10, 40, 0, 94, 64, 12, 54, 27, 66, 108, 107, 109, 89, 106, 16, 2, 7, 71, 44, 67, 91, 30, 19, 70, 90, 83, 78, 3, 95, 80, 92, 25, 32, 104, 85, 96, 72, 35, 8, 68, 6, 14, 99, 69, 75, 11, 9, 1, 36, 4, 100, 73, 5, 65], [124, 61, 127, 53, 126, 62, 125, 41, 59, 57, 110, 105, 117, 46, 56, 55, 63, 51, 86, 119, 114, 22, 48, 113, 111, 60, 112, 122, 98, 116, 49, 43, 82, 88, 118, 28, 24, 18, 102, 84, 123, 50, 37, 103, 26, 47, 52, 58, 39, 42, 15, 101, 87, 23, 77, 17, 20, 76, 115, 34, 45, 81, 31, 38, 79, 10, 0, 107, 13, 121, 33, 40, 97, 29, 120, 27, 54, 21, 64, 74, 94, 93, 30, 44, 12, 109, 83, 70, 108, 7, 89, 16, 90, 91, 25, 68, 106, 92, 96, 104, 100, 71, 80, 78, 85, 35, 95, 36, 66, 19, 8, 32, 4, 14, 11, 65, 99, 2, 5, 9, 75, 72, 69, 1, 3, 6, 73, 67], [124, 61, 127, 53, 126, 62, 41, 125, 59, 57, 105, 117, 110, 46, 56, 55, 63, 51, 119, 114, 86, 22, 113, 111, 48, 102, 98, 116, 60, 103, 112, 37, 122, 123, 47, 88, 39, 43, 115, 82, 18, 84, 28, 121, 118, 52, 38, 26, 34, 24, 49, 50, 20, 45, 120, 101, 87, 27, 23, 40, 17, 97, 31, 76, 42, 93, 109, 15, 81, 58, 94, 108, 54, 33, 79, 29, 106, 64, 70, 91, 77, 32, 74, 12, 44, 95, 0, 89, 10, 90, 30, 66, 107, 21, 100, 13, 83, 16, 4, 96, 7, 78, 99, 71, 8, 80, 85, 25, 92, 36, 104, 2, 35, 19, 11, 3, 68, 6, 9, 72, 67, 1, 14, 5, 75, 69, 65, 73], [124, 127, 53, 61, 125, 126, 62, 41, 57, 59, 110, 105, 46, 117, 56, 55, 63, 51, 114, 48, 86, 119, 22, 122, 111, 112, 118, 98, 60, 113, 116, 50, 49, 121, 102, 45, 18, 82, 47, 52, 43, 28, 88, 123, 38, 37, 58, 84, 115, 39, 103, 26, 17, 34, 87, 101, 42, 24, 31, 20, 54, 29, 120, 81, 93, 107, 33, 97, 23, 40, 27, 15, 94, 79, 108, 76, 0, 70, 44, 77, 92, 10, 106, 89, 13, 109, 96, 64, 12, 71, 74, 25, 66, 30, 80, 91, 35, 32, 95, 85, 21, 7, 8, 90, 100, 14, 104, 2, 83, 16, 19, 67, 69, 99, 36, 3, 78, 68, 11, 65, 72, 73, 6, 1, 4, 75, 9, 5], [124, 127, 53, 61, 125, 126, 62, 41, 59, 57, 110, 105, 117, 56, 46, 55, 51, 63, 119, 114, 116, 86, 22, 48, 98, 113, 82, 60, 18, 112, 39, 45, 102, 111, 123, 50, 122, 49, 84, 42, 24, 47, 118, 26, 38, 28, 121, 101, 52, 37, 88, 120, 34, 20, 103, 17, 115, 43, 58, 33, 87, 81, 64, 31, 40, 77, 29, 76, 23, 15, 97, 54, 93, 107, 2, 79, 44, 10, 108, 0, 12, 89, 7, 66, 13, 74, 27, 92, 109, 21, 104, 91, 96, 90, 80, 70, 94, 71, 95, 30, 106, 83, 35, 8, 78, 4, 68, 16, 85, 19, 6, 25, 65, 14, 9, 5, 75, 99, 72, 32, 11, 67, 1, 69, 100, 3, 73, 36], [124, 127, 61, 53, 126, 125, 62, 41, 57, 59, 110, 105, 117, 56, 46, 55, 51, 63, 119, 86, 114, 48, 22, 111, 113, 82, 98, 116, 58, 112, 49, 18, 122, 60, 26, 52, 102, 123, 88, 118, 28, 84, 103, 50, 47, 24, 39, 77, 45, 101, 13, 42, 43, 120, 15, 17, 20, 38, 87, 81, 79, 33, 31, 121, 34, 23, 76, 37, 54, 10, 29, 40, 97, 74, 12, 44, 7, 115, 107, 0, 83, 104, 21, 27, 2, 94, 89, 80, 106, 108, 96, 8, 71, 109, 30, 92, 64, 85, 19, 14, 16, 91, 93, 25, 95, 6, 4, 11, 78, 90, 66, 3, 75, 35, 70, 67, 9, 68, 32, 72, 69, 99, 100, 5, 65, 36, 73, 1], [124, 127, 61, 53, 126, 125, 62, 41, 59, 57, 110, 105, 117, 56, 46, 55, 51, 86, 22, 63, 119, 114, 48, 112, 116, 82, 111, 18, 52, 26, 49, 122, 118, 60, 84, 98, 20, 102, 120, 123, 28, 58, 88, 50, 39, 24, 101, 79, 81, 29, 15, 76, 17, 103, 121, 43, 113, 38, 13, 47, 31, 42, 37, 12, 34, 45, 106, 77, 10, 87, 21, 33, 27, 115, 8, 107, 23, 44, 40, 54, 94, 19, 97, 80, 93, 83, 74, 89, 85, 91, 25, 14, 109, 108, 92, 96, 7, 3, 30, 90, 0, 67, 71, 95, 6, 72, 16, 99, 78, 64, 11, 66, 36, 104, 32, 35, 2, 69, 9, 100, 5, 68, 75, 70, 1, 4, 65, 73], [124, 127, 61, 53, 126, 125, 41, 62, 59, 57, 110, 105, 117, 56, 46, 55, 51, 63, 22, 86, 119, 114, 48, 98, 112, 18, 82, 88, 122, 116, 84, 28, 26, 24, 111, 20, 60, 113, 118, 79, 15, 103, 102, 58, 50, 123, 38, 52, 43, 49, 34, 101, 17, 37, 87, 31, 42, 76, 29, 45, 13, 83, 77, 81, 39, 10, 120, 12, 21, 121, 47, 23, 97, 40, 94, 27, 74, 33, 0, 104, 64, 19, 54, 107, 115, 108, 7, 30, 80, 93, 25, 106, 6, 96, 89, 85, 16, 14, 66, 90, 92, 44, 8, 91, 109, 78, 100, 11, 2, 99, 35, 95, 68, 75, 71, 65, 72, 32, 36, 70, 4, 1, 69, 9, 5, 3, 73, 67], [124, 127, 53, 61, 126, 125, 41, 62, 59, 57, 110, 117, 105, 56, 46, 51, 55, 63, 114, 119, 22, 86, 122, 48, 98, 111, 88, 18, 60, 112, 49, 26, 84, 118, 82, 113, 116, 50, 20, 24, 39, 28, 47, 37, 38, 58, 103, 43, 102, 123, 52, 29, 94, 15, 121, 17, 79, 87, 101, 34, 27, 77, 31, 33, 120, 81, 13, 107, 97, 45, 12, 76, 23, 42, 0, 115, 40, 85, 30, 21, 74, 54, 10, 6, 19, 96, 83, 93, 25, 89, 78, 64, 92, 108, 44, 90, 16, 104, 80, 91, 68, 7, 106, 67, 109, 2, 32, 66, 95, 3, 100, 71, 4, 36, 1, 72, 70, 99, 65, 14, 35, 11, 69, 75, 8, 5, 9, 73], [124, 127, 53, 61, 126, 41, 125, 59, 62, 57, 105, 110, 117, 56, 46, 55, 63, 51, 114, 22, 86, 119, 48, 112, 116, 122, 111, 18, 98, 118, 113, 88, 60, 102, 50, 58, 82, 84, 28, 52, 79, 24, 26, 49, 38, 103, 81, 47, 15, 87, 20, 39, 34, 17, 123, 43, 29, 37, 23, 120, 107, 121, 97, 74, 76, 101, 45, 42, 31, 33, 13, 77, 27, 12, 54, 115, 21, 93, 44, 94, 0, 10, 40, 78, 64, 6, 90, 92, 83, 104, 66, 96, 7, 19, 80, 85, 25, 109, 108, 30, 91, 106, 16, 68, 71, 89, 70, 2, 72, 4, 95, 67, 32, 14, 99, 100, 5, 35, 69, 8, 3, 65, 36, 11, 73, 75, 1, 9], [124, 53, 127, 61, 125, 126, 41, 57, 62, 59, 105, 110, 117, 46, 56, 51, 55, 63, 119, 114, 22, 86, 48, 113, 111, 116, 122, 112, 98, 102, 18, 60, 82, 118, 49, 52, 50, 39, 47, 58, 20, 123, 88, 42, 31, 26, 84, 87, 15, 24, 37, 28, 103, 79, 121, 64, 81, 17, 107, 43, 34, 120, 101, 54, 77, 38, 93, 29, 12, 76, 97, 13, 66, 33, 45, 23, 27, 7, 115, 10, 40, 0, 74, 71, 2, 78, 16, 44, 21, 94, 90, 25, 6, 92, 70, 30, 72, 95, 104, 109, 85, 108, 19, 106, 35, 96, 83, 5, 68, 89, 91, 32, 75, 69, 80, 65, 4, 9, 14, 11, 3, 67, 8, 100, 99, 73, 1, 36], [124, 127, 53, 61, 126, 125, 62, 41, 59, 57, 110, 105, 117, 56, 46, 51, 55, 63, 119, 114, 86, 22, 48, 122, 111, 82, 60, 18, 116, 52, 113, 98, 39, 112, 102, 49, 118, 26, 58, 50, 88, 47, 123, 20, 15, 84, 28, 24, 120, 101, 17, 13, 77, 81, 42, 121, 29, 37, 33, 12, 43, 79, 40, 87, 31, 103, 107, 54, 38, 16, 27, 76, 0, 64, 21, 44, 34, 74, 23, 19, 10, 45, 97, 78, 93, 115, 71, 94, 66, 30, 72, 89, 108, 7, 104, 92, 2, 5, 70, 96, 90, 3, 83, 25, 106, 91, 67, 85, 109, 68, 1, 95, 35, 32, 80, 69, 14, 8, 11, 4, 100, 6, 75, 9, 73, 99, 65, 36], [124, 127, 61, 53, 126, 125, 62, 41, 57, 59, 110, 105, 117, 56, 46, 55, 51, 63, 119, 22, 86, 114, 60, 112, 116, 18, 48, 113, 122, 88, 111, 49, 118, 98, 82, 24, 102, 50, 28, 52, 123, 20, 43, 39, 26, 84, 101, 58, 103, 15, 47, 38, 37, 29, 81, 13, 87, 120, 17, 33, 121, 97, 45, 79, 34, 107, 27, 31, 12, 42, 115, 21, 77, 74, 104, 93, 23, 40, 16, 76, 94, 10, 54, 91, 19, 44, 83, 89, 30, 25, 96, 90, 85, 108, 64, 70, 78, 72, 92, 100, 106, 32, 95, 71, 80, 109, 0, 75, 14, 36, 35, 7, 68, 66, 2, 99, 69, 4, 3, 67, 11, 5, 8, 6, 65, 9, 1, 73], [124, 127, 53, 61, 126, 125, 62, 41, 57, 59, 110, 117, 105, 56, 46, 55, 63, 51, 86, 119, 22, 114, 48, 112, 111, 98, 113, 60, 18, 58, 116, 122, 82, 88, 49, 28, 15, 118, 26, 47, 123, 13, 120, 24, 43, 102, 50, 84, 52, 103, 79, 20, 34, 64, 101, 87, 81, 39, 21, 42, 45, 29, 23, 94, 17, 38, 40, 121, 74, 77, 10, 83, 104, 70, 12, 0, 33, 31, 37, 93, 107, 54, 27, 97, 89, 19, 7, 71, 76, 16, 25, 14, 90, 108, 44, 2, 92, 80, 91, 72, 115, 78, 85, 95, 30, 106, 66, 75, 4, 73, 11, 32, 96, 5, 68, 35, 6, 69, 9, 8, 65, 36, 109, 1, 100, 99, 3, 67], [124, 127, 53, 61, 126, 125, 62, 41, 59, 57, 110, 105, 117, 56, 46, 55, 63, 51, 119, 86, 114, 48, 22, 60, 111, 112, 118, 113, 52, 123, 49, 82, 98, 47, 18, 101, 116, 102, 120, 122, 88, 39, 58, 26, 28, 24, 50, 103, 13, 20, 38, 84, 37, 34, 45, 43, 33, 79, 15, 87, 23, 42, 17, 121, 97, 31, 81, 40, 107, 27, 77, 29, 108, 7, 12, 21, 0, 54, 16, 19, 44, 74, 10, 64, 94, 70, 93, 104, 92, 76, 89, 106, 25, 71, 91, 72, 83, 90, 66, 115, 2, 80, 95, 14, 85, 78, 96, 32, 30, 3, 67, 5, 4, 9, 100, 99, 35, 109, 1, 68, 6, 11, 36, 75, 69, 73, 65, 8], [124, 127, 53, 61, 126, 125, 41, 57, 62, 59, 110, 105, 117, 56, 46, 55, 63, 51, 86, 119, 22, 114, 113, 48, 112, 60, 111, 18, 102, 98, 52, 122, 118, 49, 39, 116, 43, 82, 123, 84, 101, 28, 50, 47, 58, 120, 88, 103, 26, 20, 42, 24, 29, 33, 13, 17, 15, 81, 97, 38, 45, 34, 27, 37, 79, 12, 121, 31, 40, 23, 107, 87, 77, 94, 16, 108, 104, 10, 54, 64, 30, 21, 0, 91, 25, 7, 76, 115, 74, 90, 83, 89, 44, 35, 93, 92, 71, 70, 69, 96, 85, 19, 32, 66, 106, 67, 2, 78, 72, 95, 80, 100, 109, 99, 6, 68, 3, 75, 14, 4, 8, 5, 1, 36, 9, 11, 65, 73], [124, 127, 126, 53, 61, 125, 41, 57, 62, 59, 110, 105, 56, 46, 117, 55, 51, 63, 22, 86, 114, 48, 119, 112, 52, 18, 111, 116, 102, 123, 60, 113, 98, 28, 84, 49, 122, 82, 88, 118, 50, 101, 103, 20, 26, 39, 79, 24, 15, 47, 58, 17, 120, 37, 13, 38, 81, 107, 104, 31, 45, 33, 27, 121, 29, 43, 34, 10, 40, 21, 12, 74, 23, 94, 42, 19, 91, 87, 77, 16, 97, 32, 90, 115, 54, 25, 108, 76, 106, 93, 78, 35, 71, 83, 44, 64, 89, 85, 80, 96, 99, 0, 30, 92, 14, 6, 95, 8, 7, 68, 72, 109, 69, 4, 66, 70, 100, 75, 9, 5, 2, 65, 36, 1, 73, 67, 11, 3], [124, 127, 53, 126, 61, 125, 41, 59, 62, 57, 110, 105, 117, 56, 46, 55, 51, 22, 86, 63, 119, 114, 111, 48, 112, 122, 123, 82, 98, 52, 28, 18, 116, 49, 101, 102, 24, 84, 88, 50, 47, 26, 58, 38, 60, 20, 113, 118, 17, 103, 37, 81, 42, 15, 39, 79, 34, 31, 29, 43, 33, 21, 23, 13, 87, 97, 120, 40, 107, 45, 12, 121, 27, 74, 10, 89, 93, 77, 19, 90, 94, 83, 16, 104, 0, 25, 7, 91, 115, 54, 6, 78, 80, 92, 108, 76, 30, 44, 96, 106, 64, 85, 99, 2, 95, 71, 66, 14, 35, 75, 32, 8, 100, 67, 9, 3, 109, 36, 68, 70, 4, 73, 1, 72, 11, 69, 5, 65], [124, 127, 53, 61, 126, 41, 125, 59, 62, 57, 105, 110, 117, 46, 56, 55, 51, 86, 114, 63, 119, 22, 48, 118, 52, 111, 98, 122, 116, 60, 39, 112, 37, 123, 18, 47, 102, 49, 113, 103, 101, 82, 43, 58, 88, 84, 38, 115, 24, 34, 26, 81, 28, 31, 42, 50, 120, 107, 17, 121, 33, 20, 79, 13, 87, 40, 91, 15, 45, 54, 23, 106, 29, 108, 27, 97, 94, 0, 99, 64, 12, 93, 32, 89, 44, 10, 6, 21, 76, 19, 83, 95, 92, 85, 90, 74, 16, 100, 2, 35, 109, 96, 77, 30, 80, 25, 14, 66, 7, 104, 68, 36, 8, 4, 71, 67, 70, 1, 3, 75, 78, 9, 69, 5, 65, 73, 72, 11], [124, 127, 53, 61, 126, 125, 57, 41, 62, 59, 110, 105, 117, 46, 56, 55, 51, 86, 63, 119, 22, 114, 48, 112, 111, 113, 116, 60, 123, 49, 118, 98, 102, 103, 18, 39, 122, 88, 52, 47, 101, 58, 28, 26, 82, 50, 33, 84, 43, 24, 37, 121, 31, 38, 79, 15, 34, 87, 20, 97, 13, 42, 29, 17, 81, 21, 120, 107, 27, 45, 23, 115, 54, 74, 12, 94, 25, 10, 6, 93, 104, 40, 89, 19, 90, 92, 30, 77, 32, 91, 64, 76, 0, 108, 35, 83, 80, 7, 44, 95, 85, 96, 78, 106, 16, 8, 4, 109, 71, 68, 14, 2, 75, 66, 9, 70, 99, 100, 36, 5, 11, 72, 69, 1, 3, 65, 67, 73], [124, 61, 53, 127, 126, 125, 41, 57, 62, 59, 110, 105, 117, 56, 46, 55, 51, 63, 86, 119, 22, 114, 48, 112, 111, 116, 98, 18, 60, 102, 84, 52, 123, 122, 58, 118, 50, 113, 88, 82, 49, 101, 17, 42, 28, 26, 43, 13, 47, 121, 39, 20, 15, 33, 27, 81, 38, 79, 24, 29, 103, 120, 10, 87, 107, 31, 45, 77, 40, 23, 37, 115, 12, 54, 94, 34, 74, 95, 6, 30, 90, 25, 7, 93, 16, 64, 21, 104, 71, 66, 76, 78, 0, 2, 83, 89, 97, 91, 44, 5, 80, 85, 19, 92, 108, 106, 8, 3, 96, 75, 4, 9, 14, 69, 67, 70, 100, 109, 35, 32, 72, 36, 99, 68, 11, 73, 65, 1], [124, 127, 53, 61, 125, 126, 59, 41, 62, 57, 110, 117, 105, 56, 46, 55, 51, 63, 119, 86, 22, 114, 48, 112, 98, 111, 118, 58, 52, 18, 116, 102, 49, 50, 37, 82, 88, 101, 42, 122, 20, 60, 113, 115, 123, 38, 39, 84, 24, 28, 81, 47, 103, 29, 26, 43, 15, 17, 34, 54, 33, 120, 45, 87, 12, 121, 13, 31, 79, 64, 23, 40, 27, 93, 107, 106, 94, 97, 21, 44, 92, 10, 108, 77, 89, 16, 74, 30, 90, 76, 91, 83, 95, 25, 71, 109, 7, 19, 0, 96, 35, 78, 85, 8, 100, 66, 104, 80, 99, 70, 4, 2, 32, 14, 75, 6, 5, 36, 3, 11, 67, 69, 1, 72, 68, 9, 73, 65], [124, 127, 61, 53, 126, 125, 41, 62, 57, 59, 110, 105, 117, 56, 46, 63, 55, 51, 119, 86, 22, 114, 48, 98, 112, 111, 18, 37, 118, 38, 60, 24, 116, 84, 102, 82, 52, 58, 113, 20, 39, 123, 101, 88, 50, 115, 120, 28, 103, 45, 15, 81, 49, 26, 43, 42, 23, 31, 47, 122, 87, 29, 27, 17, 34, 33, 94, 40, 97, 12, 13, 10, 0, 54, 91, 107, 79, 77, 121, 44, 109, 93, 21, 104, 108, 74, 64, 83, 90, 76, 106, 95, 70, 19, 80, 71, 25, 96, 66, 30, 7, 92, 16, 78, 2, 85, 89, 32, 14, 8, 100, 68, 35, 99, 4, 75, 72, 73, 5, 69, 36, 3, 1, 11, 65, 9, 6, 67], [124, 127, 53, 61, 126, 125, 62, 41, 57, 59, 110, 105, 56, 117, 46, 63, 55, 51, 86, 119, 114, 22, 48, 58, 111, 98, 18, 116, 112, 60, 113, 118, 52, 82, 49, 88, 45, 50, 103, 123, 39, 84, 38, 102, 122, 37, 43, 42, 47, 28, 26, 20, 101, 24, 81, 27, 54, 79, 15, 87, 13, 120, 23, 31, 10, 40, 77, 33, 17, 107, 94, 29, 121, 34, 115, 97, 83, 85, 30, 76, 64, 12, 70, 71, 104, 91, 21, 44, 93, 108, 95, 90, 25, 74, 89, 7, 19, 92, 16, 80, 3, 66, 0, 106, 14, 35, 78, 2, 96, 68, 69, 8, 4, 32, 109, 9, 75, 100, 11, 67, 5, 99, 73, 36, 72, 1, 6, 65], [124, 127, 61, 53, 126, 125, 62, 57, 41, 59, 110, 117, 105, 46, 56, 55, 51, 63, 86, 119, 22, 114, 48, 60, 111, 113, 118, 98, 52, 82, 122, 47, 123, 49, 116, 18, 102, 112, 39, 58, 88, 101, 84, 26, 37, 50, 20, 28, 43, 17, 24, 45, 38, 121, 81, 31, 103, 27, 42, 23, 34, 79, 29, 97, 15, 33, 54, 87, 76, 115, 120, 12, 108, 13, 21, 40, 94, 77, 70, 91, 10, 107, 106, 74, 93, 0, 44, 30, 83, 25, 89, 2, 7, 96, 16, 19, 32, 85, 71, 92, 64, 90, 95, 80, 14, 109, 100, 73, 78, 8, 35, 99, 66, 72, 104, 4, 3, 75, 69, 36, 5, 67, 6, 11, 65, 1, 68, 9], [124, 61, 127, 53, 126, 125, 59, 57, 62, 41, 110, 105, 117, 56, 46, 55, 63, 86, 51, 119, 22, 114, 48, 60, 113, 112, 58, 49, 18, 111, 98, 122, 88, 116, 118, 52, 82, 50, 102, 101, 84, 26, 123, 39, 24, 121, 81, 38, 15, 37, 20, 34, 45, 103, 28, 17, 79, 115, 76, 42, 120, 29, 33, 47, 13, 31, 43, 107, 27, 87, 40, 77, 74, 21, 23, 10, 25, 12, 97, 93, 94, 54, 90, 30, 83, 89, 64, 91, 80, 44, 7, 70, 85, 96, 92, 19, 78, 104, 108, 100, 0, 99, 71, 106, 35, 109, 16, 95, 36, 32, 72, 8, 73, 14, 75, 6, 68, 66, 69, 11, 2, 4, 5, 9, 1, 67, 3, 65], [124, 127, 61, 53, 126, 125, 41, 59, 62, 57, 110, 105, 117, 56, 46, 55, 63, 51, 119, 86, 22, 114, 122, 48, 58, 60, 112, 98, 88, 82, 116, 52, 111, 49, 120, 26, 43, 34, 18, 50, 102, 113, 121, 24, 101, 45, 28, 27, 123, 37, 40, 84, 42, 118, 38, 103, 31, 20, 29, 15, 47, 115, 39, 17, 94, 81, 23, 87, 21, 33, 79, 97, 91, 77, 107, 12, 109, 13, 93, 96, 76, 74, 0, 54, 104, 95, 108, 44, 80, 89, 25, 10, 90, 106, 64, 85, 30, 19, 3, 99, 78, 100, 70, 83, 7, 92, 68, 71, 2, 36, 72, 66, 67, 16, 35, 5, 6, 32, 4, 8, 73, 14, 65, 69, 1, 11, 9, 75], [124, 127, 53, 61, 126, 125, 59, 57, 41, 62, 110, 117, 105, 56, 46, 55, 63, 51, 119, 86, 22, 114, 111, 48, 98, 58, 82, 112, 113, 116, 49, 60, 18, 122, 102, 26, 84, 52, 118, 28, 79, 88, 120, 50, 121, 103, 123, 47, 20, 43, 101, 34, 45, 33, 29, 24, 39, 76, 81, 0, 42, 15, 17, 38, 37, 77, 87, 31, 94, 64, 54, 27, 10, 40, 23, 74, 12, 2, 97, 93, 7, 13, 107, 83, 21, 71, 115, 66, 6, 19, 80, 85, 44, 4, 109, 72, 106, 95, 89, 104, 96, 91, 30, 1, 92, 78, 16, 99, 25, 5, 108, 90, 14, 35, 32, 67, 9, 75, 68, 11, 100, 36, 73, 65, 70, 69, 3, 8], [124, 127, 61, 53, 125, 126, 41, 57, 62, 59, 105, 110, 117, 46, 56, 63, 55, 51, 86, 119, 22, 114, 113, 48, 111, 98, 112, 52, 122, 102, 116, 18, 47, 37, 49, 82, 123, 60, 118, 58, 50, 20, 26, 39, 101, 103, 24, 88, 34, 81, 42, 87, 38, 45, 33, 31, 120, 29, 28, 43, 15, 0, 76, 40, 121, 84, 97, 23, 17, 27, 21, 77, 79, 93, 107, 94, 7, 44, 74, 64, 2, 10, 92, 13, 106, 6, 115, 19, 89, 91, 12, 96, 90, 54, 95, 109, 80, 30, 108, 100, 16, 71, 104, 72, 66, 25, 32, 5, 78, 14, 69, 35, 85, 36, 83, 11, 9, 99, 4, 67, 75, 1, 3, 65, 68, 8, 73, 70], [124, 127, 61, 53, 126, 125, 41, 62, 57, 59, 110, 105, 56, 117, 46, 55, 51, 63, 86, 119, 114, 113, 22, 111, 48, 52, 58, 112, 60, 116, 98, 18, 102, 47, 49, 82, 50, 103, 26, 84, 88, 123, 37, 24, 28, 15, 122, 118, 38, 20, 39, 87, 101, 31, 81, 43, 42, 34, 121, 77, 97, 33, 17, 45, 40, 13, 29, 76, 10, 27, 79, 0, 23, 54, 74, 115, 108, 94, 12, 107, 6, 21, 89, 64, 99, 83, 2, 104, 72, 80, 90, 30, 120, 93, 44, 25, 71, 16, 109, 67, 96, 7, 91, 66, 19, 3, 106, 14, 92, 85, 95, 4, 78, 35, 75, 32, 36, 11, 5, 65, 100, 1, 73, 69, 8, 68, 70, 9], [124, 127, 61, 53, 126, 125, 41, 59, 62, 57, 110, 105, 117, 46, 56, 55, 63, 51, 119, 114, 22, 86, 60, 113, 48, 98, 111, 112, 52, 116, 18, 58, 122, 102, 82, 84, 118, 24, 47, 50, 88, 28, 103, 123, 43, 15, 26, 121, 49, 42, 39, 101, 20, 38, 45, 31, 17, 87, 97, 120, 81, 76, 23, 34, 29, 77, 37, 13, 40, 54, 33, 0, 27, 21, 79, 7, 44, 115, 12, 94, 74, 10, 89, 107, 106, 96, 93, 6, 83, 108, 72, 25, 2, 30, 64, 95, 71, 80, 68, 92, 104, 16, 35, 91, 4, 14, 85, 90, 19, 66, 75, 36, 100, 11, 78, 99, 32, 109, 9, 73, 70, 5, 69, 65, 1, 8, 67, 3], [124, 127, 61, 126, 53, 125, 62, 57, 59, 41, 110, 105, 56, 117, 46, 55, 51, 63, 119, 114, 86, 22, 48, 113, 60, 98, 18, 111, 116, 112, 24, 49, 82, 103, 123, 84, 88, 118, 122, 52, 58, 28, 26, 102, 50, 15, 20, 17, 76, 81, 121, 79, 13, 45, 39, 38, 43, 34, 87, 101, 23, 77, 31, 94, 21, 115, 47, 97, 29, 74, 37, 12, 10, 33, 42, 120, 40, 27, 54, 107, 44, 7, 83, 30, 0, 93, 89, 64, 71, 25, 91, 78, 11, 92, 6, 16, 90, 104, 96, 108, 72, 80, 66, 19, 85, 14, 5, 95, 70, 2, 75, 67, 4, 32, 3, 69, 36, 8, 106, 109, 99, 35, 100, 65, 68, 73, 9, 1]], "model.layers.10.self_attn.q_proj": [[121, 122, 26, 65, 36, 83, 50, 79, 21, 24, 81, 63, 89, 29, 94, 9, 0, 64, 68, 16, 6, 19, 99, 1, 91, 78, 8, 17, 23, 2, 58, 77, 75, 111, 69, 124, 86, 12, 114, 71, 95, 82, 85, 44, 52, 14, 120, 76, 30, 37, 67, 51, 96, 5, 118, 57, 31, 54, 70, 11, 123, 74, 66, 93, 20, 84, 47, 27, 60, 127, 61, 40, 4, 13, 10, 3, 18, 125, 73, 80, 102, 87, 53, 49, 117, 115, 119, 62, 113, 116, 100, 72, 112, 55, 45, 7, 15, 126, 59, 90, 48, 105, 104, 110, 92, 41, 88, 33, 56, 46, 109, 35, 42, 25, 103, 22, 39, 107, 97, 38, 106, 108, 43, 34, 32, 28, 101, 98], [121, 122, 63, 87, 50, 36, 75, 52, 118, 28, 12, 124, 17, 120, 94, 123, 60, 61, 54, 125, 51, 33, 73, 29, 57, 62, 127, 119, 40, 117, 34, 44, 115, 53, 113, 102, 15, 49, 47, 58, 111, 19, 112, 55, 23, 70, 126, 110, 114, 59, 14, 109, 46, 105, 24, 56, 97, 116, 45, 104, 99, 38, 31, 32, 21, 71, 16, 86, 13, 39, 107, 48, 76, 106, 80, 37, 35, 85, 103, 25, 101, 20, 88, 91, 100, 92, 96, 98, 108, 93, 41, 5, 18, 84, 66, 95, 67, 26, 22, 89, 90, 42, 64, 27, 83, 30, 43, 79, 11, 3, 74, 82, 4, 1, 8, 77, 72, 81, 7, 65, 10, 9, 0, 6, 2, 69, 78, 68], [50, 121, 122, 114, 63, 56, 62, 115, 120, 60, 58, 51, 49, 116, 84, 87, 59, 119, 53, 11, 113, 52, 15, 127, 44, 17, 117, 109, 45, 55, 124, 61, 126, 54, 47, 57, 123, 48, 107, 14, 111, 46, 72, 118, 108, 125, 110, 43, 112, 7, 24, 2, 27, 78, 106, 25, 99, 101, 75, 41, 4, 85, 42, 16, 77, 80, 19, 82, 10, 105, 1, 81, 3, 74, 104, 18, 13, 12, 9, 28, 83, 94, 40, 37, 97, 6, 71, 90, 73, 102, 103, 21, 39, 22, 29, 38, 23, 76, 30, 89, 93, 33, 5, 36, 0, 35, 32, 96, 34, 98, 70, 91, 95, 69, 31, 26, 92, 100, 86, 8, 65, 88, 79, 20, 66, 68, 67, 64], [121, 122, 50, 63, 14, 118, 52, 84, 124, 11, 123, 87, 120, 61, 97, 125, 15, 114, 54, 57, 62, 101, 60, 82, 47, 16, 17, 53, 119, 85, 28, 111, 115, 51, 112, 127, 117, 102, 58, 110, 40, 104, 55, 44, 109, 45, 75, 32, 59, 105, 46, 77, 113, 107, 49, 27, 106, 39, 37, 103, 126, 25, 33, 38, 81, 48, 116, 12, 34, 19, 41, 74, 80, 90, 108, 71, 72, 83, 24, 9, 13, 99, 91, 4, 2, 7, 56, 89, 21, 42, 78, 35, 6, 94, 36, 10, 96, 3, 76, 0, 73, 43, 92, 79, 93, 5, 30, 100, 23, 31, 98, 1, 22, 95, 29, 86, 26, 70, 88, 20, 66, 69, 18, 8, 67, 68, 65, 64], [103, 124, 113, 24, 82, 49, 21, 91, 31, 15, 32, 11, 62, 13, 83, 19, 16, 28, 50, 80, 72, 99, 27, 81, 63, 73, 93, 4, 76, 17, 88, 7, 75, 9, 14, 18, 74, 8, 85, 79, 12, 78, 26, 98, 77, 87, 86, 84, 64, 89, 100, 68, 1, 20, 25, 29, 45, 23, 35, 53, 92, 46, 70, 66, 90, 22, 71, 94, 10, 69, 33, 30, 34, 104, 95, 40, 6, 123, 101, 5, 67, 0, 60, 61, 122, 3, 110, 96, 59, 39, 109, 51, 111, 126, 2, 65, 117, 97, 112, 127, 116, 43, 55, 58, 54, 120, 125, 115, 105, 102, 44, 36, 37, 57, 48, 38, 56, 108, 41, 114, 121, 106, 107, 118, 52, 42, 47, 119], [62, 103, 124, 113, 49, 122, 61, 115, 57, 45, 40, 87, 26, 50, 119, 112, 53, 32, 48, 58, 104, 109, 29, 54, 121, 120, 126, 63, 59, 117, 118, 60, 90, 95, 108, 110, 93, 55, 127, 46, 116, 52, 125, 51, 94, 123, 111, 56, 114, 99, 47, 96, 44, 105, 42, 107, 31, 106, 41, 27, 43, 14, 33, 19, 17, 91, 38, 97, 28, 23, 102, 98, 21, 30, 20, 101, 74, 100, 81, 35, 36, 37, 84, 34, 24, 39, 92, 86, 78, 25, 22, 89, 70, 6, 13, 66, 88, 68, 15, 69, 83, 7, 18, 75, 85, 67, 9, 16, 79, 64, 77, 10, 5, 8, 72, 3, 12, 4, 82, 11, 71, 80, 65, 2, 0, 1, 73, 76], [113, 124, 103, 49, 62, 50, 53, 46, 26, 122, 45, 61, 32, 40, 120, 51, 59, 123, 63, 87, 126, 112, 109, 5, 58, 117, 57, 30, 47, 100, 35, 127, 115, 111, 90, 8, 108, 17, 54, 104, 121, 105, 56, 114, 68, 125, 33, 95, 48, 60, 1, 99, 52, 116, 83, 118, 97, 106, 7, 94, 31, 107, 101, 41, 25, 64, 110, 119, 43, 34, 80, 91, 75, 79, 6, 29, 93, 38, 44, 3, 36, 9, 42, 77, 92, 55, 102, 12, 98, 28, 37, 27, 0, 66, 23, 14, 96, 76, 78, 84, 20, 21, 2, 82, 86, 88, 24, 15, 19, 39, 74, 73, 89, 10, 85, 81, 67, 11, 22, 70, 71, 16, 65, 69, 4, 72, 13, 18], [113, 124, 62, 40, 103, 50, 49, 46, 122, 83, 59, 112, 126, 87, 5, 53, 8, 127, 109, 45, 77, 120, 61, 117, 1, 78, 26, 123, 6, 68, 80, 55, 63, 54, 75, 35, 58, 125, 42, 51, 57, 7, 114, 9, 115, 3, 60, 17, 111, 118, 76, 52, 56, 47, 15, 116, 119, 108, 48, 110, 121, 44, 41, 82, 30, 43, 107, 104, 32, 106, 0, 73, 105, 12, 101, 64, 33, 100, 38, 66, 102, 36, 37, 79, 11, 89, 85, 34, 2, 23, 71, 90, 84, 31, 99, 94, 24, 92, 95, 67, 29, 81, 98, 96, 97, 20, 21, 28, 25, 93, 14, 10, 19, 39, 74, 86, 65, 88, 91, 27, 22, 70, 69, 13, 4, 16, 18, 72], [102, 56, 49, 113, 23, 89, 55, 91, 19, 58, 85, 47, 37, 31, 20, 52, 18, 33, 14, 127, 95, 92, 122, 80, 124, 115, 117, 29, 125, 59, 120, 42, 112, 107, 123, 75, 61, 57, 46, 108, 28, 116, 114, 82, 50, 45, 121, 73, 48, 84, 109, 44, 77, 88, 41, 63, 51, 99, 39, 40, 53, 38, 103, 126, 34, 43, 97, 118, 32, 16, 13, 106, 11, 87, 100, 54, 104, 98, 94, 15, 86, 27, 105, 83, 60, 119, 111, 26, 35, 110, 78, 79, 62, 8, 93, 21, 30, 101, 5, 22, 25, 36, 90, 96, 74, 72, 6, 81, 10, 24, 71, 76, 17, 4, 7, 9, 12, 67, 66, 69, 65, 70, 0, 3, 1, 68, 2, 64], [102, 56, 113, 49, 85, 23, 91, 19, 80, 77, 9, 31, 11, 89, 58, 4, 13, 55, 6, 70, 68, 72, 47, 2, 73, 95, 75, 16, 21, 83, 52, 65, 8, 82, 64, 87, 39, 48, 27, 42, 7, 53, 15, 78, 37, 25, 109, 110, 124, 22, 26, 69, 125, 90, 112, 46, 5, 33, 81, 84, 79, 71, 50, 99, 88, 32, 120, 63, 12, 106, 17, 119, 35, 44, 127, 10, 61, 92, 30, 96, 107, 123, 29, 14, 0, 101, 76, 24, 28, 66, 118, 54, 40, 116, 57, 94, 115, 59, 114, 98, 45, 126, 60, 122, 41, 86, 67, 121, 18, 100, 20, 105, 36, 104, 43, 117, 111, 34, 93, 74, 97, 51, 62, 103, 108, 1, 3, 38], [102, 47, 113, 56, 49, 89, 91, 23, 85, 19, 31, 55, 58, 9, 80, 82, 77, 11, 14, 0, 120, 46, 68, 121, 72, 59, 51, 33, 66, 95, 83, 127, 37, 124, 114, 70, 52, 53, 88, 110, 78, 87, 84, 3, 48, 99, 10, 15, 112, 81, 57, 126, 60, 73, 62, 16, 35, 42, 1, 21, 109, 34, 20, 125, 32, 116, 108, 27, 79, 118, 5, 61, 12, 100, 96, 29, 7, 97, 30, 2, 93, 25, 44, 106, 40, 92, 71, 36, 104, 17, 43, 24, 39, 122, 123, 63, 22, 119, 67, 103, 69, 18, 26, 38, 13, 115, 4, 65, 117, 90, 50, 8, 54, 111, 98, 45, 105, 94, 64, 86, 101, 41, 74, 76, 28, 107, 75, 6], [102, 113, 56, 49, 23, 80, 19, 89, 9, 85, 77, 11, 70, 68, 31, 2, 55, 64, 83, 14, 1, 16, 72, 21, 91, 37, 87, 6, 58, 75, 25, 67, 82, 3, 66, 125, 13, 120, 47, 33, 27, 48, 52, 127, 7, 73, 42, 112, 78, 12, 110, 65, 8, 29, 53, 59, 5, 17, 57, 46, 24, 32, 44, 88, 22, 10, 81, 76, 116, 51, 50, 92, 124, 30, 114, 121, 40, 122, 61, 95, 109, 28, 39, 4, 84, 74, 93, 123, 90, 119, 99, 26, 43, 35, 86, 115, 18, 63, 79, 15, 62, 45, 106, 100, 118, 69, 126, 105, 103, 20, 107, 41, 104, 60, 71, 117, 94, 98, 101, 97, 54, 36, 108, 34, 96, 111, 0, 38], [52, 62, 122, 58, 102, 125, 61, 53, 60, 127, 123, 112, 121, 119, 63, 115, 114, 50, 57, 48, 117, 126, 124, 118, 56, 49, 46, 54, 55, 113, 120, 47, 116, 44, 111, 36, 110, 51, 107, 45, 59, 109, 108, 35, 42, 30, 105, 43, 106, 104, 89, 25, 40, 41, 101, 103, 100, 23, 39, 33, 38, 37, 96, 32, 92, 99, 98, 34, 95, 97, 94, 31, 87, 28, 27, 91, 75, 29, 26, 15, 93, 24, 90, 17, 84, 21, 9, 20, 82, 85, 88, 70, 2, 6, 11, 19, 81, 80, 77, 12, 0, 79, 16, 14, 74, 86, 7, 65, 10, 67, 73, 69, 3, 66, 13, 5, 4, 64, 83, 8, 18, 76, 71, 1, 72, 68, 22, 78], [58, 62, 52, 122, 60, 121, 63, 118, 125, 55, 112, 127, 115, 51, 114, 117, 126, 123, 50, 110, 46, 59, 61, 113, 119, 111, 43, 120, 56, 42, 48, 124, 47, 116, 49, 57, 45, 109, 104, 96, 53, 40, 41, 105, 54, 108, 106, 107, 37, 101, 39, 102, 32, 103, 44, 38, 100, 29, 25, 23, 35, 98, 36, 34, 99, 84, 33, 27, 95, 30, 19, 97, 86, 24, 94, 20, 90, 22, 31, 92, 28, 89, 93, 81, 91, 80, 17, 16, 88, 83, 13, 79, 77, 26, 87, 85, 15, 21, 73, 78, 76, 11, 18, 82, 14, 70, 75, 9, 72, 12, 6, 10, 0, 74, 66, 68, 7, 2, 71, 8, 3, 67, 69, 1, 65, 5, 4, 64], [62, 58, 52, 101, 121, 122, 60, 127, 125, 112, 55, 115, 118, 117, 123, 63, 51, 53, 57, 119, 114, 50, 113, 61, 126, 102, 111, 120, 124, 48, 46, 59, 110, 36, 116, 56, 42, 54, 109, 47, 45, 44, 106, 49, 108, 93, 105, 43, 107, 40, 41, 100, 96, 104, 90, 30, 39, 103, 38, 99, 94, 35, 34, 23, 29, 25, 28, 27, 97, 80, 95, 86, 98, 33, 19, 16, 85, 92, 89, 31, 91, 21, 32, 73, 75, 24, 87, 37, 83, 26, 9, 88, 81, 11, 3, 77, 13, 22, 20, 82, 68, 70, 84, 15, 71, 5, 69, 10, 74, 1, 78, 14, 17, 7, 18, 76, 8, 79, 6, 67, 64, 66, 4, 12, 2, 65, 72, 0], [58, 52, 62, 101, 24, 90, 34, 82, 93, 14, 12, 85, 19, 80, 121, 32, 60, 21, 86, 30, 37, 15, 20, 76, 78, 96, 9, 122, 18, 79, 69, 83, 16, 125, 67, 74, 10, 88, 94, 72, 55, 5, 8, 127, 100, 84, 29, 77, 87, 7, 17, 71, 1, 81, 112, 102, 26, 13, 25, 23, 118, 75, 89, 91, 113, 27, 68, 117, 0, 2, 114, 64, 98, 70, 120, 124, 11, 4, 61, 66, 115, 126, 73, 104, 119, 110, 92, 51, 63, 42, 28, 107, 123, 111, 31, 3, 116, 46, 50, 59, 45, 65, 57, 56, 53, 48, 95, 6, 47, 106, 97, 41, 33, 43, 99, 103, 109, 38, 40, 35, 105, 22, 108, 39, 36, 54, 49, 44], [118, 127, 26, 101, 17, 10, 86, 15, 77, 70, 98, 88, 82, 20, 74, 93, 6, 29, 68, 89, 13, 104, 30, 22, 72, 87, 2, 76, 85, 79, 81, 27, 92, 84, 90, 54, 24, 67, 37, 28, 34, 71, 18, 11, 7, 52, 19, 78, 3, 9, 80, 1, 12, 40, 91, 109, 59, 65, 126, 75, 95, 73, 97, 0, 66, 16, 42, 63, 64, 23, 5, 21, 83, 4, 94, 105, 62, 31, 14, 47, 113, 69, 121, 32, 33, 96, 25, 39, 43, 35, 36, 8, 38, 107, 50, 110, 99, 44, 41, 53, 103, 108, 100, 48, 56, 115, 122, 112, 46, 116, 124, 58, 102, 117, 45, 111, 55, 114, 49, 120, 61, 119, 106, 123, 125, 60, 51, 57], [118, 127, 101, 98, 37, 126, 88, 86, 62, 39, 30, 29, 50, 20, 63, 91, 104, 52, 26, 113, 72, 48, 121, 54, 112, 56, 119, 93, 82, 38, 97, 116, 43, 125, 59, 122, 44, 110, 60, 92, 66, 83, 117, 0, 35, 51, 25, 40, 109, 58, 77, 123, 53, 46, 102, 45, 55, 15, 69, 115, 41, 120, 108, 28, 31, 57, 61, 49, 1, 47, 90, 114, 99, 24, 11, 84, 111, 89, 106, 75, 36, 124, 94, 33, 103, 8, 6, 4, 79, 23, 68, 76, 80, 96, 18, 107, 73, 105, 42, 74, 3, 64, 13, 17, 100, 22, 32, 81, 78, 2, 95, 85, 16, 87, 19, 9, 27, 12, 14, 34, 21, 5, 71, 7, 65, 70, 10, 67], [127, 118, 62, 101, 126, 56, 104, 113, 63, 54, 119, 48, 112, 52, 82, 40, 60, 121, 44, 50, 122, 116, 98, 43, 51, 123, 59, 117, 88, 58, 97, 125, 120, 91, 37, 106, 110, 55, 57, 47, 109, 46, 53, 45, 114, 115, 61, 39, 86, 42, 111, 29, 49, 107, 23, 41, 8, 124, 108, 105, 100, 35, 102, 93, 36, 38, 103, 83, 96, 72, 31, 92, 26, 99, 33, 66, 30, 87, 28, 4, 95, 89, 32, 34, 80, 90, 25, 94, 22, 27, 16, 18, 68, 24, 20, 15, 19, 0, 77, 85, 12, 84, 2, 69, 78, 13, 14, 73, 21, 75, 11, 74, 71, 5, 76, 79, 81, 7, 17, 1, 64, 6, 9, 65, 3, 70, 10, 67], [127, 118, 101, 126, 56, 97, 88, 82, 62, 29, 63, 54, 52, 40, 113, 48, 44, 28, 23, 119, 109, 60, 43, 98, 112, 36, 122, 117, 50, 41, 121, 106, 45, 116, 59, 8, 86, 51, 37, 123, 115, 104, 47, 125, 91, 32, 26, 114, 58, 110, 120, 105, 89, 46, 39, 61, 102, 111, 55, 107, 93, 30, 57, 53, 108, 72, 42, 100, 38, 16, 20, 4, 92, 49, 12, 99, 124, 103, 35, 18, 34, 31, 33, 94, 77, 83, 13, 27, 15, 71, 79, 96, 95, 87, 81, 22, 14, 25, 80, 24, 75, 84, 21, 11, 85, 76, 69, 74, 68, 0, 6, 66, 90, 73, 1, 17, 19, 7, 3, 78, 9, 5, 2, 70, 10, 64, 65, 67], [42, 96, 106, 120, 45, 125, 26, 23, 20, 118, 62, 109, 78, 52, 98, 80, 67, 63, 124, 90, 122, 32, 82, 71, 126, 7, 34, 101, 94, 58, 27, 56, 87, 14, 73, 55, 77, 116, 12, 86, 97, 123, 13, 81, 48, 85, 91, 115, 35, 57, 103, 104, 114, 43, 50, 16, 49, 18, 99, 110, 111, 39, 76, 33, 22, 64, 65, 117, 24, 119, 37, 10, 1, 53, 92, 59, 31, 47, 60, 28, 112, 84, 17, 19, 46, 121, 83, 44, 127, 21, 29, 38, 89, 113, 54, 30, 74, 5, 107, 70, 61, 93, 41, 51, 95, 105, 8, 4, 102, 88, 15, 108, 100, 40, 25, 36, 3, 6, 68, 79, 9, 75, 66, 69, 72, 11, 2, 0], [42, 96, 106, 125, 45, 23, 26, 62, 20, 109, 52, 98, 80, 124, 118, 126, 120, 34, 63, 78, 90, 82, 55, 27, 94, 122, 101, 77, 56, 43, 116, 46, 111, 58, 103, 81, 44, 35, 119, 114, 97, 104, 53, 7, 123, 87, 48, 127, 115, 50, 99, 49, 107, 60, 39, 38, 41, 91, 113, 117, 110, 59, 47, 30, 100, 54, 121, 102, 40, 85, 37, 57, 67, 61, 108, 105, 36, 112, 31, 95, 18, 93, 16, 51, 28, 32, 33, 29, 73, 13, 92, 21, 14, 86, 84, 71, 24, 25, 17, 19, 12, 5, 22, 89, 10, 88, 83, 74, 9, 11, 1, 65, 69, 79, 75, 15, 76, 64, 3, 8, 72, 4, 6, 68, 70, 66, 0, 2], [42, 96, 125, 106, 52, 45, 23, 20, 26, 82, 80, 78, 120, 98, 118, 109, 5, 62, 73, 7, 77, 12, 124, 90, 101, 86, 126, 103, 67, 63, 122, 32, 94, 35, 27, 87, 9, 56, 16, 1, 55, 58, 21, 69, 85, 91, 83, 64, 84, 76, 114, 123, 75, 3, 50, 34, 13, 18, 116, 115, 22, 11, 29, 70, 17, 40, 19, 43, 15, 48, 10, 39, 97, 81, 14, 74, 30, 110, 4, 79, 37, 31, 89, 44, 108, 104, 24, 49, 25, 71, 47, 66, 59, 92, 99, 60, 113, 28, 95, 112, 107, 88, 51, 8, 111, 100, 117, 72, 121, 57, 93, 6, 119, 105, 38, 41, 33, 36, 65, 54, 127, 68, 61, 0, 2, 102, 46, 53], [42, 96, 45, 106, 125, 23, 124, 26, 20, 52, 109, 98, 120, 62, 118, 126, 80, 122, 82, 115, 94, 56, 103, 116, 55, 78, 34, 90, 63, 58, 43, 48, 87, 114, 97, 101, 50, 60, 77, 110, 39, 41, 35, 104, 13, 123, 31, 47, 108, 53, 107, 99, 119, 113, 30, 19, 121, 27, 117, 33, 57, 49, 51, 40, 7, 61, 38, 102, 54, 92, 44, 85, 100, 67, 46, 32, 111, 93, 95, 36, 59, 37, 105, 81, 91, 112, 18, 28, 16, 29, 84, 127, 71, 86, 24, 14, 25, 73, 21, 89, 88, 79, 76, 12, 22, 74, 72, 69, 83, 17, 11, 15, 10, 9, 5, 68, 75, 65, 1, 8, 4, 66, 6, 64, 70, 0, 3, 2], [102, 62, 126, 98, 87, 26, 110, 85, 51, 41, 30, 19, 38, 45, 50, 22, 15, 79, 103, 94, 90, 84, 12, 93, 31, 17, 16, 113, 21, 109, 69, 105, 112, 20, 125, 127, 23, 8, 53, 65, 83, 25, 32, 117, 119, 14, 88, 63, 6, 55, 99, 58, 1, 116, 122, 75, 46, 57, 60, 96, 100, 108, 34, 121, 124, 52, 80, 120, 115, 74, 59, 106, 24, 89, 114, 49, 97, 111, 10, 76, 104, 118, 0, 2, 95, 64, 27, 86, 47, 40, 73, 123, 48, 81, 36, 92, 70, 54, 67, 82, 28, 42, 66, 5, 35, 29, 91, 78, 18, 77, 9, 13, 56, 44, 72, 39, 11, 101, 71, 68, 107, 61, 33, 37, 4, 43, 7, 3], [102, 126, 62, 98, 87, 17, 85, 110, 90, 26, 22, 19, 50, 8, 14, 75, 45, 103, 41, 15, 94, 21, 93, 89, 6, 51, 24, 113, 109, 2, 30, 84, 88, 83, 68, 92, 12, 38, 27, 58, 20, 31, 72, 79, 78, 112, 122, 23, 25, 74, 80, 32, 4, 71, 16, 117, 119, 53, 49, 127, 77, 29, 47, 7, 35, 81, 76, 60, 105, 10, 111, 28, 55, 120, 116, 52, 82, 0, 124, 46, 48, 5, 91, 13, 99, 125, 34, 67, 39, 36, 33, 121, 96, 97, 57, 95, 86, 63, 37, 118, 65, 115, 18, 44, 100, 66, 104, 11, 73, 108, 59, 42, 114, 43, 101, 9, 61, 69, 123, 54, 56, 3, 106, 64, 107, 70, 1, 40], [102, 126, 98, 62, 26, 41, 45, 87, 85, 19, 17, 93, 38, 103, 22, 15, 94, 51, 21, 50, 12, 113, 92, 110, 32, 75, 14, 30, 8, 100, 90, 31, 79, 83, 84, 88, 89, 20, 86, 35, 36, 54, 55, 25, 117, 127, 125, 119, 76, 13, 77, 81, 123, 46, 82, 23, 6, 2, 16, 53, 109, 39, 18, 27, 121, 59, 116, 70, 74, 97, 69, 80, 114, 47, 111, 52, 57, 105, 29, 118, 78, 58, 24, 49, 11, 63, 95, 99, 108, 122, 96, 115, 112, 10, 48, 91, 104, 124, 42, 66, 33, 72, 120, 40, 60, 101, 34, 37, 7, 43, 73, 65, 28, 1, 4, 107, 67, 5, 71, 44, 106, 61, 68, 9, 56, 3, 64, 0], [62, 102, 126, 98, 87, 41, 110, 26, 85, 38, 50, 45, 22, 105, 103, 109, 30, 113, 94, 63, 112, 93, 58, 125, 84, 121, 53, 127, 119, 15, 122, 31, 51, 116, 59, 57, 19, 52, 114, 55, 47, 97, 117, 118, 90, 44, 46, 43, 60, 49, 111, 108, 56, 42, 106, 54, 120, 124, 48, 115, 101, 36, 107, 32, 40, 123, 104, 100, 99, 61, 35, 37, 25, 39, 20, 96, 12, 17, 83, 95, 79, 92, 88, 27, 28, 33, 91, 29, 16, 8, 89, 23, 74, 21, 73, 34, 6, 75, 24, 10, 18, 82, 14, 69, 78, 86, 80, 71, 2, 77, 76, 5, 13, 81, 9, 7, 1, 65, 68, 11, 72, 70, 67, 0, 64, 66, 3, 4], [120, 122, 54, 37, 53, 127, 19, 101, 87, 17, 113, 35, 91, 58, 93, 60, 123, 124, 13, 115, 50, 117, 55, 56, 89, 63, 51, 118, 116, 32, 75, 45, 74, 114, 15, 119, 57, 14, 125, 112, 80, 49, 33, 36, 62, 52, 48, 100, 98, 12, 61, 97, 103, 47, 34, 110, 96, 90, 44, 73, 106, 59, 43, 126, 111, 41, 7, 26, 38, 18, 39, 121, 102, 85, 46, 108, 99, 104, 109, 107, 105, 29, 95, 42, 31, 27, 21, 20, 83, 81, 40, 72, 23, 94, 28, 92, 25, 30, 88, 24, 86, 5, 70, 68, 82, 67, 65, 2, 22, 0, 78, 77, 79, 84, 11, 9, 76, 16, 71, 8, 3, 10, 4, 69, 6, 1, 64, 66], [120, 122, 37, 13, 19, 17, 75, 14, 87, 15, 80, 74, 32, 85, 20, 53, 12, 18, 54, 73, 113, 127, 93, 58, 123, 26, 88, 115, 7, 30, 60, 50, 35, 124, 51, 55, 91, 45, 117, 72, 101, 116, 56, 63, 118, 94, 119, 57, 114, 90, 98, 62, 125, 112, 52, 25, 92, 49, 48, 86, 24, 61, 23, 36, 126, 33, 31, 96, 59, 47, 46, 34, 44, 82, 111, 110, 43, 70, 79, 41, 121, 21, 109, 99, 84, 29, 81, 108, 106, 100, 5, 42, 103, 27, 105, 104, 107, 16, 39, 97, 40, 95, 38, 102, 78, 77, 28, 22, 89, 68, 11, 83, 76, 67, 9, 65, 10, 2, 8, 71, 3, 0, 4, 6, 69, 64, 1, 66], [122, 120, 37, 84, 7, 16, 67, 74, 66, 69, 19, 75, 1, 68, 72, 24, 5, 70, 73, 12, 94, 78, 71, 11, 8, 53, 6, 64, 23, 13, 4, 3, 82, 88, 15, 54, 14, 80, 20, 90, 32, 30, 58, 92, 87, 93, 18, 113, 26, 115, 79, 77, 10, 123, 127, 50, 51, 60, 76, 124, 17, 117, 55, 56, 85, 21, 116, 96, 83, 63, 45, 118, 35, 9, 25, 65, 98, 0, 114, 119, 57, 28, 112, 101, 62, 49, 52, 29, 99, 48, 86, 125, 31, 61, 126, 59, 36, 81, 46, 91, 41, 44, 111, 47, 43, 22, 121, 110, 27, 95, 100, 109, 108, 2, 97, 33, 34, 106, 89, 105, 42, 102, 104, 39, 107, 103, 40, 38], [120, 122, 54, 87, 19, 53, 127, 123, 113, 60, 58, 124, 125, 115, 117, 55, 51, 116, 50, 17, 62, 86, 56, 27, 57, 119, 118, 45, 94, 49, 25, 52, 85, 114, 61, 96, 48, 28, 63, 23, 126, 112, 59, 44, 47, 111, 121, 24, 46, 109, 81, 43, 110, 90, 41, 106, 108, 84, 42, 107, 39, 83, 105, 82, 103, 35, 104, 40, 21, 37, 98, 38, 88, 36, 102, 89, 91, 79, 20, 65, 100, 101, 77, 16, 80, 97, 34, 99, 22, 78, 0, 33, 13, 10, 30, 29, 26, 76, 95, 31, 64, 93, 11, 18, 2, 9, 14, 15, 32, 3, 92, 71, 68, 4, 8, 7, 12, 75, 5, 6, 67, 69, 74, 1, 73, 70, 72, 66]], "model.layers.10.self_attn.k_proj": [[122, 121, 100, 118, 86, 63, 114, 123, 54, 61, 124, 119, 62, 52, 125, 115, 57, 108, 111, 117, 120, 60, 112, 31, 53, 126, 51, 127, 116, 59, 47, 58, 110, 55, 102, 46, 48, 83, 0, 45, 109, 49, 113, 56, 98, 29, 105, 104, 77, 9, 40, 44, 76, 103, 39, 38, 91, 106, 80, 81, 24, 6, 107, 35, 101, 34, 41, 37, 43, 21, 42, 79, 97, 26, 23, 1, 30, 22, 28, 36, 99, 32, 89, 88, 84, 3, 69, 50, 10, 95, 96, 92, 78, 19, 93, 33, 4, 20, 90, 82, 11, 85, 87, 7, 27, 25, 94, 14, 2, 18, 72, 8, 74, 5, 16, 71, 13, 66, 15, 67, 73, 65, 68, 70, 12, 75, 64, 17], [113, 124, 39, 50, 53, 96, 93, 21, 123, 120, 49, 15, 62, 126, 125, 63, 51, 112, 11, 87, 24, 82, 122, 58, 55, 114, 48, 117, 13, 91, 104, 116, 46, 61, 73, 30, 54, 115, 57, 71, 52, 95, 84, 26, 81, 118, 76, 121, 59, 127, 47, 80, 60, 111, 108, 19, 110, 86, 8, 99, 109, 56, 40, 45, 119, 100, 92, 89, 3, 10, 44, 35, 14, 1, 2, 98, 43, 68, 107, 79, 6, 106, 41, 27, 88, 0, 105, 42, 18, 38, 5, 102, 101, 36, 37, 33, 28, 23, 97, 77, 16, 17, 32, 94, 69, 34, 78, 66, 70, 7, 25, 31, 22, 72, 64, 4, 74, 29, 9, 83, 65, 90, 85, 20, 67, 12, 75, 103], [113, 56, 38, 80, 19, 77, 85, 23, 89, 11, 91, 9, 95, 58, 70, 72, 68, 55, 64, 14, 76, 1, 66, 20, 46, 123, 78, 111, 127, 44, 59, 106, 116, 112, 47, 17, 57, 53, 121, 69, 114, 117, 115, 71, 125, 51, 101, 109, 86, 118, 126, 42, 79, 124, 97, 52, 74, 48, 108, 45, 18, 96, 120, 24, 28, 82, 15, 37, 50, 33, 98, 39, 60, 122, 29, 119, 31, 93, 92, 32, 43, 3, 62, 103, 90, 61, 99, 34, 67, 5, 63, 12, 40, 49, 26, 88, 110, 35, 7, 30, 94, 100, 54, 104, 36, 81, 41, 105, 22, 8, 107, 10, 75, 25, 27, 87, 6, 84, 21, 0, 13, 83, 2, 73, 102, 16, 65, 4], [58, 62, 86, 37, 52, 96, 121, 29, 90, 14, 82, 17, 19, 12, 80, 60, 127, 77, 10, 72, 118, 125, 117, 24, 119, 55, 51, 20, 115, 63, 114, 126, 57, 120, 123, 79, 7, 100, 124, 50, 56, 44, 53, 48, 116, 98, 34, 59, 113, 46, 111, 110, 43, 45, 61, 25, 54, 93, 76, 112, 99, 109, 106, 70, 47, 9, 40, 49, 36, 15, 41, 122, 108, 105, 107, 11, 69, 104, 38, 42, 39, 102, 2, 23, 8, 97, 3, 85, 91, 21, 27, 35, 4, 95, 103, 31, 84, 83, 101, 6, 28, 33, 18, 74, 94, 30, 81, 65, 0, 92, 13, 22, 1, 16, 71, 87, 88, 68, 64, 32, 78, 5, 26, 89, 75, 73, 67, 66], [118, 127, 37, 126, 86, 63, 62, 10, 52, 34, 17, 48, 113, 30, 26, 119, 56, 121, 122, 15, 54, 70, 77, 112, 60, 43, 29, 50, 104, 59, 88, 51, 20, 120, 117, 116, 41, 110, 96, 115, 61, 123, 0, 3, 109, 57, 58, 55, 125, 47, 45, 53, 114, 108, 111, 49, 124, 106, 76, 103, 107, 46, 44, 82, 42, 71, 100, 2, 83, 38, 9, 65, 40, 68, 1, 72, 99, 32, 105, 92, 85, 39, 75, 35, 33, 95, 97, 36, 11, 91, 102, 14, 23, 31, 4, 80, 94, 67, 7, 64, 5, 73, 78, 69, 19, 25, 21, 27, 101, 93, 98, 81, 24, 90, 28, 89, 16, 12, 66, 79, 84, 87, 22, 8, 18, 74, 13, 6], [106, 32, 52, 26, 23, 20, 82, 125, 120, 42, 118, 45, 80, 78, 109, 126, 73, 58, 124, 77, 62, 112, 34, 12, 123, 114, 115, 50, 56, 55, 59, 54, 7, 5, 63, 85, 116, 47, 81, 122, 3, 51, 37, 119, 61, 39, 43, 103, 30, 104, 6, 1, 110, 127, 117, 101, 0, 107, 108, 11, 27, 48, 86, 65, 91, 46, 66, 13, 44, 57, 75, 74, 49, 35, 70, 111, 40, 60, 2, 22, 76, 64, 105, 98, 53, 79, 121, 102, 113, 33, 94, 29, 72, 71, 92, 36, 41, 83, 68, 8, 19, 25, 88, 14, 24, 100, 21, 4, 69, 38, 31, 97, 89, 10, 99, 95, 15, 28, 93, 96, 84, 90, 9, 17, 18, 87, 16, 67], [126, 62, 38, 34, 26, 94, 45, 85, 19, 41, 87, 22, 17, 110, 51, 84, 15, 50, 113, 12, 103, 75, 8, 14, 1, 127, 53, 93, 57, 112, 119, 117, 55, 116, 120, 39, 124, 125, 111, 122, 109, 59, 114, 118, 69, 63, 74, 52, 121, 102, 6, 29, 60, 115, 66, 28, 106, 5, 95, 73, 24, 108, 49, 32, 48, 58, 77, 123, 97, 46, 43, 33, 68, 105, 104, 54, 56, 16, 36, 47, 27, 35, 31, 40, 86, 61, 100, 44, 91, 64, 107, 4, 71, 67, 25, 78, 18, 42, 80, 9, 101, 99, 72, 23, 7, 37, 90, 3, 98, 82, 89, 92, 96, 70, 88, 0, 30, 21, 76, 13, 81, 20, 10, 83, 79, 11, 2, 65], [122, 120, 101, 24, 30, 82, 54, 127, 32, 79, 28, 84, 117, 26, 21, 113, 115, 124, 123, 55, 16, 27, 53, 56, 78, 60, 116, 50, 11, 77, 62, 114, 118, 9, 76, 51, 89, 63, 119, 57, 112, 52, 49, 125, 48, 93, 45, 72, 58, 126, 47, 59, 46, 44, 2, 70, 23, 61, 108, 81, 109, 10, 111, 110, 99, 121, 12, 65, 43, 5, 41, 106, 107, 29, 22, 35, 42, 39, 71, 104, 8, 105, 3, 103, 40, 14, 96, 97, 100, 4, 102, 38, 95, 98, 75, 83, 36, 80, 18, 69, 34, 68, 73, 33, 86, 6, 37, 31, 20, 92, 15, 7, 64, 87, 0, 91, 13, 90, 94, 25, 67, 88, 74, 17, 19, 85, 1, 66]], "model.layers.10.self_attn.qk_proj": [[122, 113, 62, 120, 118, 127, 126, 56, 121, 58, 52, 124, 106, 42, 54, 50, 90, 45, 110, 102, 55, 63, 117, 37, 125, 51, 116, 123, 53, 49, 60, 114, 87, 115, 85, 61, 38, 93, 57, 46, 23, 101, 59, 80, 83, 47, 32, 21, 22, 41, 112, 96, 34, 119, 103, 19, 16, 26, 25, 44, 13, 109, 20, 48, 104, 14, 77, 82, 86, 39, 43, 88, 27, 18, 84, 24, 100, 12, 11, 94, 98, 75, 81, 78, 30, 89, 108, 15, 29, 17, 111, 9, 91, 79, 73, 76, 31, 40, 107, 36, 35, 95, 97, 72, 6, 74, 105, 92, 10, 70, 99, 28, 71, 8, 68, 33, 64, 69, 65, 2, 1, 7, 3, 67, 5, 4, 0, 66], [122, 113, 62, 120, 118, 56, 121, 127, 126, 58, 52, 124, 106, 42, 54, 50, 117, 90, 116, 45, 37, 55, 110, 102, 60, 87, 114, 63, 123, 125, 85, 49, 51, 115, 23, 61, 38, 53, 101, 41, 93, 46, 103, 21, 80, 83, 96, 22, 34, 112, 104, 32, 19, 109, 59, 20, 26, 111, 27, 48, 43, 13, 119, 57, 25, 47, 98, 24, 84, 16, 86, 77, 88, 18, 14, 89, 39, 100, 30, 81, 108, 79, 12, 82, 31, 94, 78, 11, 75, 17, 29, 44, 9, 40, 91, 73, 95, 76, 15, 70, 92, 72, 97, 33, 74, 36, 105, 10, 35, 99, 6, 107, 69, 4, 8, 0, 68, 28, 65, 71, 64, 7, 5, 3, 67, 2, 66, 1], [122, 113, 62, 120, 118, 127, 121, 56, 126, 58, 52, 106, 124, 42, 54, 50, 116, 102, 55, 110, 37, 125, 51, 45, 90, 38, 60, 53, 114, 49, 63, 123, 87, 101, 117, 23, 93, 57, 115, 34, 96, 32, 119, 26, 85, 27, 43, 41, 103, 83, 22, 104, 19, 109, 21, 48, 112, 24, 25, 46, 61, 111, 16, 80, 59, 30, 94, 20, 84, 47, 86, 100, 88, 13, 77, 95, 18, 89, 39, 31, 98, 91, 29, 81, 14, 82, 35, 108, 78, 75, 12, 79, 92, 44, 11, 99, 15, 17, 40, 9, 70, 36, 73, 33, 76, 72, 107, 105, 28, 74, 97, 71, 4, 10, 1, 6, 7, 68, 64, 69, 8, 5, 65, 0, 66, 67, 3, 2], [122, 113, 62, 120, 118, 121, 127, 126, 56, 58, 52, 106, 124, 42, 54, 55, 117, 50, 90, 102, 45, 125, 60, 51, 114, 123, 37, 110, 116, 87, 63, 49, 53, 112, 23, 93, 115, 46, 119, 101, 38, 85, 96, 19, 57, 27, 47, 41, 61, 43, 109, 34, 22, 16, 104, 25, 83, 32, 59, 21, 80, 24, 44, 100, 26, 77, 13, 48, 111, 39, 88, 103, 30, 81, 18, 86, 94, 82, 84, 89, 98, 78, 20, 108, 17, 91, 12, 14, 40, 75, 95, 92, 11, 31, 35, 15, 105, 79, 9, 29, 107, 72, 70, 36, 73, 33, 74, 76, 28, 99, 97, 10, 71, 4, 6, 8, 0, 69, 7, 65, 68, 1, 5, 64, 67, 66, 3, 2], [122, 113, 62, 118, 120, 121, 126, 56, 127, 58, 52, 124, 106, 42, 55, 110, 54, 50, 90, 123, 45, 125, 102, 51, 37, 60, 116, 53, 49, 114, 117, 63, 87, 38, 115, 47, 61, 93, 46, 57, 119, 109, 96, 112, 23, 85, 59, 26, 101, 34, 103, 83, 21, 111, 80, 19, 16, 48, 22, 41, 77, 32, 13, 43, 100, 104, 18, 25, 39, 82, 14, 89, 81, 86, 24, 30, 27, 44, 94, 108, 20, 84, 88, 78, 11, 98, 36, 91, 17, 29, 9, 79, 75, 15, 40, 35, 73, 31, 12, 76, 95, 72, 70, 74, 105, 107, 97, 33, 4, 92, 10, 68, 8, 7, 28, 6, 71, 99, 65, 64, 0, 1, 67, 69, 2, 5, 66, 3], [122, 113, 62, 118, 120, 127, 121, 56, 126, 58, 52, 124, 106, 42, 54, 55, 90, 45, 110, 125, 116, 114, 60, 50, 117, 87, 63, 102, 123, 37, 53, 51, 46, 85, 93, 61, 49, 38, 96, 119, 23, 19, 115, 80, 109, 22, 103, 21, 41, 57, 34, 83, 77, 112, 101, 47, 16, 13, 111, 48, 20, 26, 32, 59, 25, 18, 104, 14, 100, 82, 98, 27, 88, 12, 15, 86, 11, 78, 39, 108, 24, 17, 81, 30, 75, 79, 89, 84, 43, 9, 31, 76, 105, 94, 73, 35, 29, 44, 91, 40, 107, 36, 10, 72, 92, 74, 70, 95, 33, 6, 97, 8, 28, 99, 68, 4, 69, 5, 71, 67, 64, 0, 1, 66, 7, 2, 65, 3], [122, 113, 62, 120, 118, 56, 127, 126, 121, 58, 52, 106, 124, 42, 90, 45, 125, 102, 55, 116, 37, 110, 54, 114, 87, 60, 50, 53, 85, 101, 51, 63, 23, 115, 61, 38, 46, 123, 49, 119, 93, 117, 22, 112, 80, 59, 19, 83, 16, 103, 21, 20, 48, 32, 96, 77, 34, 109, 41, 47, 57, 26, 111, 13, 100, 18, 25, 86, 82, 24, 27, 81, 78, 104, 84, 44, 88, 11, 75, 15, 14, 39, 12, 30, 98, 89, 94, 43, 9, 105, 108, 17, 31, 91, 76, 79, 29, 73, 40, 35, 36, 95, 107, 92, 74, 72, 99, 10, 6, 33, 70, 97, 8, 71, 28, 68, 7, 69, 66, 4, 5, 1, 65, 0, 3, 64, 2, 67], [113, 122, 62, 120, 118, 126, 56, 127, 121, 58, 106, 52, 124, 42, 90, 54, 45, 50, 37, 125, 117, 87, 102, 55, 23, 49, 46, 110, 60, 85, 123, 116, 83, 53, 61, 38, 119, 93, 114, 112, 21, 101, 22, 51, 115, 19, 80, 16, 77, 47, 63, 109, 111, 96, 86, 26, 32, 20, 25, 57, 82, 103, 41, 59, 13, 18, 84, 24, 78, 34, 27, 81, 98, 48, 39, 30, 100, 44, 17, 108, 15, 14, 79, 88, 75, 11, 104, 12, 9, 76, 89, 91, 105, 73, 107, 31, 43, 29, 40, 94, 92, 95, 36, 35, 6, 97, 72, 74, 99, 33, 10, 71, 70, 8, 68, 7, 28, 69, 65, 5, 0, 4, 64, 3, 1, 2, 66, 67], [122, 113, 62, 118, 120, 127, 56, 121, 126, 58, 52, 106, 124, 42, 90, 54, 45, 50, 37, 110, 123, 102, 55, 125, 87, 117, 116, 23, 60, 49, 38, 101, 53, 21, 93, 85, 83, 115, 114, 46, 47, 112, 63, 109, 57, 51, 59, 32, 16, 26, 22, 61, 19, 34, 96, 41, 111, 20, 25, 98, 119, 80, 77, 39, 27, 104, 24, 84, 86, 13, 82, 100, 78, 30, 108, 88, 43, 44, 18, 81, 48, 94, 91, 40, 17, 15, 29, 103, 11, 31, 75, 79, 105, 92, 89, 6, 14, 76, 95, 36, 9, 12, 73, 107, 97, 33, 35, 74, 99, 10, 28, 8, 72, 71, 68, 70, 1, 64, 4, 65, 0, 7, 69, 66, 2, 5, 67, 3], [122, 113, 62, 120, 118, 126, 127, 56, 121, 58, 52, 124, 106, 42, 117, 90, 116, 125, 123, 50, 55, 102, 45, 37, 87, 60, 23, 51, 63, 54, 110, 101, 115, 114, 38, 83, 53, 112, 85, 49, 109, 21, 93, 59, 47, 61, 80, 46, 111, 96, 16, 26, 77, 22, 82, 57, 119, 41, 19, 32, 103, 20, 13, 24, 34, 86, 27, 100, 108, 30, 25, 98, 104, 84, 14, 48, 18, 78, 81, 91, 39, 43, 88, 17, 79, 94, 12, 75, 44, 89, 73, 29, 11, 76, 15, 92, 107, 9, 40, 6, 36, 31, 97, 105, 95, 8, 33, 10, 99, 74, 35, 72, 68, 70, 28, 71, 69, 4, 7, 67, 0, 5, 65, 3, 1, 2, 64, 66], [122, 113, 62, 118, 126, 120, 121, 56, 127, 58, 52, 124, 106, 42, 123, 54, 125, 55, 110, 45, 102, 51, 90, 60, 50, 116, 117, 37, 63, 49, 87, 114, 53, 112, 119, 23, 115, 101, 85, 96, 93, 109, 57, 59, 38, 80, 111, 21, 83, 61, 19, 46, 47, 22, 77, 34, 16, 25, 41, 26, 20, 86, 13, 44, 18, 32, 82, 98, 48, 103, 100, 39, 30, 14, 81, 108, 43, 91, 24, 27, 15, 29, 78, 17, 11, 84, 12, 94, 89, 104, 73, 9, 8, 36, 79, 75, 76, 40, 10, 88, 6, 31, 74, 92, 107, 70, 105, 97, 95, 35, 68, 33, 28, 71, 99, 4, 65, 72, 1, 69, 0, 7, 64, 3, 66, 5, 2, 67], [122, 113, 62, 118, 120, 126, 127, 56, 121, 58, 52, 124, 106, 42, 123, 90, 51, 54, 55, 102, 110, 49, 45, 116, 125, 117, 50, 60, 87, 37, 114, 63, 112, 23, 53, 93, 38, 85, 101, 80, 109, 115, 83, 111, 59, 57, 96, 19, 46, 22, 47, 34, 20, 61, 21, 48, 25, 16, 119, 103, 77, 13, 41, 26, 32, 18, 39, 86, 14, 43, 98, 81, 82, 100, 11, 108, 75, 94, 24, 78, 27, 84, 17, 79, 15, 88, 76, 44, 9, 104, 30, 40, 12, 29, 36, 89, 73, 91, 10, 8, 107, 70, 74, 31, 6, 95, 35, 72, 97, 4, 92, 68, 7, 33, 99, 0, 69, 71, 1, 28, 65, 66, 105, 64, 5, 2, 3, 67], [122, 113, 62, 120, 118, 126, 127, 56, 121, 58, 106, 52, 124, 42, 54, 50, 90, 45, 102, 37, 110, 117, 55, 51, 116, 87, 23, 125, 85, 123, 38, 60, 57, 53, 101, 59, 63, 19, 46, 21, 119, 115, 93, 80, 26, 83, 32, 114, 22, 96, 47, 49, 109, 77, 86, 16, 103, 41, 20, 111, 112, 39, 98, 48, 61, 34, 25, 27, 24, 18, 13, 81, 82, 100, 91, 78, 17, 84, 15, 14, 89, 30, 88, 12, 43, 94, 76, 79, 11, 75, 104, 44, 29, 95, 9, 40, 108, 31, 36, 107, 8, 73, 92, 35, 33, 70, 97, 105, 74, 99, 72, 10, 71, 4, 28, 6, 7, 69, 68, 0, 65, 5, 3, 1, 66, 67, 64, 2], [122, 113, 62, 118, 126, 120, 127, 56, 121, 58, 52, 106, 124, 42, 54, 117, 125, 55, 90, 45, 50, 123, 87, 102, 110, 60, 116, 37, 63, 46, 114, 49, 51, 23, 85, 119, 57, 93, 38, 115, 83, 77, 19, 101, 112, 47, 53, 61, 21, 59, 109, 16, 96, 80, 22, 111, 86, 13, 20, 25, 34, 81, 26, 18, 41, 82, 27, 48, 103, 78, 14, 98, 39, 32, 76, 24, 100, 30, 17, 43, 75, 12, 15, 84, 11, 9, 73, 44, 79, 8, 104, 70, 91, 108, 29, 94, 40, 88, 31, 89, 72, 74, 92, 97, 35, 107, 36, 6, 95, 10, 7, 64, 71, 69, 33, 105, 4, 0, 65, 68, 99, 5, 66, 1, 2, 28, 67, 3], [122, 113, 62, 120, 118, 127, 126, 56, 58, 121, 52, 124, 106, 42, 54, 110, 55, 102, 125, 123, 50, 117, 45, 37, 90, 60, 51, 116, 87, 49, 46, 114, 61, 38, 23, 57, 63, 101, 112, 96, 109, 85, 115, 93, 59, 19, 41, 32, 83, 21, 26, 111, 22, 119, 47, 80, 53, 77, 34, 103, 20, 48, 25, 27, 98, 16, 86, 24, 100, 43, 39, 82, 13, 18, 44, 78, 81, 17, 94, 84, 15, 79, 89, 30, 107, 14, 40, 108, 29, 70, 75, 91, 104, 73, 9, 76, 11, 12, 88, 36, 31, 8, 72, 95, 35, 74, 105, 92, 97, 10, 33, 6, 28, 71, 99, 64, 1, 4, 69, 68, 0, 7, 65, 5, 67, 2, 66, 3], [122, 113, 62, 118, 120, 127, 126, 56, 121, 58, 52, 106, 124, 42, 55, 54, 45, 110, 90, 102, 125, 123, 117, 60, 37, 114, 51, 50, 87, 63, 46, 109, 61, 116, 85, 93, 101, 115, 49, 103, 53, 23, 38, 112, 47, 96, 57, 22, 83, 80, 59, 19, 111, 21, 26, 20, 32, 86, 77, 16, 41, 82, 34, 98, 13, 25, 100, 119, 39, 27, 24, 44, 78, 81, 18, 43, 48, 14, 30, 84, 89, 104, 75, 17, 15, 11, 76, 79, 29, 73, 12, 40, 108, 91, 94, 70, 9, 31, 88, 105, 74, 33, 10, 72, 36, 92, 107, 35, 95, 97, 99, 8, 71, 6, 68, 28, 4, 7, 0, 1, 66, 69, 64, 67, 5, 3, 2, 65], [122, 113, 62, 120, 118, 126, 127, 56, 121, 58, 52, 106, 124, 42, 117, 37, 102, 54, 90, 125, 87, 45, 116, 110, 50, 55, 123, 60, 23, 85, 46, 63, 112, 51, 114, 101, 93, 80, 38, 115, 49, 96, 59, 19, 47, 83, 21, 53, 103, 32, 111, 109, 27, 57, 119, 22, 26, 86, 16, 20, 77, 61, 24, 34, 25, 98, 81, 82, 48, 100, 18, 39, 41, 78, 44, 14, 13, 11, 79, 30, 17, 91, 84, 15, 88, 43, 9, 94, 40, 89, 12, 75, 104, 108, 29, 76, 31, 95, 73, 72, 36, 10, 35, 74, 92, 70, 28, 33, 107, 8, 6, 99, 7, 105, 97, 71, 68, 4, 69, 66, 5, 0, 64, 67, 1, 3, 65, 2], [122, 113, 62, 118, 120, 126, 56, 127, 121, 58, 106, 52, 124, 42, 117, 102, 37, 110, 90, 45, 87, 54, 125, 50, 60, 55, 112, 116, 85, 51, 23, 38, 46, 49, 123, 114, 101, 63, 53, 93, 115, 21, 47, 109, 26, 19, 83, 96, 80, 103, 59, 32, 61, 111, 57, 119, 16, 27, 22, 18, 41, 44, 24, 39, 34, 25, 86, 98, 77, 20, 84, 82, 100, 108, 17, 15, 43, 81, 88, 78, 30, 13, 91, 11, 79, 14, 104, 75, 40, 76, 89, 48, 31, 94, 9, 95, 72, 29, 73, 36, 107, 92, 12, 10, 35, 33, 6, 99, 74, 28, 97, 8, 70, 105, 7, 71, 5, 4, 68, 64, 0, 1, 65, 69, 67, 2, 3, 66], [122, 113, 62, 118, 120, 126, 127, 121, 56, 58, 52, 124, 106, 42, 117, 55, 102, 37, 125, 45, 60, 116, 110, 54, 90, 51, 123, 50, 87, 46, 38, 101, 114, 49, 115, 23, 53, 63, 32, 112, 93, 47, 96, 26, 59, 119, 85, 21, 22, 109, 44, 57, 61, 34, 19, 83, 103, 43, 41, 16, 100, 111, 88, 24, 27, 80, 20, 91, 39, 98, 86, 25, 94, 18, 108, 82, 77, 89, 78, 107, 84, 48, 104, 81, 30, 40, 14, 17, 13, 95, 29, 79, 31, 15, 11, 75, 6, 9, 36, 35, 99, 72, 28, 33, 76, 92, 12, 73, 105, 74, 97, 10, 70, 7, 69, 68, 71, 8, 0, 1, 3, 4, 5, 64, 65, 67, 66, 2], [122, 113, 62, 120, 118, 127, 126, 56, 121, 58, 52, 106, 124, 42, 117, 54, 60, 37, 55, 102, 45, 90, 51, 125, 87, 110, 50, 116, 123, 114, 101, 46, 61, 85, 63, 112, 23, 96, 93, 59, 38, 49, 22, 103, 47, 109, 111, 119, 53, 32, 34, 115, 41, 19, 21, 26, 27, 16, 83, 57, 20, 24, 77, 18, 25, 44, 86, 80, 39, 48, 98, 100, 30, 88, 43, 13, 89, 82, 14, 108, 78, 75, 81, 84, 31, 79, 94, 104, 29, 11, 6, 17, 73, 15, 95, 9, 35, 72, 105, 92, 76, 33, 91, 40, 12, 36, 107, 74, 99, 28, 8, 97, 10, 68, 7, 5, 71, 70, 4, 64, 66, 1, 65, 69, 0, 67, 3, 2], [122, 113, 62, 118, 120, 126, 127, 56, 121, 58, 106, 52, 124, 42, 117, 55, 60, 125, 110, 54, 90, 51, 102, 114, 50, 45, 123, 112, 87, 37, 115, 53, 85, 116, 93, 23, 119, 61, 109, 46, 63, 38, 22, 47, 49, 103, 101, 59, 83, 111, 19, 21, 96, 80, 57, 77, 26, 34, 86, 44, 27, 98, 16, 39, 32, 13, 82, 24, 14, 25, 20, 48, 100, 81, 18, 108, 17, 41, 84, 30, 88, 11, 9, 89, 75, 72, 79, 91, 43, 6, 78, 104, 29, 94, 15, 76, 73, 36, 40, 31, 107, 12, 92, 74, 10, 35, 8, 33, 99, 95, 70, 68, 28, 97, 105, 4, 5, 7, 71, 66, 0, 1, 64, 67, 69, 65, 3, 2], [122, 113, 62, 118, 120, 126, 127, 121, 56, 58, 52, 106, 124, 42, 117, 55, 110, 45, 102, 54, 90, 51, 125, 37, 46, 87, 50, 114, 115, 112, 60, 63, 61, 123, 38, 116, 53, 101, 49, 85, 23, 119, 47, 109, 22, 93, 83, 57, 26, 21, 59, 19, 96, 41, 111, 80, 44, 103, 34, 18, 32, 16, 24, 27, 77, 39, 43, 48, 100, 13, 25, 88, 20, 84, 17, 94, 98, 82, 30, 91, 86, 78, 89, 11, 14, 76, 104, 75, 29, 79, 81, 36, 107, 31, 15, 9, 95, 73, 99, 35, 40, 92, 108, 12, 6, 33, 72, 74, 10, 97, 28, 105, 68, 70, 8, 7, 64, 71, 66, 0, 67, 65, 4, 5, 69, 2, 1, 3], [122, 113, 62, 118, 126, 120, 56, 127, 121, 58, 52, 106, 124, 42, 54, 125, 117, 110, 37, 55, 50, 90, 102, 53, 60, 45, 123, 114, 51, 115, 87, 63, 38, 61, 112, 101, 49, 23, 109, 116, 57, 85, 59, 119, 111, 46, 26, 21, 96, 19, 93, 22, 34, 47, 83, 41, 48, 32, 103, 80, 16, 13, 98, 44, 27, 25, 77, 91, 24, 84, 86, 82, 30, 94, 29, 18, 20, 40, 39, 100, 107, 17, 81, 108, 78, 43, 31, 88, 11, 76, 14, 89, 75, 9, 79, 36, 35, 104, 95, 15, 73, 99, 12, 92, 10, 70, 8, 28, 97, 72, 74, 68, 33, 105, 7, 6, 64, 0, 71, 1, 65, 4, 5, 67, 69, 2, 66, 3], [122, 113, 62, 118, 120, 126, 56, 127, 121, 58, 106, 52, 124, 42, 117, 60, 54, 125, 90, 45, 87, 50, 37, 55, 110, 102, 51, 123, 114, 49, 61, 46, 63, 116, 38, 119, 93, 23, 115, 85, 22, 101, 96, 21, 59, 83, 109, 53, 112, 103, 26, 111, 80, 34, 57, 16, 25, 47, 19, 27, 32, 41, 13, 98, 77, 24, 18, 30, 20, 48, 108, 43, 44, 39, 104, 82, 17, 86, 88, 75, 100, 81, 14, 84, 29, 78, 31, 91, 11, 94, 12, 73, 15, 9, 107, 40, 70, 92, 79, 76, 89, 36, 35, 33, 95, 99, 74, 8, 72, 10, 105, 97, 68, 6, 28, 4, 71, 69, 7, 0, 5, 64, 1, 67, 65, 66, 2, 3], [122, 113, 62, 120, 118, 127, 126, 56, 121, 58, 52, 106, 124, 42, 55, 125, 117, 123, 102, 50, 116, 37, 60, 90, 45, 110, 87, 54, 51, 61, 63, 46, 53, 38, 115, 101, 23, 114, 112, 93, 57, 85, 119, 22, 96, 83, 49, 47, 26, 109, 103, 48, 21, 80, 59, 111, 32, 27, 19, 16, 25, 20, 44, 24, 18, 34, 88, 41, 86, 43, 13, 98, 82, 77, 91, 104, 100, 94, 17, 84, 39, 30, 11, 14, 81, 40, 9, 89, 75, 79, 15, 78, 70, 29, 12, 107, 76, 73, 35, 33, 31, 36, 95, 99, 74, 92, 97, 108, 10, 8, 72, 71, 28, 7, 4, 6, 5, 69, 68, 0, 105, 65, 64, 66, 3, 67, 1, 2], [122, 113, 62, 120, 118, 126, 127, 56, 121, 58, 106, 52, 124, 42, 117, 90, 50, 125, 102, 45, 60, 54, 55, 123, 87, 37, 23, 49, 63, 110, 46, 112, 116, 51, 47, 114, 38, 85, 109, 93, 101, 83, 119, 96, 115, 103, 59, 86, 22, 57, 16, 41, 32, 26, 111, 53, 21, 27, 20, 19, 61, 80, 34, 98, 13, 48, 82, 77, 100, 24, 25, 44, 14, 30, 75, 17, 18, 84, 11, 79, 9, 81, 43, 88, 12, 78, 39, 91, 94, 40, 89, 73, 31, 108, 15, 104, 70, 92, 8, 76, 36, 29, 10, 33, 107, 95, 35, 97, 74, 72, 99, 105, 6, 71, 7, 28, 68, 4, 1, 64, 5, 69, 2, 0, 65, 67, 66, 3], [122, 113, 62, 120, 118, 126, 127, 121, 56, 58, 52, 106, 124, 42, 125, 50, 54, 123, 90, 55, 60, 45, 110, 102, 37, 117, 114, 112, 87, 116, 53, 115, 38, 49, 23, 51, 101, 109, 57, 63, 93, 119, 19, 96, 85, 32, 47, 21, 59, 46, 41, 61, 22, 34, 83, 80, 26, 27, 94, 86, 111, 44, 103, 25, 24, 16, 43, 20, 91, 77, 39, 84, 13, 108, 18, 88, 40, 100, 30, 98, 31, 17, 82, 48, 104, 14, 29, 89, 81, 11, 95, 107, 15, 12, 36, 79, 73, 75, 78, 35, 9, 8, 76, 92, 99, 70, 10, 33, 28, 105, 97, 74, 7, 4, 6, 72, 71, 68, 65, 1, 0, 69, 5, 64, 67, 2, 66, 3], [122, 113, 62, 118, 120, 126, 127, 56, 121, 58, 52, 106, 124, 42, 54, 90, 60, 123, 117, 45, 37, 50, 125, 102, 55, 49, 114, 87, 110, 116, 112, 115, 93, 57, 23, 38, 53, 51, 109, 85, 83, 63, 119, 101, 46, 61, 21, 96, 19, 59, 80, 41, 16, 22, 20, 47, 98, 27, 34, 77, 82, 13, 32, 25, 26, 100, 103, 111, 44, 30, 24, 86, 81, 39, 18, 14, 48, 108, 43, 78, 73, 11, 94, 84, 75, 9, 17, 79, 91, 104, 12, 29, 15, 89, 88, 76, 8, 31, 36, 40, 92, 10, 74, 107, 70, 6, 71, 33, 35, 7, 0, 4, 97, 72, 68, 65, 64, 28, 105, 1, 99, 95, 2, 5, 69, 67, 3, 66], [122, 113, 62, 118, 120, 127, 126, 121, 56, 58, 52, 106, 124, 42, 55, 54, 102, 51, 123, 90, 37, 50, 125, 110, 45, 53, 87, 114, 117, 116, 63, 60, 38, 49, 61, 57, 115, 101, 85, 23, 112, 93, 103, 83, 96, 32, 47, 46, 109, 22, 111, 41, 34, 59, 26, 19, 24, 27, 77, 21, 80, 16, 20, 82, 98, 17, 94, 86, 39, 43, 88, 30, 48, 13, 44, 100, 18, 14, 119, 29, 25, 84, 91, 78, 89, 31, 75, 79, 11, 108, 9, 73, 104, 35, 81, 6, 12, 36, 40, 107, 95, 15, 92, 8, 76, 33, 97, 10, 99, 74, 70, 105, 71, 4, 68, 72, 28, 7, 1, 64, 2, 5, 69, 65, 0, 66, 67, 3], [122, 113, 62, 120, 118, 127, 56, 126, 121, 58, 52, 124, 106, 42, 54, 90, 102, 50, 37, 125, 55, 60, 117, 45, 110, 87, 51, 116, 123, 46, 114, 53, 49, 101, 59, 57, 38, 61, 85, 93, 112, 63, 23, 109, 83, 22, 96, 115, 47, 32, 103, 21, 80, 119, 26, 19, 77, 34, 13, 41, 44, 16, 25, 20, 14, 18, 98, 81, 27, 100, 24, 11, 30, 78, 48, 75, 86, 82, 111, 17, 108, 39, 43, 9, 79, 12, 91, 94, 84, 76, 6, 73, 8, 89, 15, 40, 104, 31, 29, 88, 36, 107, 10, 72, 33, 92, 99, 74, 35, 97, 95, 4, 71, 70, 28, 105, 68, 64, 7, 2, 65, 5, 1, 0, 3, 69, 66, 67], [122, 113, 62, 118, 120, 126, 127, 56, 121, 58, 52, 106, 124, 42, 54, 55, 90, 102, 45, 110, 37, 125, 117, 123, 87, 50, 51, 116, 57, 60, 63, 46, 53, 101, 49, 114, 23, 85, 38, 61, 93, 115, 83, 59, 112, 103, 109, 47, 32, 21, 22, 16, 96, 19, 20, 13, 41, 80, 24, 77, 34, 48, 25, 100, 82, 27, 111, 26, 86, 104, 88, 14, 17, 44, 43, 94, 119, 78, 18, 39, 11, 12, 30, 81, 98, 73, 84, 31, 108, 15, 89, 76, 75, 29, 79, 35, 6, 91, 40, 9, 92, 107, 36, 95, 8, 10, 99, 97, 68, 72, 74, 33, 71, 105, 7, 4, 5, 70, 0, 1, 64, 28, 65, 67, 66, 69, 3, 2], [122, 113, 62, 120, 118, 126, 56, 121, 127, 58, 52, 106, 124, 42, 54, 117, 45, 90, 50, 55, 125, 102, 63, 87, 60, 37, 116, 123, 51, 110, 114, 115, 85, 38, 53, 101, 93, 49, 23, 57, 61, 46, 83, 21, 59, 47, 109, 80, 119, 20, 13, 96, 22, 34, 77, 103, 111, 48, 19, 112, 25, 41, 82, 32, 26, 86, 27, 24, 16, 44, 43, 14, 30, 75, 100, 78, 89, 18, 11, 104, 98, 84, 88, 81, 17, 12, 9, 76, 73, 15, 39, 79, 94, 29, 6, 31, 40, 8, 91, 108, 105, 92, 107, 10, 72, 35, 71, 99, 95, 36, 74, 97, 70, 4, 33, 68, 69, 28, 7, 5, 64, 0, 1, 65, 66, 3, 2, 67]], "model.layers.11.self_attn.q_proj": [[45, 36, 96, 109, 92, 23, 86, 62, 48, 28, 14, 20, 10, 16, 61, 81, 71, 54, 56, 25, 89, 73, 18, 111, 22, 32, 70, 66, 4, 58, 47, 67, 125, 76, 17, 83, 88, 94, 42, 37, 38, 11, 12, 84, 29, 107, 30, 82, 78, 27, 80, 87, 95, 74, 21, 24, 19, 75, 13, 97, 64, 6, 1, 50, 9, 5, 102, 91, 15, 46, 77, 55, 85, 40, 116, 53, 41, 79, 43, 90, 49, 113, 115, 39, 122, 60, 51, 100, 3, 34, 98, 101, 69, 126, 112, 26, 123, 59, 93, 33, 114, 7, 108, 120, 105, 72, 119, 31, 63, 118, 103, 106, 99, 124, 35, 110, 44, 52, 8, 57, 127, 121, 2, 104, 117, 65, 0, 68], [45, 36, 109, 96, 62, 92, 28, 25, 54, 86, 48, 4, 89, 81, 7, 3, 47, 102, 23, 100, 40, 20, 32, 43, 14, 22, 1, 111, 8, 38, 58, 10, 101, 66, 46, 12, 116, 41, 50, 125, 107, 55, 64, 18, 114, 56, 126, 122, 51, 49, 74, 120, 42, 5, 57, 97, 112, 59, 118, 127, 123, 19, 39, 108, 113, 37, 115, 105, 99, 53, 63, 31, 104, 0, 52, 121, 35, 29, 61, 119, 124, 34, 106, 44, 110, 60, 33, 117, 30, 11, 98, 103, 95, 17, 9, 68, 91, 93, 90, 70, 84, 65, 75, 27, 24, 80, 94, 26, 15, 85, 72, 88, 78, 21, 82, 2, 6, 73, 16, 69, 79, 76, 87, 83, 71, 77, 67, 13], [45, 36, 109, 48, 100, 25, 86, 96, 92, 125, 111, 58, 54, 56, 22, 50, 107, 46, 43, 113, 55, 47, 41, 122, 23, 116, 115, 114, 120, 101, 32, 119, 112, 53, 118, 57, 28, 62, 60, 117, 38, 127, 121, 40, 59, 97, 49, 51, 20, 63, 42, 39, 110, 126, 102, 52, 124, 44, 123, 108, 10, 81, 103, 105, 14, 106, 4, 7, 61, 88, 104, 89, 15, 37, 24, 83, 31, 99, 98, 33, 35, 34, 91, 78, 30, 12, 19, 93, 29, 3, 95, 74, 84, 85, 21, 94, 90, 66, 17, 80, 18, 16, 87, 1, 8, 9, 27, 75, 26, 82, 11, 76, 70, 79, 65, 64, 0, 73, 68, 72, 5, 13, 77, 71, 6, 69, 2, 67], [45, 36, 96, 109, 25, 28, 62, 92, 86, 48, 23, 20, 54, 89, 14, 81, 111, 61, 56, 58, 10, 18, 97, 107, 47, 32, 41, 22, 46, 125, 12, 102, 80, 100, 43, 30, 16, 4, 50, 42, 113, 53, 40, 38, 39, 9, 115, 101, 37, 66, 1, 55, 64, 71, 31, 122, 3, 17, 44, 114, 126, 105, 91, 116, 21, 108, 5, 87, 70, 51, 93, 112, 94, 8, 34, 29, 60, 49, 57, 110, 90, 83, 95, 7, 85, 121, 19, 118, 98, 120, 84, 78, 127, 24, 52, 123, 99, 88, 106, 35, 15, 76, 124, 26, 27, 104, 119, 33, 59, 79, 103, 11, 117, 63, 82, 75, 72, 74, 73, 0, 77, 68, 65, 69, 6, 13, 2, 67], [58, 123, 63, 37, 117, 26, 87, 33, 88, 95, 86, 76, 17, 20, 78, 80, 83, 122, 81, 91, 126, 118, 30, 92, 0, 85, 12, 124, 67, 5, 9, 97, 82, 69, 79, 24, 90, 93, 1, 60, 70, 22, 18, 29, 14, 2, 23, 3, 25, 96, 27, 21, 61, 71, 16, 45, 120, 84, 50, 73, 75, 125, 77, 94, 72, 15, 32, 28, 109, 31, 19, 115, 89, 62, 11, 52, 56, 13, 54, 8, 113, 55, 127, 10, 59, 49, 112, 7, 57, 74, 47, 66, 100, 46, 68, 116, 111, 121, 6, 48, 103, 53, 64, 34, 106, 114, 38, 110, 40, 35, 98, 101, 65, 36, 119, 107, 105, 42, 102, 39, 51, 43, 104, 108, 41, 44, 99, 4], [123, 63, 58, 37, 117, 122, 126, 118, 60, 62, 33, 112, 115, 124, 61, 50, 52, 125, 54, 59, 30, 56, 45, 49, 101, 48, 47, 114, 119, 116, 57, 113, 55, 127, 39, 111, 99, 53, 110, 109, 40, 105, 121, 100, 106, 108, 43, 51, 46, 44, 104, 42, 120, 41, 10, 103, 102, 16, 88, 107, 34, 38, 86, 35, 21, 96, 36, 92, 32, 98, 97, 84, 95, 26, 18, 77, 93, 19, 28, 8, 29, 91, 94, 83, 14, 24, 22, 31, 65, 13, 68, 89, 15, 7, 27, 12, 17, 25, 23, 87, 82, 64, 70, 67, 90, 85, 75, 80, 79, 5, 4, 73, 78, 66, 71, 20, 72, 9, 69, 11, 81, 1, 76, 74, 3, 2, 0, 6], [63, 123, 58, 117, 60, 126, 118, 124, 122, 10, 37, 50, 62, 115, 54, 61, 68, 125, 52, 59, 65, 45, 112, 116, 56, 113, 8, 49, 127, 13, 16, 121, 48, 114, 55, 47, 7, 64, 57, 111, 53, 46, 40, 67, 21, 15, 14, 119, 17, 51, 120, 84, 12, 109, 75, 78, 110, 43, 99, 77, 100, 70, 73, 108, 5, 104, 44, 18, 105, 42, 106, 33, 39, 107, 102, 4, 41, 92, 103, 19, 101, 38, 1, 30, 66, 96, 24, 86, 9, 93, 95, 36, 88, 0, 28, 97, 34, 35, 87, 22, 80, 98, 83, 29, 79, 32, 31, 69, 91, 26, 25, 71, 76, 81, 27, 20, 23, 89, 72, 94, 74, 85, 90, 11, 82, 3, 2, 6], [58, 123, 63, 37, 122, 117, 126, 118, 60, 88, 33, 10, 112, 115, 61, 54, 62, 124, 50, 125, 52, 101, 30, 49, 59, 45, 16, 56, 55, 116, 48, 39, 111, 40, 113, 127, 114, 57, 93, 47, 8, 106, 53, 110, 100, 119, 120, 28, 92, 18, 51, 77, 19, 84, 86, 109, 108, 121, 46, 65, 21, 96, 26, 14, 68, 43, 104, 12, 44, 102, 105, 99, 42, 13, 91, 15, 41, 103, 24, 38, 95, 35, 32, 107, 97, 34, 83, 29, 36, 7, 5, 17, 98, 70, 31, 64, 75, 67, 25, 73, 22, 94, 89, 78, 66, 27, 82, 87, 90, 20, 80, 79, 71, 9, 4, 76, 23, 85, 1, 81, 72, 2, 11, 74, 0, 69, 3, 6], [102, 46, 110, 19, 91, 88, 125, 86, 114, 113, 95, 43, 111, 122, 27, 12, 10, 50, 63, 16, 18, 60, 52, 31, 107, 56, 17, 42, 54, 45, 123, 93, 71, 126, 119, 55, 69, 120, 118, 76, 83, 99, 44, 116, 41, 48, 121, 59, 51, 108, 58, 112, 47, 124, 105, 61, 57, 109, 36, 70, 53, 100, 39, 24, 104, 49, 34, 117, 4, 103, 127, 115, 67, 30, 106, 40, 62, 97, 23, 94, 101, 33, 22, 35, 9, 32, 80, 72, 82, 96, 37, 29, 89, 79, 98, 28, 14, 81, 20, 25, 87, 26, 90, 21, 11, 92, 74, 85, 65, 84, 78, 15, 38, 66, 13, 75, 77, 2, 73, 8, 0, 6, 5, 68, 7, 3, 1, 64], [102, 46, 110, 91, 86, 88, 125, 19, 16, 95, 113, 27, 69, 76, 122, 111, 10, 12, 71, 70, 72, 67, 43, 4, 85, 18, 93, 82, 114, 66, 9, 31, 24, 58, 90, 13, 17, 14, 117, 83, 23, 100, 22, 49, 121, 79, 65, 116, 74, 99, 63, 28, 124, 45, 29, 120, 80, 30, 41, 42, 54, 44, 81, 123, 56, 39, 78, 57, 60, 35, 126, 8, 52, 92, 2, 11, 112, 25, 53, 94, 103, 75, 47, 40, 59, 119, 61, 38, 36, 104, 107, 51, 127, 21, 55, 84, 115, 118, 32, 98, 0, 96, 101, 62, 108, 97, 87, 89, 33, 15, 26, 48, 50, 105, 37, 34, 106, 20, 109, 5, 6, 73, 77, 7, 68, 3, 64, 1], [102, 46, 110, 19, 27, 86, 88, 122, 95, 1, 78, 3, 7, 74, 76, 67, 91, 71, 24, 64, 65, 16, 5, 93, 4, 73, 125, 22, 18, 114, 9, 14, 68, 69, 111, 0, 82, 12, 11, 8, 31, 72, 113, 2, 70, 79, 99, 10, 66, 83, 43, 6, 75, 77, 45, 80, 17, 124, 121, 112, 40, 21, 20, 58, 116, 120, 42, 56, 63, 119, 50, 13, 123, 25, 57, 23, 47, 89, 15, 33, 81, 44, 104, 54, 90, 32, 85, 107, 103, 87, 34, 29, 118, 28, 105, 51, 36, 39, 97, 96, 38, 100, 101, 126, 94, 49, 84, 26, 92, 52, 117, 106, 62, 59, 108, 41, 30, 37, 35, 61, 115, 109, 60, 48, 98, 53, 127, 55], [102, 46, 110, 91, 88, 86, 19, 16, 95, 27, 18, 125, 122, 76, 10, 93, 31, 113, 114, 24, 111, 74, 71, 12, 69, 78, 70, 22, 72, 14, 83, 43, 4, 17, 82, 30, 67, 79, 80, 94, 60, 99, 29, 15, 58, 9, 75, 120, 23, 100, 39, 21, 66, 6, 13, 89, 90, 49, 38, 11, 116, 33, 42, 52, 126, 32, 81, 123, 36, 85, 107, 97, 65, 28, 59, 61, 41, 103, 92, 45, 73, 112, 54, 84, 50, 63, 87, 25, 53, 51, 56, 35, 44, 26, 101, 119, 48, 77, 37, 0, 121, 55, 2, 34, 106, 124, 127, 117, 109, 98, 57, 104, 115, 20, 40, 105, 62, 96, 47, 108, 118, 5, 8, 7, 68, 3, 64, 1], [63, 59, 106, 36, 14, 42, 114, 121, 60, 15, 126, 117, 47, 12, 97, 48, 52, 124, 123, 100, 120, 11, 82, 125, 122, 109, 113, 84, 115, 49, 56, 116, 58, 16, 53, 119, 62, 110, 33, 54, 44, 111, 51, 85, 61, 24, 57, 45, 55, 46, 118, 83, 127, 108, 112, 107, 43, 104, 50, 105, 72, 0, 41, 92, 17, 103, 40, 39, 65, 102, 37, 69, 38, 99, 81, 10, 89, 101, 67, 91, 34, 98, 6, 9, 7, 21, 35, 18, 73, 88, 93, 22, 68, 31, 86, 13, 29, 2, 96, 32, 94, 64, 95, 19, 27, 66, 25, 30, 28, 23, 1, 26, 4, 90, 8, 20, 75, 87, 76, 70, 77, 80, 78, 79, 5, 3, 71, 74], [59, 63, 100, 97, 42, 36, 60, 121, 93, 87, 79, 88, 73, 27, 76, 20, 117, 33, 47, 52, 82, 15, 106, 114, 92, 78, 75, 12, 124, 68, 86, 6, 116, 125, 14, 25, 85, 8, 67, 105, 126, 81, 18, 83, 104, 80, 11, 28, 48, 95, 29, 69, 56, 26, 31, 110, 7, 19, 65, 2, 90, 72, 91, 22, 10, 84, 24, 17, 123, 45, 120, 34, 115, 38, 98, 96, 89, 113, 37, 99, 16, 109, 111, 23, 53, 107, 103, 49, 102, 35, 46, 74, 21, 127, 30, 94, 62, 122, 108, 77, 39, 13, 32, 50, 101, 112, 119, 41, 58, 54, 44, 70, 40, 43, 64, 71, 51, 57, 9, 55, 5, 61, 118, 0, 3, 66, 4, 1], [59, 63, 100, 97, 14, 68, 36, 6, 76, 42, 60, 73, 7, 12, 10, 67, 69, 72, 8, 11, 87, 88, 121, 2, 93, 82, 27, 65, 25, 52, 33, 20, 13, 17, 117, 81, 16, 15, 47, 78, 106, 79, 70, 74, 29, 83, 21, 80, 86, 22, 95, 77, 116, 126, 85, 48, 71, 105, 114, 124, 123, 91, 89, 26, 9, 64, 5, 84, 125, 23, 115, 110, 19, 90, 56, 75, 104, 31, 92, 24, 49, 3, 113, 122, 120, 109, 18, 127, 111, 119, 45, 46, 107, 98, 53, 28, 58, 38, 35, 54, 37, 44, 51, 55, 62, 94, 103, 41, 50, 96, 34, 61, 39, 40, 57, 43, 108, 0, 112, 118, 102, 4, 32, 99, 30, 101, 66, 1], [59, 63, 100, 97, 36, 42, 121, 106, 60, 114, 93, 27, 73, 20, 117, 33, 78, 76, 52, 12, 125, 123, 88, 126, 86, 48, 124, 116, 120, 87, 6, 47, 113, 110, 122, 99, 67, 82, 58, 68, 111, 51, 115, 79, 25, 8, 109, 49, 53, 54, 62, 37, 119, 118, 55, 104, 56, 112, 46, 45, 69, 81, 98, 14, 92, 18, 57, 105, 44, 29, 61, 7, 127, 108, 10, 102, 2, 50, 15, 31, 107, 80, 22, 65, 43, 84, 35, 85, 39, 90, 41, 34, 83, 91, 75, 17, 103, 38, 95, 96, 94, 32, 28, 101, 24, 26, 40, 30, 89, 23, 11, 19, 5, 72, 74, 13, 9, 16, 64, 21, 0, 71, 77, 70, 66, 3, 4, 1], [101, 121, 116, 94, 57, 17, 71, 19, 2, 52, 78, 21, 3, 5, 75, 24, 64, 88, 9, 66, 76, 69, 124, 30, 1, 7, 80, 6, 118, 18, 115, 127, 117, 0, 67, 53, 11, 63, 70, 37, 120, 50, 125, 14, 33, 87, 72, 73, 29, 60, 83, 105, 97, 12, 82, 104, 54, 61, 79, 91, 59, 81, 16, 74, 122, 20, 4, 96, 43, 93, 46, 51, 113, 22, 106, 112, 77, 110, 65, 27, 40, 86, 15, 85, 111, 45, 13, 58, 126, 25, 26, 23, 55, 41, 84, 39, 48, 42, 89, 107, 102, 28, 31, 68, 10, 90, 62, 8, 92, 103, 123, 114, 49, 108, 99, 44, 56, 35, 100, 109, 34, 47, 38, 95, 32, 98, 119, 36], [101, 121, 116, 94, 57, 24, 21, 52, 19, 17, 78, 76, 80, 30, 88, 9, 75, 5, 37, 7, 15, 71, 11, 18, 69, 97, 29, 67, 33, 124, 63, 118, 66, 82, 117, 53, 127, 3, 73, 16, 115, 105, 22, 0, 120, 50, 60, 46, 86, 6, 81, 14, 2, 72, 1, 28, 26, 54, 83, 106, 20, 45, 51, 59, 43, 79, 122, 12, 85, 89, 91, 74, 77, 90, 39, 58, 104, 87, 125, 42, 13, 114, 41, 70, 110, 113, 112, 23, 61, 25, 96, 10, 109, 92, 93, 56, 95, 108, 31, 84, 49, 123, 32, 40, 102, 107, 62, 48, 126, 98, 4, 8, 99, 27, 103, 65, 111, 100, 35, 47, 38, 34, 55, 64, 119, 44, 36, 68], [101, 116, 121, 94, 52, 37, 30, 21, 57, 24, 19, 85, 80, 33, 117, 115, 105, 16, 50, 127, 124, 114, 62, 113, 26, 104, 59, 53, 125, 58, 118, 110, 60, 43, 51, 39, 49, 95, 63, 97, 107, 123, 54, 120, 55, 41, 45, 61, 91, 76, 17, 102, 46, 48, 42, 112, 56, 111, 28, 126, 122, 109, 38, 108, 103, 89, 119, 78, 36, 32, 73, 40, 22, 93, 99, 47, 44, 100, 106, 20, 35, 23, 27, 96, 15, 12, 18, 98, 87, 34, 92, 31, 86, 29, 88, 83, 79, 90, 25, 81, 82, 7, 9, 84, 14, 74, 5, 11, 66, 70, 72, 8, 75, 10, 13, 67, 77, 4, 6, 69, 2, 71, 3, 64, 68, 65, 0, 1], [101, 116, 121, 94, 57, 21, 24, 19, 76, 52, 17, 80, 78, 30, 6, 75, 9, 3, 33, 88, 71, 37, 124, 2, 127, 67, 29, 117, 97, 60, 115, 69, 83, 118, 46, 7, 18, 53, 64, 63, 50, 1, 23, 0, 16, 54, 90, 22, 106, 73, 70, 82, 14, 68, 12, 77, 26, 81, 122, 72, 112, 85, 61, 43, 13, 93, 58, 59, 104, 86, 98, 27, 79, 120, 42, 105, 20, 11, 74, 96, 84, 28, 39, 35, 125, 40, 65, 91, 25, 110, 123, 15, 107, 95, 41, 10, 92, 111, 32, 51, 99, 89, 87, 109, 103, 31, 48, 45, 62, 36, 126, 34, 113, 38, 44, 4, 55, 114, 49, 47, 56, 8, 100, 119, 102, 108, 5, 66], [40, 126, 97, 25, 89, 95, 87, 86, 28, 92, 121, 84, 15, 83, 115, 63, 82, 122, 55, 17, 49, 44, 53, 37, 119, 62, 29, 50, 38, 104, 45, 111, 91, 107, 61, 101, 46, 43, 41, 35, 9, 114, 123, 120, 102, 118, 23, 52, 117, 30, 54, 58, 109, 60, 12, 124, 48, 75, 57, 13, 42, 47, 116, 36, 103, 32, 98, 20, 34, 56, 105, 18, 85, 39, 51, 127, 110, 125, 90, 106, 16, 67, 112, 21, 59, 99, 1, 31, 96, 108, 113, 5, 80, 27, 74, 93, 79, 22, 100, 94, 71, 88, 11, 24, 0, 19, 26, 68, 77, 33, 73, 81, 6, 72, 70, 64, 14, 4, 66, 78, 7, 2, 69, 76, 65, 10, 8, 3], [40, 126, 97, 95, 89, 92, 86, 25, 120, 61, 15, 122, 28, 87, 82, 52, 83, 62, 17, 53, 84, 9, 60, 29, 121, 45, 63, 59, 12, 58, 118, 16, 107, 54, 21, 123, 114, 116, 85, 49, 47, 13, 77, 23, 117, 30, 8, 55, 33, 20, 115, 46, 127, 125, 50, 18, 79, 119, 36, 27, 56, 22, 57, 111, 80, 112, 90, 124, 44, 102, 110, 113, 106, 43, 93, 101, 91, 31, 41, 108, 109, 48, 38, 72, 24, 51, 35, 81, 68, 104, 4, 70, 19, 103, 71, 75, 100, 88, 96, 105, 37, 76, 6, 42, 2, 98, 39, 11, 78, 34, 26, 73, 14, 32, 99, 69, 66, 10, 94, 74, 1, 5, 0, 67, 64, 7, 3, 65], [126, 40, 97, 95, 86, 121, 101, 28, 82, 122, 62, 58, 120, 25, 53, 115, 45, 61, 102, 111, 84, 52, 54, 44, 114, 127, 60, 49, 92, 59, 118, 56, 63, 125, 50, 83, 46, 37, 112, 47, 113, 87, 89, 15, 43, 123, 57, 117, 51, 119, 55, 100, 29, 18, 12, 9, 116, 33, 108, 68, 30, 21, 109, 35, 48, 107, 110, 27, 73, 71, 91, 66, 38, 69, 80, 36, 93, 78, 124, 106, 19, 72, 10, 103, 99, 41, 42, 76, 14, 79, 65, 24, 90, 77, 23, 85, 16, 17, 31, 2, 13, 20, 105, 104, 5, 7, 34, 26, 3, 67, 64, 39, 98, 11, 1, 32, 94, 22, 75, 96, 88, 70, 74, 0, 8, 4, 81, 6], [126, 40, 97, 121, 61, 122, 71, 67, 49, 62, 89, 1, 54, 101, 60, 25, 53, 52, 59, 5, 45, 43, 95, 127, 63, 58, 114, 125, 120, 92, 28, 47, 56, 68, 50, 12, 46, 0, 86, 118, 84, 102, 111, 55, 57, 112, 82, 115, 117, 116, 123, 113, 66, 88, 108, 64, 81, 15, 73, 44, 51, 11, 109, 107, 77, 105, 119, 110, 106, 100, 30, 87, 24, 48, 42, 38, 19, 9, 41, 76, 14, 124, 17, 69, 2, 34, 36, 18, 27, 6, 4, 20, 78, 94, 35, 13, 72, 32, 39, 23, 103, 37, 99, 98, 16, 91, 85, 80, 3, 7, 74, 29, 83, 70, 104, 75, 21, 22, 93, 65, 10, 96, 31, 90, 26, 33, 79, 8], [104, 111, 30, 119, 26, 19, 127, 24, 94, 21, 79, 62, 9, 113, 61, 123, 12, 40, 81, 32, 86, 122, 47, 87, 118, 63, 78, 114, 54, 83, 68, 36, 49, 110, 89, 88, 126, 107, 90, 85, 100, 105, 115, 74, 56, 96, 71, 43, 4, 18, 70, 15, 57, 46, 17, 76, 125, 55, 121, 51, 120, 106, 42, 23, 37, 80, 117, 73, 3, 14, 97, 20, 112, 1, 103, 53, 92, 69, 45, 50, 5, 95, 101, 59, 66, 48, 38, 98, 39, 41, 22, 124, 102, 93, 28, 91, 108, 116, 10, 75, 52, 82, 58, 33, 99, 67, 77, 64, 35, 84, 8, 34, 31, 16, 60, 29, 44, 13, 2, 109, 27, 72, 11, 7, 25, 0, 65, 6], [104, 111, 119, 30, 62, 127, 24, 19, 21, 26, 94, 79, 12, 113, 47, 9, 123, 81, 122, 40, 32, 54, 70, 1, 61, 96, 86, 87, 49, 90, 118, 4, 91, 107, 67, 110, 15, 63, 20, 57, 120, 82, 105, 23, 64, 68, 43, 126, 85, 124, 103, 22, 56, 114, 45, 121, 36, 53, 46, 42, 55, 78, 58, 52, 112, 100, 109, 117, 18, 88, 89, 108, 71, 59, 98, 101, 2, 17, 115, 28, 83, 106, 74, 13, 41, 37, 34, 80, 27, 48, 66, 5, 50, 116, 125, 51, 75, 95, 60, 38, 84, 76, 72, 93, 8, 39, 99, 44, 73, 35, 102, 33, 3, 29, 16, 6, 10, 7, 0, 14, 31, 25, 97, 92, 11, 77, 69, 65], [104, 111, 119, 30, 127, 24, 62, 26, 94, 19, 21, 79, 113, 9, 61, 32, 122, 107, 12, 81, 86, 87, 54, 123, 40, 63, 47, 36, 105, 49, 70, 103, 117, 43, 114, 110, 56, 118, 100, 57, 126, 41, 83, 108, 85, 89, 96, 120, 90, 46, 37, 53, 28, 45, 95, 68, 88, 48, 42, 74, 115, 51, 112, 121, 39, 101, 38, 55, 1, 18, 125, 15, 4, 20, 78, 58, 76, 23, 17, 35, 91, 99, 59, 13, 98, 116, 52, 106, 44, 124, 93, 109, 50, 34, 102, 29, 97, 71, 67, 73, 64, 60, 82, 31, 33, 92, 72, 22, 14, 77, 80, 27, 66, 25, 3, 75, 84, 10, 5, 16, 2, 11, 8, 69, 0, 6, 7, 65], [104, 111, 30, 119, 24, 26, 19, 94, 79, 127, 81, 12, 61, 9, 21, 62, 32, 113, 78, 40, 118, 87, 90, 47, 96, 91, 54, 22, 123, 88, 100, 36, 4, 23, 85, 86, 18, 124, 15, 89, 107, 74, 110, 80, 63, 95, 72, 17, 53, 43, 122, 57, 83, 126, 98, 70, 120, 114, 45, 50, 49, 56, 20, 42, 37, 58, 125, 101, 34, 102, 105, 46, 112, 55, 14, 103, 35, 48, 16, 84, 7, 29, 76, 115, 97, 93, 25, 31, 99, 5, 82, 27, 51, 75, 41, 117, 109, 39, 59, 121, 38, 28, 44, 33, 92, 71, 2, 106, 52, 116, 108, 11, 60, 10, 6, 13, 68, 67, 1, 8, 77, 73, 64, 66, 69, 3, 0, 65], [59, 119, 46, 104, 51, 113, 61, 48, 56, 115, 98, 120, 116, 109, 57, 52, 49, 55, 53, 124, 60, 126, 63, 42, 112, 117, 122, 110, 50, 54, 118, 58, 111, 45, 47, 107, 121, 62, 106, 114, 123, 37, 125, 105, 41, 43, 127, 44, 39, 108, 36, 101, 38, 30, 24, 103, 33, 93, 86, 96, 89, 40, 35, 92, 102, 26, 88, 32, 95, 90, 97, 99, 100, 29, 27, 34, 80, 28, 91, 25, 20, 94, 31, 22, 87, 84, 16, 17, 18, 82, 85, 75, 13, 77, 23, 19, 21, 11, 68, 5, 83, 8, 76, 3, 14, 78, 9, 7, 81, 6, 79, 73, 2, 74, 0, 4, 1, 10, 66, 64, 15, 72, 12, 69, 65, 67, 70, 71], [46, 59, 104, 51, 53, 98, 117, 93, 91, 113, 48, 119, 49, 36, 37, 26, 114, 121, 55, 89, 61, 127, 110, 41, 30, 33, 120, 23, 57, 112, 109, 97, 54, 90, 115, 38, 107, 50, 63, 44, 83, 122, 56, 111, 94, 78, 84, 95, 106, 82, 52, 125, 118, 108, 45, 60, 99, 123, 116, 39, 102, 62, 43, 58, 27, 101, 100, 103, 105, 47, 32, 34, 35, 124, 25, 126, 96, 92, 21, 28, 18, 87, 42, 88, 80, 24, 75, 85, 22, 31, 40, 86, 81, 29, 15, 19, 13, 17, 20, 16, 77, 11, 14, 72, 79, 66, 9, 76, 74, 68, 8, 4, 73, 2, 64, 0, 70, 6, 3, 12, 5, 65, 1, 69, 71, 10, 67, 7], [46, 59, 48, 104, 51, 119, 61, 117, 113, 123, 98, 53, 55, 57, 56, 109, 126, 50, 114, 120, 37, 116, 63, 52, 93, 115, 60, 112, 49, 124, 122, 127, 42, 54, 110, 121, 118, 106, 44, 58, 45, 47, 41, 105, 111, 125, 43, 38, 62, 32, 29, 85, 89, 108, 36, 103, 107, 35, 31, 92, 39, 90, 95, 33, 84, 102, 91, 86, 97, 101, 96, 80, 26, 100, 99, 21, 28, 82, 30, 40, 25, 88, 34, 23, 20, 27, 24, 78, 68, 18, 22, 94, 75, 87, 16, 17, 11, 3, 77, 2, 83, 8, 14, 13, 0, 72, 5, 4, 65, 6, 9, 19, 73, 81, 74, 1, 79, 66, 70, 15, 10, 7, 76, 69, 67, 64, 71, 12], [104, 59, 98, 46, 83, 79, 23, 21, 81, 37, 76, 74, 48, 91, 8, 5, 69, 12, 7, 72, 78, 119, 71, 2, 3, 64, 66, 110, 67, 15, 84, 40, 19, 26, 25, 62, 10, 85, 14, 16, 27, 17, 18, 89, 87, 93, 13, 75, 31, 90, 20, 1, 51, 30, 94, 0, 73, 88, 77, 22, 86, 11, 29, 24, 70, 65, 92, 82, 9, 80, 4, 53, 6, 28, 32, 68, 96, 33, 95, 52, 61, 100, 108, 34, 99, 116, 115, 112, 39, 35, 102, 106, 56, 120, 54, 97, 36, 55, 101, 103, 113, 45, 111, 117, 50, 44, 38, 118, 124, 127, 122, 123, 109, 126, 58, 49, 121, 105, 60, 41, 42, 43, 47, 114, 57, 63, 107, 125]], "model.layers.11.self_attn.k_proj": [[109, 45, 32, 100, 54, 48, 92, 25, 56, 20, 23, 81, 47, 14, 62, 58, 107, 22, 16, 61, 112, 76, 85, 18, 69, 0, 68, 65, 120, 125, 86, 30, 55, 10, 73, 31, 122, 42, 59, 12, 7, 50, 71, 123, 72, 111, 118, 51, 2, 57, 43, 46, 126, 116, 38, 19, 3, 53, 113, 63, 40, 37, 13, 114, 102, 41, 124, 60, 108, 95, 119, 115, 93, 104, 127, 117, 44, 110, 39, 121, 49, 80, 52, 94, 11, 33, 101, 106, 97, 75, 99, 90, 91, 87, 96, 98, 17, 35, 105, 15, 28, 74, 77, 6, 103, 34, 29, 67, 27, 26, 24, 84, 5, 66, 21, 83, 88, 79, 36, 9, 82, 8, 64, 89, 78, 1, 70, 4], [58, 123, 63, 101, 126, 118, 117, 31, 61, 60, 50, 124, 86, 125, 52, 91, 62, 115, 20, 17, 121, 97, 55, 47, 56, 113, 49, 120, 111, 127, 112, 122, 59, 57, 48, 54, 53, 116, 45, 26, 119, 114, 78, 46, 76, 109, 51, 110, 108, 88, 73, 43, 75, 107, 44, 106, 32, 40, 103, 66, 42, 69, 37, 104, 41, 80, 105, 82, 39, 102, 99, 79, 36, 38, 89, 100, 70, 98, 93, 87, 96, 30, 34, 35, 33, 92, 19, 72, 27, 94, 25, 21, 74, 83, 29, 67, 13, 28, 64, 65, 5, 81, 95, 6, 90, 23, 71, 24, 11, 7, 16, 4, 9, 18, 85, 12, 8, 15, 10, 22, 84, 77, 1, 68, 0, 3, 14, 2], [110, 38, 46, 86, 91, 78, 88, 125, 18, 122, 19, 16, 31, 76, 111, 7, 114, 73, 3, 74, 1, 43, 5, 113, 64, 45, 121, 58, 49, 47, 120, 93, 56, 124, 6, 9, 42, 68, 17, 40, 15, 116, 119, 57, 63, 72, 62, 50, 13, 44, 123, 112, 99, 54, 103, 67, 35, 27, 118, 61, 59, 75, 11, 105, 41, 36, 2, 126, 108, 101, 107, 96, 90, 30, 70, 51, 55, 20, 106, 115, 82, 104, 8, 127, 21, 48, 60, 109, 100, 52, 117, 81, 87, 29, 34, 26, 94, 97, 37, 89, 79, 98, 53, 32, 66, 33, 24, 85, 39, 92, 95, 10, 28, 22, 80, 65, 25, 23, 84, 69, 14, 12, 71, 83, 0, 77, 4, 102], [59, 63, 36, 33, 121, 87, 117, 124, 93, 19, 106, 25, 60, 126, 95, 114, 81, 27, 26, 56, 125, 20, 116, 113, 47, 48, 42, 21, 53, 119, 52, 110, 86, 49, 80, 54, 123, 46, 16, 79, 58, 77, 111, 10, 98, 104, 100, 115, 122, 18, 45, 120, 55, 88, 78, 39, 51, 50, 7, 101, 40, 13, 118, 76, 41, 112, 108, 127, 105, 61, 35, 62, 109, 22, 102, 44, 34, 9, 43, 57, 38, 4, 107, 103, 69, 72, 28, 99, 37, 70, 14, 32, 74, 85, 92, 75, 3, 11, 0, 94, 96, 91, 30, 31, 73, 15, 97, 66, 17, 67, 89, 82, 71, 90, 24, 83, 6, 29, 65, 1, 23, 68, 12, 84, 2, 8, 64, 5], [121, 116, 37, 21, 24, 80, 78, 9, 75, 19, 17, 30, 57, 76, 64, 71, 69, 6, 2, 3, 97, 46, 53, 94, 124, 66, 127, 118, 65, 60, 74, 1, 59, 120, 115, 5, 63, 70, 43, 4, 122, 125, 79, 41, 93, 82, 73, 40, 50, 13, 91, 117, 42, 8, 104, 113, 88, 61, 7, 101, 0, 90, 67, 89, 33, 112, 15, 58, 92, 12, 28, 110, 107, 45, 87, 114, 34, 27, 86, 32, 108, 111, 22, 96, 99, 26, 109, 126, 55, 54, 23, 39, 31, 68, 51, 11, 10, 48, 105, 49, 84, 47, 123, 18, 72, 62, 106, 35, 29, 38, 25, 100, 20, 95, 102, 119, 44, 56, 98, 103, 14, 77, 36, 52, 16, 83, 85, 81], [126, 104, 33, 86, 28, 122, 121, 31, 62, 54, 118, 25, 60, 58, 17, 61, 53, 115, 87, 52, 127, 120, 50, 15, 63, 56, 114, 47, 49, 125, 108, 84, 113, 112, 3, 59, 100, 57, 64, 45, 46, 65, 37, 9, 82, 111, 42, 12, 109, 110, 117, 43, 75, 92, 123, 55, 116, 7, 70, 69, 107, 48, 51, 99, 106, 13, 29, 41, 83, 16, 124, 85, 105, 44, 0, 38, 102, 74, 119, 1, 39, 91, 94, 36, 8, 103, 66, 68, 19, 78, 89, 2, 4, 26, 34, 98, 101, 88, 32, 27, 96, 93, 11, 35, 81, 71, 95, 21, 90, 10, 24, 30, 6, 80, 14, 18, 22, 97, 72, 77, 23, 67, 79, 76, 20, 73, 5, 40], [40, 111, 47, 119, 94, 24, 127, 113, 26, 21, 62, 19, 110, 81, 122, 78, 114, 49, 123, 79, 118, 56, 63, 32, 12, 55, 120, 121, 105, 57, 61, 58, 126, 115, 43, 108, 54, 59, 42, 107, 87, 106, 9, 46, 18, 45, 125, 124, 104, 112, 48, 69, 116, 117, 51, 53, 37, 7, 39, 11, 41, 100, 60, 52, 109, 50, 38, 16, 36, 80, 44, 86, 73, 96, 28, 103, 99, 95, 102, 3, 101, 33, 91, 10, 30, 93, 89, 0, 97, 65, 71, 4, 35, 90, 13, 75, 76, 98, 23, 20, 27, 34, 82, 92, 31, 29, 15, 68, 22, 88, 25, 8, 84, 17, 74, 2, 14, 77, 66, 83, 85, 6, 72, 64, 70, 5, 1, 67], [40, 59, 46, 34, 110, 74, 76, 79, 7, 83, 81, 6, 21, 8, 5, 78, 2, 23, 93, 3, 0, 48, 1, 119, 9, 62, 27, 91, 117, 52, 115, 116, 77, 30, 45, 4, 89, 57, 49, 90, 64, 84, 56, 113, 126, 58, 122, 55, 120, 51, 47, 123, 118, 65, 108, 54, 109, 60, 42, 121, 124, 127, 112, 53, 61, 92, 63, 43, 125, 50, 44, 68, 37, 101, 38, 80, 111, 107, 15, 97, 72, 70, 88, 75, 114, 82, 87, 73, 105, 31, 41, 36, 102, 22, 18, 33, 95, 66, 86, 28, 103, 99, 106, 12, 39, 96, 104, 85, 11, 13, 94, 35, 67, 98, 32, 25, 29, 100, 24, 71, 20, 17, 19, 16, 26, 14, 10, 69]], "model.layers.11.self_attn.qk_proj": [[59, 126, 63, 46, 121, 111, 116, 110, 58, 123, 45, 109, 54, 117, 104, 60, 57, 40, 94, 56, 37, 125, 122, 62, 61, 101, 113, 114, 36, 88, 48, 24, 118, 127, 119, 27, 47, 22, 124, 83, 21, 49, 30, 19, 78, 53, 115, 76, 17, 14, 55, 120, 100, 51, 89, 81, 12, 85, 33, 52, 102, 95, 80, 50, 86, 32, 43, 16, 28, 97, 108, 87, 91, 9, 90, 23, 112, 42, 7, 92, 71, 38, 29, 31, 44, 93, 25, 41, 73, 107, 15, 10, 82, 96, 75, 69, 74, 34, 20, 79, 3, 11, 106, 5, 18, 67, 2, 84, 105, 0, 26, 6, 66, 98, 64, 99, 39, 70, 68, 72, 103, 13, 77, 4, 1, 65, 35, 8], [59, 126, 46, 63, 121, 111, 116, 110, 58, 45, 123, 109, 54, 117, 60, 104, 57, 94, 40, 56, 113, 122, 101, 127, 37, 36, 119, 114, 88, 118, 125, 24, 61, 62, 22, 49, 27, 53, 30, 48, 76, 52, 21, 83, 115, 124, 47, 55, 78, 120, 100, 19, 81, 51, 95, 43, 14, 12, 42, 86, 108, 17, 85, 50, 33, 97, 80, 91, 90, 16, 89, 28, 9, 23, 112, 102, 92, 44, 38, 25, 107, 7, 31, 20, 79, 32, 87, 93, 71, 34, 73, 29, 105, 15, 96, 10, 106, 18, 69, 41, 74, 6, 82, 26, 5, 75, 84, 11, 0, 98, 2, 64, 66, 99, 67, 72, 39, 103, 3, 1, 70, 65, 68, 77, 4, 35, 8, 13], [59, 126, 121, 46, 63, 111, 110, 116, 58, 45, 123, 109, 54, 117, 104, 40, 94, 122, 61, 37, 101, 36, 56, 125, 57, 60, 113, 114, 24, 88, 62, 119, 118, 48, 127, 124, 27, 53, 30, 47, 21, 100, 52, 51, 22, 83, 19, 55, 115, 50, 49, 33, 102, 95, 43, 42, 76, 28, 78, 120, 108, 17, 86, 91, 89, 85, 38, 112, 106, 81, 32, 12, 23, 97, 14, 92, 93, 31, 90, 80, 87, 44, 107, 16, 29, 96, 25, 9, 73, 105, 34, 41, 71, 20, 7, 79, 84, 98, 10, 99, 26, 69, 11, 82, 18, 74, 15, 75, 6, 5, 66, 0, 103, 64, 2, 3, 67, 39, 70, 1, 65, 68, 35, 72, 4, 8, 13, 77], [59, 126, 63, 46, 121, 111, 116, 110, 58, 123, 45, 109, 54, 117, 60, 104, 40, 57, 94, 36, 37, 122, 61, 56, 62, 114, 127, 101, 113, 24, 49, 119, 88, 118, 124, 48, 30, 27, 52, 47, 115, 125, 120, 95, 19, 22, 55, 21, 53, 50, 100, 83, 42, 28, 89, 14, 76, 108, 78, 102, 43, 81, 90, 17, 51, 12, 97, 92, 33, 85, 91, 32, 16, 31, 86, 80, 44, 38, 93, 87, 105, 107, 23, 64, 25, 73, 71, 96, 75, 29, 106, 112, 26, 9, 41, 7, 69, 2, 67, 74, 20, 79, 34, 0, 66, 11, 18, 98, 99, 82, 10, 3, 39, 5, 84, 6, 15, 103, 70, 68, 72, 35, 65, 4, 1, 8, 13, 77], [59, 126, 63, 46, 121, 111, 116, 110, 58, 123, 45, 109, 117, 54, 104, 40, 122, 61, 57, 60, 56, 94, 127, 36, 37, 118, 62, 113, 101, 119, 24, 125, 114, 88, 48, 49, 52, 124, 83, 21, 30, 120, 19, 76, 22, 115, 47, 55, 27, 78, 53, 12, 95, 85, 80, 28, 100, 42, 43, 50, 17, 51, 16, 102, 81, 89, 108, 33, 14, 112, 23, 97, 91, 92, 90, 32, 107, 25, 86, 7, 31, 71, 105, 93, 29, 44, 73, 9, 87, 41, 96, 0, 38, 15, 75, 106, 64, 82, 79, 20, 74, 66, 2, 10, 98, 67, 18, 84, 69, 26, 99, 34, 70, 11, 65, 3, 5, 103, 6, 39, 8, 1, 72, 68, 13, 77, 4, 35], [59, 126, 63, 46, 121, 111, 116, 110, 58, 123, 45, 109, 54, 117, 104, 60, 40, 57, 127, 122, 56, 113, 94, 114, 61, 36, 118, 37, 48, 101, 62, 88, 24, 119, 49, 22, 125, 83, 30, 52, 21, 27, 78, 19, 124, 12, 120, 76, 53, 81, 85, 95, 47, 14, 97, 17, 80, 115, 55, 43, 42, 16, 89, 28, 50, 51, 108, 100, 92, 102, 33, 86, 91, 25, 90, 107, 32, 73, 23, 9, 31, 96, 87, 79, 71, 7, 105, 44, 29, 20, 15, 93, 74, 82, 10, 112, 75, 69, 38, 99, 41, 26, 67, 18, 34, 11, 106, 70, 103, 84, 66, 5, 98, 3, 0, 64, 68, 6, 8, 2, 65, 39, 4, 1, 35, 77, 13, 72], [59, 126, 46, 63, 121, 116, 111, 110, 58, 123, 45, 109, 117, 54, 60, 104, 94, 40, 57, 36, 37, 113, 101, 24, 114, 127, 122, 88, 48, 21, 61, 118, 119, 56, 83, 19, 125, 27, 22, 62, 78, 30, 53, 49, 14, 17, 52, 95, 85, 76, 81, 12, 120, 124, 89, 86, 16, 100, 80, 55, 50, 28, 32, 115, 42, 43, 47, 112, 33, 92, 91, 87, 9, 102, 23, 97, 107, 51, 108, 38, 90, 71, 20, 96, 93, 31, 7, 11, 82, 75, 73, 25, 44, 29, 5, 41, 74, 18, 15, 34, 99, 10, 79, 105, 26, 67, 106, 98, 84, 69, 3, 39, 70, 64, 103, 2, 66, 8, 1, 6, 13, 0, 68, 4, 35, 72, 65, 77], [59, 126, 46, 121, 63, 116, 111, 110, 58, 45, 123, 109, 104, 40, 54, 94, 117, 60, 113, 24, 101, 37, 122, 36, 27, 88, 83, 57, 114, 127, 61, 22, 21, 47, 30, 52, 19, 118, 76, 56, 119, 125, 12, 62, 53, 48, 124, 78, 86, 81, 85, 49, 95, 17, 100, 14, 89, 115, 80, 91, 33, 55, 16, 28, 120, 50, 102, 92, 23, 42, 87, 43, 51, 7, 90, 32, 44, 9, 112, 108, 20, 38, 25, 82, 11, 97, 93, 75, 31, 29, 71, 15, 79, 73, 107, 106, 18, 10, 26, 5, 84, 64, 34, 41, 69, 74, 2, 70, 96, 0, 105, 3, 98, 8, 66, 99, 103, 67, 39, 1, 65, 4, 72, 6, 13, 68, 77, 35], [59, 126, 121, 46, 63, 111, 116, 110, 58, 45, 123, 109, 117, 104, 40, 94, 54, 60, 56, 36, 57, 122, 88, 101, 62, 37, 24, 114, 61, 119, 27, 49, 125, 118, 83, 113, 22, 19, 30, 21, 52, 124, 48, 100, 47, 127, 78, 55, 51, 89, 120, 85, 115, 17, 14, 76, 81, 12, 43, 86, 53, 80, 33, 95, 102, 38, 91, 28, 50, 42, 90, 108, 16, 23, 32, 107, 112, 92, 106, 93, 97, 44, 87, 31, 73, 9, 34, 7, 71, 15, 25, 18, 29, 41, 20, 10, 96, 11, 79, 105, 5, 82, 69, 98, 75, 26, 103, 84, 2, 99, 64, 0, 74, 66, 70, 67, 65, 3, 8, 6, 1, 4, 39, 72, 68, 77, 13, 35], [59, 126, 46, 121, 63, 111, 116, 110, 58, 123, 45, 109, 104, 54, 56, 60, 117, 40, 122, 57, 113, 94, 101, 37, 61, 62, 88, 36, 24, 114, 125, 127, 27, 119, 48, 83, 118, 19, 49, 47, 115, 21, 52, 22, 30, 120, 124, 76, 78, 85, 100, 51, 43, 86, 33, 12, 17, 14, 89, 80, 53, 55, 42, 81, 95, 108, 91, 92, 32, 16, 28, 97, 23, 50, 73, 31, 87, 38, 9, 90, 7, 102, 93, 15, 25, 105, 71, 112, 96, 79, 44, 107, 41, 69, 10, 18, 29, 67, 75, 84, 74, 11, 34, 3, 82, 20, 6, 106, 103, 26, 66, 64, 98, 0, 2, 5, 70, 8, 99, 1, 13, 68, 4, 39, 77, 72, 65, 35], [59, 126, 63, 121, 46, 111, 110, 116, 58, 123, 45, 109, 104, 117, 122, 54, 40, 113, 56, 61, 60, 125, 94, 62, 57, 37, 48, 114, 101, 24, 127, 88, 118, 36, 124, 119, 49, 21, 115, 47, 19, 52, 78, 83, 120, 30, 33, 22, 27, 76, 95, 12, 100, 50, 80, 28, 17, 85, 53, 14, 102, 43, 42, 16, 51, 81, 97, 86, 89, 73, 55, 91, 23, 25, 92, 108, 41, 32, 90, 7, 106, 38, 74, 9, 71, 29, 107, 66, 96, 79, 15, 10, 18, 6, 31, 87, 11, 34, 69, 93, 82, 20, 2, 0, 5, 75, 105, 64, 98, 26, 112, 84, 70, 67, 8, 3, 44, 13, 99, 4, 68, 1, 65, 72, 103, 77, 39, 35], [59, 126, 63, 46, 121, 111, 116, 110, 58, 123, 109, 45, 117, 104, 54, 40, 122, 60, 118, 56, 61, 113, 88, 57, 62, 114, 94, 48, 36, 101, 127, 37, 124, 24, 49, 19, 125, 21, 78, 83, 119, 30, 12, 22, 52, 115, 27, 76, 80, 17, 14, 47, 81, 16, 95, 120, 85, 86, 28, 100, 91, 33, 89, 50, 43, 102, 55, 108, 97, 51, 71, 53, 73, 32, 23, 90, 42, 7, 92, 10, 9, 11, 15, 38, 25, 41, 107, 82, 112, 105, 20, 87, 31, 74, 29, 18, 79, 96, 106, 69, 75, 5, 6, 0, 93, 84, 34, 3, 99, 67, 64, 1, 44, 98, 2, 26, 66, 65, 8, 72, 4, 70, 103, 13, 77, 39, 68, 35], [59, 126, 46, 63, 121, 111, 116, 110, 58, 45, 123, 109, 54, 117, 104, 40, 60, 122, 94, 24, 57, 88, 113, 48, 56, 49, 36, 101, 37, 114, 62, 61, 27, 124, 119, 125, 127, 19, 118, 83, 22, 78, 21, 12, 30, 55, 17, 115, 14, 80, 47, 50, 81, 76, 85, 52, 86, 120, 100, 108, 89, 95, 28, 53, 43, 91, 16, 33, 51, 42, 92, 97, 23, 25, 31, 38, 79, 32, 90, 44, 105, 15, 73, 112, 82, 9, 102, 29, 71, 87, 93, 74, 41, 7, 10, 96, 84, 69, 18, 34, 11, 107, 20, 75, 106, 26, 103, 3, 6, 99, 98, 67, 39, 5, 72, 0, 8, 2, 66, 65, 1, 70, 64, 13, 77, 35, 68, 4], [59, 126, 46, 63, 121, 111, 116, 110, 58, 123, 45, 109, 104, 54, 60, 40, 117, 114, 94, 122, 57, 48, 127, 37, 36, 61, 113, 49, 47, 56, 62, 101, 50, 21, 24, 88, 12, 27, 119, 125, 124, 22, 118, 78, 19, 14, 76, 83, 30, 52, 80, 97, 53, 95, 17, 28, 81, 55, 16, 120, 86, 115, 89, 100, 51, 73, 85, 9, 108, 112, 92, 43, 7, 25, 90, 71, 33, 91, 102, 10, 15, 87, 44, 79, 23, 107, 32, 31, 69, 29, 82, 42, 38, 18, 20, 64, 96, 6, 74, 11, 0, 106, 34, 93, 84, 75, 26, 41, 5, 66, 99, 67, 105, 2, 70, 1, 3, 98, 72, 39, 103, 65, 68, 4, 35, 13, 8, 77], [59, 126, 46, 121, 63, 111, 116, 110, 58, 123, 45, 109, 117, 104, 54, 40, 60, 114, 113, 94, 122, 61, 56, 57, 36, 49, 37, 88, 24, 101, 48, 125, 127, 118, 62, 119, 27, 19, 21, 124, 30, 78, 22, 12, 83, 17, 47, 55, 50, 52, 14, 16, 115, 76, 89, 80, 100, 51, 95, 85, 86, 53, 81, 97, 91, 28, 120, 108, 102, 33, 92, 43, 23, 107, 31, 9, 38, 42, 25, 32, 7, 90, 44, 41, 71, 112, 73, 93, 29, 15, 11, 87, 105, 74, 82, 10, 106, 18, 20, 79, 84, 34, 96, 69, 6, 98, 5, 99, 75, 0, 3, 26, 72, 70, 66, 39, 67, 64, 103, 2, 35, 65, 68, 4, 8, 1, 13, 77], [59, 126, 63, 46, 121, 111, 116, 110, 58, 123, 45, 109, 117, 54, 60, 104, 40, 127, 56, 57, 61, 122, 94, 48, 37, 36, 114, 113, 118, 88, 124, 101, 49, 24, 62, 83, 30, 27, 19, 78, 52, 115, 119, 21, 12, 47, 125, 22, 81, 55, 100, 120, 17, 16, 95, 97, 50, 85, 80, 89, 14, 86, 43, 53, 76, 51, 102, 108, 91, 33, 107, 112, 90, 42, 28, 41, 32, 73, 23, 7, 9, 71, 31, 25, 10, 74, 29, 92, 96, 105, 34, 15, 44, 11, 106, 87, 18, 75, 20, 82, 98, 79, 69, 99, 93, 38, 67, 0, 84, 64, 3, 26, 5, 6, 70, 103, 66, 72, 2, 68, 35, 4, 65, 1, 8, 13, 39, 77], [59, 126, 46, 63, 121, 116, 111, 110, 58, 45, 123, 109, 104, 117, 60, 40, 54, 122, 49, 56, 24, 101, 57, 114, 94, 37, 88, 61, 27, 125, 48, 36, 127, 83, 30, 19, 113, 22, 62, 47, 85, 78, 21, 119, 118, 120, 12, 55, 52, 81, 16, 100, 14, 124, 86, 43, 17, 95, 76, 80, 89, 115, 97, 50, 33, 42, 9, 108, 51, 91, 28, 53, 112, 90, 31, 32, 23, 92, 73, 25, 41, 71, 44, 15, 107, 87, 74, 102, 106, 82, 20, 79, 38, 75, 7, 29, 93, 105, 96, 10, 34, 98, 18, 11, 84, 26, 72, 69, 99, 70, 5, 0, 3, 103, 64, 35, 67, 2, 4, 68, 39, 65, 66, 1, 77, 13, 6, 8], [59, 126, 46, 63, 121, 111, 116, 110, 58, 45, 123, 109, 104, 117, 60, 54, 40, 94, 56, 57, 127, 114, 101, 24, 122, 113, 36, 37, 118, 88, 119, 49, 27, 19, 48, 62, 125, 83, 21, 22, 61, 78, 12, 30, 55, 124, 47, 52, 86, 14, 95, 50, 120, 100, 115, 17, 81, 80, 85, 16, 97, 42, 76, 89, 33, 28, 91, 43, 44, 23, 53, 112, 31, 102, 51, 108, 9, 90, 32, 38, 25, 92, 20, 41, 107, 73, 82, 71, 106, 87, 18, 93, 105, 7, 79, 15, 84, 29, 74, 11, 96, 34, 26, 10, 98, 64, 69, 5, 67, 75, 103, 70, 2, 0, 66, 72, 99, 3, 35, 77, 1, 39, 6, 8, 65, 4, 68, 13], [59, 126, 46, 63, 121, 111, 116, 110, 58, 45, 123, 109, 117, 49, 104, 56, 36, 122, 57, 94, 118, 61, 54, 119, 114, 40, 60, 101, 127, 88, 125, 113, 37, 48, 24, 83, 27, 52, 62, 124, 30, 120, 19, 85, 115, 43, 55, 47, 50, 22, 17, 21, 14, 102, 51, 53, 81, 95, 108, 12, 100, 78, 33, 76, 38, 80, 112, 16, 86, 42, 97, 89, 32, 41, 91, 28, 107, 31, 105, 93, 25, 92, 106, 23, 90, 87, 82, 29, 73, 7, 96, 71, 99, 18, 44, 69, 20, 34, 0, 84, 9, 79, 11, 26, 10, 103, 70, 67, 74, 66, 98, 5, 64, 3, 35, 15, 75, 2, 39, 1, 68, 6, 8, 65, 77, 72, 4, 13], [59, 126, 63, 46, 121, 111, 116, 110, 58, 123, 45, 109, 117, 104, 54, 40, 60, 114, 56, 94, 57, 49, 127, 101, 37, 36, 122, 24, 118, 113, 61, 88, 27, 22, 48, 125, 119, 124, 115, 30, 19, 83, 62, 52, 21, 14, 95, 47, 120, 81, 100, 53, 89, 12, 51, 17, 97, 50, 78, 55, 108, 33, 76, 86, 28, 85, 102, 16, 43, 91, 112, 80, 90, 25, 42, 31, 73, 92, 23, 93, 107, 106, 105, 41, 38, 44, 32, 9, 87, 96, 29, 20, 7, 82, 18, 34, 79, 10, 11, 5, 71, 98, 69, 15, 74, 84, 26, 70, 99, 103, 75, 64, 2, 0, 66, 72, 67, 6, 35, 3, 39, 8, 77, 65, 68, 4, 1, 13], [59, 126, 46, 63, 121, 111, 116, 110, 58, 123, 45, 109, 117, 104, 60, 54, 40, 56, 113, 114, 48, 94, 122, 118, 57, 49, 125, 36, 127, 124, 24, 88, 37, 61, 101, 62, 19, 52, 22, 27, 83, 119, 47, 21, 30, 78, 55, 12, 95, 81, 115, 76, 16, 14, 120, 100, 17, 89, 86, 108, 80, 97, 85, 50, 33, 51, 28, 42, 91, 53, 102, 9, 112, 90, 43, 23, 105, 41, 29, 32, 20, 7, 107, 25, 73, 92, 31, 106, 71, 38, 93, 74, 87, 18, 79, 10, 5, 44, 96, 82, 69, 75, 11, 98, 70, 64, 3, 34, 84, 66, 15, 26, 6, 67, 0, 2, 68, 99, 103, 39, 72, 77, 8, 4, 13, 65, 1, 35], [59, 126, 46, 63, 121, 111, 116, 110, 58, 123, 45, 109, 117, 104, 113, 94, 60, 40, 54, 114, 56, 118, 48, 125, 122, 57, 88, 49, 101, 37, 36, 24, 119, 61, 52, 124, 127, 62, 21, 27, 83, 30, 19, 22, 100, 33, 47, 43, 115, 55, 78, 50, 81, 17, 12, 95, 108, 85, 80, 120, 89, 53, 14, 102, 16, 97, 86, 91, 76, 28, 106, 90, 32, 51, 42, 112, 38, 31, 92, 107, 87, 23, 105, 9, 93, 7, 71, 96, 25, 20, 74, 11, 82, 29, 18, 73, 79, 34, 10, 41, 15, 99, 75, 26, 67, 6, 103, 0, 2, 84, 98, 69, 64, 44, 3, 5, 66, 35, 8, 72, 39, 70, 1, 77, 65, 68, 13, 4], [59, 126, 46, 63, 121, 116, 110, 111, 58, 45, 123, 109, 104, 40, 54, 117, 60, 56, 94, 113, 125, 122, 61, 37, 118, 57, 48, 24, 101, 119, 36, 88, 62, 49, 114, 22, 30, 127, 124, 83, 19, 100, 52, 27, 85, 78, 21, 33, 47, 115, 12, 43, 17, 91, 95, 120, 108, 50, 16, 97, 14, 76, 80, 28, 89, 53, 55, 81, 102, 86, 51, 32, 42, 106, 112, 38, 92, 23, 31, 105, 87, 107, 9, 96, 93, 90, 41, 73, 25, 71, 7, 79, 20, 34, 26, 74, 18, 29, 44, 10, 82, 99, 84, 15, 11, 75, 6, 5, 64, 0, 103, 69, 98, 67, 2, 1, 39, 66, 8, 72, 4, 3, 70, 13, 65, 77, 35, 68], [59, 126, 63, 46, 121, 111, 116, 110, 58, 123, 45, 109, 104, 117, 56, 54, 60, 40, 113, 94, 36, 49, 57, 48, 122, 118, 125, 24, 114, 62, 37, 127, 101, 119, 88, 61, 22, 83, 124, 76, 47, 30, 27, 120, 52, 19, 97, 21, 95, 78, 100, 33, 85, 115, 80, 28, 14, 81, 55, 91, 16, 17, 50, 53, 86, 43, 12, 102, 108, 89, 73, 42, 23, 51, 107, 92, 31, 25, 90, 7, 32, 9, 112, 44, 93, 105, 41, 71, 79, 87, 38, 10, 29, 96, 82, 20, 74, 18, 26, 5, 6, 34, 84, 99, 15, 69, 67, 75, 103, 106, 11, 3, 66, 0, 98, 8, 2, 64, 70, 39, 68, 4, 65, 72, 1, 13, 35, 77], [59, 126, 46, 63, 121, 111, 116, 110, 58, 123, 45, 109, 104, 54, 117, 40, 94, 56, 62, 122, 57, 114, 60, 125, 101, 36, 48, 118, 24, 113, 37, 61, 88, 49, 127, 119, 21, 124, 83, 27, 19, 22, 86, 30, 52, 100, 120, 81, 115, 47, 78, 14, 17, 76, 85, 50, 91, 33, 55, 42, 32, 89, 102, 16, 53, 43, 95, 12, 51, 80, 97, 108, 41, 107, 92, 23, 28, 112, 90, 87, 25, 31, 73, 7, 38, 71, 29, 93, 20, 82, 74, 9, 106, 96, 105, 44, 75, 26, 18, 99, 34, 79, 10, 84, 15, 5, 69, 3, 98, 6, 11, 8, 64, 39, 70, 103, 66, 67, 0, 2, 35, 68, 1, 13, 65, 77, 4, 72], [59, 126, 46, 63, 121, 111, 116, 110, 58, 45, 123, 109, 104, 117, 40, 54, 94, 56, 57, 125, 60, 122, 113, 36, 24, 101, 62, 37, 88, 114, 49, 48, 119, 19, 118, 127, 22, 27, 83, 21, 86, 47, 100, 30, 124, 61, 95, 52, 115, 33, 17, 43, 78, 76, 55, 120, 85, 14, 81, 80, 12, 91, 97, 16, 108, 89, 42, 53, 102, 28, 51, 92, 41, 50, 90, 23, 20, 31, 9, 25, 32, 38, 87, 107, 7, 29, 105, 112, 82, 71, 11, 106, 79, 44, 73, 93, 96, 74, 18, 10, 69, 15, 84, 98, 5, 34, 75, 26, 2, 99, 0, 70, 64, 103, 6, 39, 67, 8, 66, 13, 3, 35, 72, 77, 68, 1, 65, 4], [59, 126, 46, 121, 63, 111, 116, 110, 58, 45, 123, 109, 104, 54, 40, 125, 117, 113, 122, 94, 56, 57, 62, 101, 37, 119, 60, 36, 88, 24, 61, 114, 118, 49, 48, 22, 127, 19, 21, 47, 30, 27, 124, 83, 52, 55, 115, 43, 17, 33, 50, 100, 86, 78, 12, 108, 95, 28, 76, 14, 80, 51, 85, 97, 89, 53, 91, 81, 120, 42, 16, 112, 102, 90, 23, 38, 31, 106, 92, 87, 32, 71, 93, 9, 41, 29, 7, 73, 79, 105, 25, 44, 74, 84, 18, 75, 96, 34, 20, 82, 5, 26, 15, 67, 10, 64, 2, 0, 66, 69, 107, 11, 103, 98, 3, 70, 99, 39, 6, 8, 35, 68, 4, 1, 65, 72, 13, 77], [59, 126, 46, 63, 121, 111, 116, 110, 58, 123, 45, 109, 104, 117, 54, 40, 57, 94, 122, 36, 118, 37, 113, 56, 60, 114, 61, 125, 62, 48, 101, 88, 24, 49, 47, 119, 124, 83, 30, 19, 27, 22, 50, 52, 21, 76, 17, 127, 78, 95, 120, 85, 12, 28, 55, 100, 81, 115, 89, 14, 43, 33, 86, 80, 53, 97, 16, 108, 9, 91, 51, 102, 73, 32, 23, 7, 71, 92, 90, 25, 87, 42, 75, 107, 41, 106, 93, 29, 64, 38, 5, 18, 74, 112, 96, 10, 15, 31, 70, 2, 105, 82, 66, 44, 11, 3, 79, 20, 0, 84, 69, 34, 67, 26, 99, 65, 6, 1, 39, 8, 98, 103, 72, 68, 77, 4, 13, 35], [59, 126, 46, 63, 121, 111, 116, 110, 58, 45, 123, 109, 117, 54, 104, 40, 61, 60, 57, 56, 113, 118, 122, 101, 37, 48, 36, 94, 62, 125, 114, 127, 88, 24, 47, 119, 21, 49, 83, 124, 22, 19, 30, 120, 27, 52, 76, 89, 53, 95, 78, 100, 115, 51, 33, 43, 55, 12, 50, 17, 102, 28, 81, 80, 108, 42, 86, 85, 31, 90, 97, 14, 32, 16, 23, 91, 87, 38, 93, 73, 112, 7, 92, 96, 41, 9, 71, 106, 25, 44, 20, 15, 107, 105, 79, 5, 26, 34, 18, 70, 99, 10, 29, 75, 84, 82, 0, 69, 3, 74, 64, 11, 66, 67, 2, 98, 1, 65, 103, 8, 39, 68, 6, 35, 72, 4, 77, 13], [59, 126, 46, 63, 121, 116, 111, 110, 58, 123, 45, 109, 117, 104, 40, 54, 60, 36, 56, 57, 113, 118, 61, 88, 94, 37, 101, 24, 122, 47, 62, 83, 125, 49, 114, 127, 27, 22, 48, 119, 21, 124, 30, 76, 19, 78, 95, 17, 52, 80, 43, 12, 85, 14, 115, 53, 108, 50, 55, 100, 16, 81, 33, 28, 120, 42, 89, 73, 51, 23, 32, 31, 9, 102, 86, 87, 90, 91, 97, 44, 71, 38, 92, 112, 25, 7, 106, 74, 93, 107, 34, 79, 29, 96, 41, 10, 67, 3, 64, 20, 5, 70, 18, 15, 11, 69, 75, 82, 84, 26, 103, 105, 0, 66, 65, 6, 99, 98, 72, 2, 4, 1, 39, 8, 13, 68, 77, 35], [59, 126, 46, 63, 121, 111, 116, 110, 58, 123, 45, 109, 117, 104, 54, 40, 60, 122, 57, 118, 113, 127, 94, 61, 56, 37, 101, 48, 36, 88, 125, 114, 24, 27, 119, 62, 124, 83, 21, 47, 49, 19, 22, 50, 76, 89, 30, 55, 14, 100, 78, 86, 120, 12, 81, 85, 42, 52, 115, 95, 53, 80, 33, 17, 16, 108, 51, 87, 112, 32, 102, 28, 97, 90, 43, 31, 23, 9, 107, 91, 92, 38, 71, 73, 41, 7, 20, 79, 18, 105, 15, 82, 74, 44, 25, 96, 11, 75, 10, 26, 34, 5, 29, 93, 99, 64, 106, 3, 98, 70, 69, 103, 84, 67, 2, 0, 66, 6, 8, 1, 72, 65, 39, 4, 13, 68, 35, 77], [59, 126, 46, 63, 121, 111, 116, 110, 58, 45, 123, 109, 117, 104, 54, 60, 40, 94, 122, 113, 127, 57, 88, 56, 36, 61, 37, 125, 48, 27, 24, 118, 101, 76, 62, 114, 22, 120, 83, 124, 119, 19, 49, 80, 30, 47, 85, 115, 14, 12, 50, 86, 55, 21, 52, 81, 17, 100, 78, 89, 95, 16, 28, 33, 108, 97, 91, 51, 42, 9, 73, 53, 90, 32, 43, 102, 87, 23, 112, 7, 71, 31, 92, 79, 107, 82, 74, 38, 44, 15, 41, 29, 10, 25, 20, 93, 69, 75, 18, 84, 3, 26, 11, 96, 105, 106, 5, 99, 34, 6, 70, 98, 0, 39, 67, 72, 64, 2, 66, 65, 1, 4, 103, 13, 8, 35, 68, 77]], "model.layers.12.self_attn.q_proj": [[102, 127, 49, 95, 21, 24, 16, 83, 80, 82, 88, 77, 28, 6, 51, 99, 44, 37, 38, 72, 2, 31, 74, 27, 106, 22, 75, 86, 13, 53, 42, 108, 26, 98, 112, 10, 93, 96, 18, 43, 62, 20, 94, 103, 91, 79, 4, 117, 90, 61, 85, 78, 29, 101, 104, 14, 40, 19, 25, 81, 11, 32, 92, 64, 89, 60, 17, 30, 36, 56, 12, 109, 125, 9, 113, 48, 111, 52, 116, 70, 87, 41, 115, 105, 84, 71, 76, 33, 15, 55, 114, 65, 8, 73, 118, 100, 45, 97, 54, 107, 34, 68, 39, 69, 0, 123, 35, 5, 66, 7, 110, 67, 58, 122, 126, 1, 47, 121, 59, 23, 120, 50, 57, 46, 119, 63, 124, 3], [127, 102, 49, 95, 51, 108, 24, 31, 26, 38, 98, 19, 83, 21, 96, 61, 106, 44, 42, 116, 97, 111, 46, 43, 109, 28, 125, 105, 29, 55, 115, 114, 93, 62, 112, 53, 40, 37, 52, 41, 126, 101, 22, 27, 54, 60, 121, 58, 45, 103, 107, 110, 117, 82, 123, 120, 104, 56, 113, 36, 124, 48, 119, 57, 50, 59, 32, 118, 94, 122, 20, 100, 88, 47, 92, 91, 13, 33, 99, 39, 84, 34, 86, 90, 85, 63, 15, 25, 77, 17, 30, 35, 79, 18, 80, 87, 89, 23, 81, 16, 14, 6, 78, 72, 12, 70, 76, 74, 64, 8, 4, 75, 11, 10, 73, 71, 9, 65, 2, 68, 66, 67, 1, 7, 0, 69, 3, 5], [102, 49, 127, 95, 21, 108, 82, 88, 77, 83, 24, 51, 96, 44, 86, 98, 99, 80, 113, 37, 28, 27, 6, 16, 31, 74, 117, 26, 42, 90, 72, 2, 62, 19, 46, 41, 53, 105, 116, 79, 8, 94, 22, 119, 25, 18, 121, 112, 85, 20, 61, 14, 38, 101, 109, 65, 29, 93, 68, 92, 12, 104, 36, 76, 43, 81, 115, 64, 10, 55, 125, 111, 56, 23, 87, 45, 91, 40, 126, 58, 107, 120, 13, 100, 59, 50, 52, 60, 97, 122, 39, 30, 4, 32, 110, 54, 71, 103, 78, 123, 34, 118, 17, 57, 33, 114, 106, 124, 11, 47, 35, 84, 63, 69, 89, 3, 48, 70, 15, 75, 7, 5, 73, 9, 0, 67, 1, 66], [102, 49, 127, 95, 21, 24, 83, 28, 82, 80, 77, 11, 99, 38, 88, 31, 96, 20, 74, 90, 42, 53, 51, 26, 113, 35, 86, 60, 105, 14, 70, 6, 68, 108, 44, 15, 22, 18, 16, 75, 98, 101, 97, 56, 79, 58, 27, 37, 62, 2, 114, 29, 85, 25, 103, 81, 19, 8, 43, 106, 110, 112, 87, 92, 9, 116, 61, 117, 5, 12, 67, 89, 10, 17, 34, 109, 30, 120, 111, 55, 13, 78, 73, 76, 36, 3, 94, 48, 46, 0, 121, 124, 119, 23, 115, 93, 39, 91, 107, 50, 122, 71, 100, 41, 123, 72, 33, 126, 65, 59, 1, 57, 125, 47, 52, 69, 104, 45, 118, 54, 32, 40, 7, 84, 64, 4, 63, 66], [45, 101, 109, 26, 28, 21, 24, 83, 88, 62, 31, 78, 95, 97, 72, 82, 124, 75, 87, 113, 4, 122, 30, 49, 44, 121, 53, 93, 94, 27, 98, 51, 16, 116, 85, 80, 110, 77, 66, 57, 111, 69, 102, 0, 18, 25, 86, 105, 106, 14, 63, 92, 68, 36, 115, 119, 100, 107, 118, 19, 114, 23, 76, 35, 34, 79, 61, 81, 15, 59, 41, 33, 47, 103, 9, 52, 91, 60, 112, 46, 120, 1, 8, 117, 39, 50, 13, 67, 104, 125, 48, 127, 10, 89, 40, 58, 32, 70, 71, 22, 56, 90, 20, 38, 11, 123, 54, 55, 42, 17, 29, 43, 108, 12, 37, 126, 99, 84, 96, 74, 6, 2, 73, 5, 7, 65, 3, 64], [45, 101, 109, 28, 62, 21, 26, 24, 31, 88, 83, 87, 97, 78, 122, 124, 75, 95, 16, 107, 53, 72, 113, 82, 98, 49, 116, 94, 17, 25, 91, 85, 47, 93, 121, 76, 102, 30, 77, 86, 34, 57, 106, 51, 59, 6, 103, 112, 22, 108, 44, 117, 36, 84, 29, 33, 10, 61, 52, 74, 63, 39, 118, 60, 27, 43, 12, 13, 18, 71, 123, 96, 48, 114, 23, 110, 105, 79, 41, 67, 92, 115, 42, 81, 111, 56, 66, 80, 69, 8, 58, 55, 50, 127, 14, 125, 0, 126, 120, 100, 35, 20, 119, 40, 11, 104, 54, 89, 68, 4, 46, 19, 32, 99, 38, 70, 37, 5, 7, 90, 73, 9, 1, 15, 2, 65, 3, 64], [45, 101, 109, 28, 26, 122, 21, 24, 83, 87, 88, 31, 97, 95, 78, 121, 62, 124, 113, 30, 75, 51, 53, 82, 116, 93, 86, 16, 110, 102, 98, 25, 36, 63, 106, 72, 59, 34, 79, 49, 112, 57, 35, 107, 47, 111, 38, 44, 52, 58, 105, 29, 39, 100, 27, 118, 61, 125, 123, 114, 115, 55, 41, 40, 48, 37, 119, 15, 92, 94, 50, 85, 6, 13, 46, 60, 103, 108, 127, 33, 99, 126, 74, 42, 12, 32, 104, 54, 20, 0, 84, 22, 14, 117, 56, 43, 120, 80, 18, 19, 90, 91, 23, 96, 8, 11, 68, 17, 89, 81, 69, 77, 76, 10, 67, 66, 9, 5, 70, 71, 73, 3, 1, 7, 4, 65, 2, 64], [45, 101, 109, 26, 28, 24, 88, 83, 21, 82, 93, 87, 121, 62, 95, 75, 78, 31, 124, 122, 16, 97, 98, 116, 30, 113, 34, 51, 53, 57, 77, 110, 49, 63, 107, 61, 125, 115, 18, 112, 41, 105, 22, 106, 94, 103, 71, 36, 111, 92, 86, 11, 118, 29, 37, 85, 40, 59, 9, 27, 67, 47, 50, 4, 127, 33, 100, 108, 44, 19, 117, 123, 32, 35, 126, 1, 60, 0, 48, 80, 69, 46, 23, 42, 84, 120, 55, 6, 79, 52, 91, 20, 81, 14, 72, 58, 68, 54, 5, 56, 8, 114, 13, 43, 66, 74, 102, 39, 90, 99, 15, 12, 119, 104, 76, 96, 17, 65, 25, 38, 89, 2, 73, 10, 70, 7, 3, 64], [43, 97, 107, 24, 91, 26, 31, 22, 83, 81, 100, 85, 103, 75, 33, 87, 30, 20, 50, 15, 88, 110, 13, 7, 114, 90, 49, 127, 95, 66, 93, 86, 84, 12, 94, 19, 102, 92, 98, 61, 113, 48, 70, 18, 35, 0, 115, 40, 118, 25, 38, 54, 1, 63, 36, 16, 80, 28, 117, 56, 58, 27, 101, 77, 42, 51, 99, 82, 32, 34, 120, 29, 55, 125, 71, 96, 4, 89, 21, 79, 17, 6, 39, 47, 112, 41, 111, 116, 8, 119, 121, 123, 23, 106, 45, 62, 52, 3, 122, 53, 46, 11, 57, 37, 105, 73, 67, 10, 9, 109, 74, 126, 108, 78, 44, 104, 14, 76, 60, 59, 124, 72, 69, 68, 5, 2, 64, 65], [43, 31, 97, 107, 22, 13, 24, 26, 15, 91, 83, 20, 85, 33, 9, 115, 100, 110, 75, 73, 18, 81, 86, 84, 114, 50, 90, 70, 68, 54, 36, 95, 72, 25, 17, 79, 27, 77, 88, 63, 121, 19, 71, 42, 111, 61, 12, 127, 76, 23, 82, 93, 74, 87, 16, 66, 49, 65, 8, 38, 122, 46, 48, 10, 7, 103, 112, 14, 101, 47, 78, 117, 69, 34, 113, 67, 55, 118, 80, 29, 21, 116, 126, 123, 92, 124, 56, 89, 28, 96, 106, 6, 1, 108, 120, 40, 102, 94, 30, 98, 11, 105, 45, 35, 125, 51, 39, 32, 5, 62, 58, 41, 4, 37, 57, 60, 64, 59, 52, 99, 44, 109, 119, 104, 0, 53, 3, 2], [43, 107, 31, 97, 26, 106, 42, 20, 113, 61, 115, 125, 50, 33, 24, 48, 127, 117, 11, 38, 114, 121, 36, 100, 49, 126, 95, 54, 63, 116, 110, 111, 56, 57, 118, 55, 123, 46, 47, 60, 58, 91, 103, 77, 108, 39, 119, 109, 101, 6, 51, 124, 45, 44, 59, 122, 7, 120, 62, 35, 85, 112, 40, 53, 41, 52, 30, 73, 90, 92, 105, 22, 37, 17, 81, 104, 16, 10, 99, 96, 3, 5, 84, 75, 1, 32, 21, 98, 79, 34, 19, 102, 93, 29, 87, 94, 4, 72, 28, 23, 25, 88, 89, 27, 0, 83, 82, 86, 18, 78, 80, 2, 71, 15, 9, 14, 12, 76, 13, 66, 8, 64, 70, 68, 65, 67, 69, 74], [43, 97, 31, 107, 24, 26, 91, 22, 54, 81, 42, 20, 115, 83, 75, 33, 13, 50, 100, 15, 18, 85, 48, 61, 84, 120, 66, 114, 110, 93, 90, 6, 57, 70, 127, 30, 113, 12, 49, 63, 103, 118, 95, 80, 19, 125, 121, 88, 86, 56, 9, 116, 77, 47, 0, 46, 1, 117, 71, 60, 36, 28, 41, 111, 45, 82, 112, 55, 123, 108, 106, 124, 89, 126, 92, 58, 14, 8, 38, 51, 29, 40, 76, 11, 109, 87, 23, 119, 122, 94, 34, 17, 73, 27, 79, 64, 25, 101, 99, 67, 44, 3, 39, 35, 68, 21, 32, 98, 52, 37, 96, 105, 53, 65, 7, 16, 69, 62, 78, 104, 74, 102, 59, 10, 72, 5, 4, 2], [38, 64, 113, 97, 93, 49, 57, 1, 6, 78, 67, 16, 70, 3, 82, 73, 65, 11, 4, 77, 23, 12, 90, 2, 31, 14, 72, 19, 8, 94, 121, 126, 66, 75, 89, 62, 71, 59, 20, 13, 84, 9, 122, 86, 18, 103, 22, 87, 37, 83, 125, 53, 69, 7, 21, 80, 118, 27, 42, 39, 54, 10, 101, 44, 76, 33, 5, 91, 58, 88, 74, 26, 17, 29, 40, 0, 30, 68, 32, 119, 79, 25, 50, 63, 96, 85, 45, 35, 15, 60, 99, 36, 95, 108, 123, 92, 81, 124, 48, 109, 100, 116, 120, 61, 111, 114, 51, 24, 115, 106, 46, 56, 117, 127, 52, 47, 102, 34, 104, 98, 28, 43, 55, 41, 105, 110, 112, 107], [38, 57, 113, 97, 49, 93, 23, 82, 78, 16, 73, 88, 11, 21, 12, 20, 25, 102, 6, 29, 5, 39, 94, 77, 72, 9, 26, 83, 37, 31, 32, 68, 27, 13, 125, 28, 90, 30, 92, 63, 71, 121, 106, 85, 19, 34, 101, 44, 22, 91, 62, 8, 65, 15, 80, 4, 74, 75, 81, 84, 59, 79, 87, 14, 17, 76, 18, 24, 122, 66, 7, 89, 33, 105, 10, 2, 95, 109, 119, 3, 108, 60, 36, 96, 42, 86, 45, 35, 98, 41, 70, 54, 100, 126, 52, 40, 99, 55, 50, 47, 51, 58, 56, 69, 53, 103, 118, 120, 61, 107, 115, 123, 112, 43, 46, 116, 104, 114, 48, 110, 127, 64, 111, 124, 67, 1, 117, 0], [113, 101, 57, 38, 62, 49, 97, 123, 126, 121, 119, 53, 52, 56, 102, 59, 60, 114, 127, 118, 125, 26, 116, 117, 51, 106, 58, 46, 100, 103, 124, 63, 44, 61, 31, 48, 111, 45, 50, 112, 120, 47, 90, 115, 109, 54, 122, 55, 110, 107, 108, 105, 40, 22, 41, 39, 32, 21, 43, 84, 104, 42, 28, 93, 94, 37, 99, 25, 36, 81, 95, 34, 30, 89, 86, 35, 85, 17, 98, 23, 19, 27, 88, 83, 96, 91, 29, 20, 76, 24, 33, 92, 79, 87, 4, 74, 75, 8, 14, 82, 9, 5, 72, 80, 13, 70, 15, 12, 18, 10, 71, 2, 73, 77, 66, 7, 16, 6, 67, 69, 65, 64, 68, 1, 11, 78, 3, 0], [38, 57, 97, 23, 93, 49, 113, 82, 29, 78, 16, 25, 11, 102, 59, 31, 62, 90, 85, 33, 87, 26, 21, 39, 83, 126, 77, 19, 27, 71, 88, 80, 18, 94, 13, 125, 101, 95, 89, 28, 15, 20, 22, 121, 79, 96, 30, 100, 75, 32, 92, 91, 119, 61, 37, 84, 68, 14, 86, 53, 98, 127, 81, 24, 35, 58, 47, 17, 44, 36, 8, 108, 34, 76, 63, 10, 99, 50, 43, 115, 40, 118, 48, 110, 12, 103, 74, 55, 106, 7, 72, 111, 114, 60, 109, 122, 123, 51, 46, 54, 42, 4, 41, 116, 56, 104, 66, 112, 117, 52, 105, 5, 2, 120, 124, 70, 69, 6, 45, 107, 67, 73, 9, 1, 0, 3, 65, 64], [39, 48, 62, 112, 29, 21, 14, 80, 61, 81, 76, 11, 67, 87, 73, 7, 56, 84, 5, 93, 24, 27, 69, 71, 75, 1, 109, 12, 0, 25, 41, 2, 96, 118, 6, 89, 116, 17, 9, 79, 117, 85, 66, 52, 4, 13, 16, 86, 54, 94, 32, 82, 101, 18, 78, 50, 95, 113, 119, 15, 19, 120, 34, 126, 83, 57, 23, 77, 26, 49, 106, 31, 45, 127, 55, 42, 107, 122, 36, 111, 28, 88, 44, 3, 22, 104, 40, 63, 97, 115, 121, 102, 35, 59, 33, 72, 108, 30, 114, 125, 60, 92, 124, 105, 8, 123, 58, 99, 110, 74, 53, 43, 51, 37, 100, 90, 38, 46, 98, 20, 47, 65, 91, 70, 10, 68, 103, 64], [39, 62, 48, 112, 87, 61, 29, 21, 81, 14, 73, 80, 11, 76, 69, 56, 24, 93, 41, 71, 77, 79, 118, 3, 86, 27, 111, 18, 9, 96, 32, 94, 109, 127, 125, 50, 101, 126, 2, 92, 37, 70, 95, 33, 6, 54, 117, 82, 85, 121, 5, 36, 28, 1, 66, 113, 22, 78, 0, 123, 74, 20, 17, 97, 91, 49, 116, 59, 120, 31, 122, 89, 99, 107, 72, 23, 119, 52, 16, 45, 84, 115, 108, 51, 43, 55, 38, 53, 40, 106, 60, 124, 12, 57, 13, 104, 19, 114, 83, 34, 102, 30, 110, 75, 35, 15, 88, 42, 58, 44, 67, 10, 100, 105, 46, 63, 26, 98, 25, 47, 90, 8, 65, 7, 68, 103, 64, 4], [39, 62, 48, 112, 87, 29, 61, 11, 25, 80, 81, 21, 14, 73, 69, 76, 5, 93, 66, 2, 71, 0, 77, 18, 67, 118, 27, 3, 1, 24, 94, 33, 117, 72, 109, 75, 125, 111, 86, 56, 92, 32, 96, 31, 41, 82, 74, 106, 50, 7, 116, 95, 37, 79, 113, 85, 28, 30, 19, 97, 70, 89, 83, 36, 122, 63, 78, 17, 123, 121, 126, 34, 120, 43, 88, 16, 38, 35, 54, 6, 12, 40, 59, 65, 26, 45, 91, 10, 9, 90, 23, 99, 127, 84, 51, 104, 52, 46, 114, 58, 98, 119, 49, 102, 20, 103, 100, 44, 124, 110, 108, 57, 101, 13, 115, 8, 4, 68, 55, 53, 15, 42, 105, 107, 60, 47, 22, 64], [39, 62, 48, 112, 71, 29, 14, 80, 73, 81, 21, 76, 11, 3, 69, 2, 61, 65, 1, 67, 56, 109, 118, 0, 72, 64, 7, 4, 13, 24, 12, 85, 8, 37, 79, 117, 17, 96, 111, 121, 87, 77, 66, 78, 93, 95, 15, 84, 5, 16, 54, 126, 75, 68, 50, 19, 83, 99, 33, 120, 53, 123, 94, 10, 116, 124, 88, 9, 103, 18, 101, 127, 106, 41, 92, 86, 28, 89, 82, 74, 38, 35, 40, 31, 57, 27, 30, 51, 20, 63, 26, 52, 70, 45, 115, 43, 36, 22, 97, 91, 107, 119, 32, 125, 34, 102, 6, 104, 105, 23, 25, 60, 110, 113, 46, 122, 100, 90, 44, 59, 98, 49, 42, 55, 108, 114, 47, 58], [105, 58, 34, 109, 26, 41, 86, 104, 88, 18, 84, 126, 24, 30, 55, 78, 92, 16, 73, 77, 36, 69, 19, 32, 49, 87, 71, 95, 91, 75, 119, 67, 121, 79, 111, 28, 45, 48, 1, 44, 2, 120, 51, 5, 94, 15, 29, 98, 114, 31, 12, 25, 40, 50, 57, 82, 112, 60, 33, 113, 64, 124, 107, 14, 125, 74, 10, 8, 123, 63, 108, 13, 37, 127, 101, 66, 62, 0, 22, 115, 81, 6, 39, 38, 118, 122, 65, 61, 72, 100, 3, 59, 47, 93, 7, 52, 90, 4, 23, 102, 46, 11, 56, 97, 42, 106, 21, 43, 76, 103, 70, 17, 99, 83, 68, 116, 9, 110, 20, 80, 54, 117, 27, 35, 53, 85, 89, 96], [105, 34, 26, 41, 58, 86, 36, 121, 84, 32, 104, 16, 126, 92, 62, 18, 51, 88, 118, 24, 78, 47, 57, 25, 52, 50, 49, 119, 116, 48, 109, 28, 102, 30, 90, 100, 114, 107, 95, 120, 23, 39, 46, 122, 55, 21, 61, 75, 113, 31, 38, 103, 127, 42, 37, 43, 83, 63, 11, 60, 80, 20, 76, 97, 112, 117, 14, 77, 108, 87, 125, 56, 45, 111, 7, 101, 22, 93, 96, 94, 19, 82, 123, 106, 115, 9, 59, 40, 33, 29, 91, 8, 124, 110, 98, 27, 44, 74, 72, 35, 85, 99, 79, 53, 81, 6, 89, 12, 54, 73, 71, 17, 15, 68, 13, 5, 10, 66, 4, 3, 70, 65, 67, 1, 64, 69, 2, 0], [105, 34, 58, 84, 26, 41, 86, 126, 77, 109, 16, 104, 73, 121, 32, 88, 18, 78, 75, 71, 30, 36, 49, 70, 108, 98, 48, 3, 29, 4, 51, 81, 24, 55, 120, 118, 11, 114, 50, 62, 111, 122, 100, 39, 2, 60, 94, 45, 102, 82, 80, 85, 52, 69, 115, 101, 37, 79, 116, 57, 65, 119, 44, 28, 125, 90, 0, 23, 19, 113, 92, 43, 38, 20, 112, 61, 83, 63, 13, 21, 124, 14, 22, 12, 95, 17, 68, 127, 117, 6, 123, 87, 46, 31, 103, 9, 99, 59, 47, 96, 76, 15, 27, 40, 67, 74, 106, 97, 25, 72, 42, 1, 35, 56, 93, 110, 53, 33, 54, 10, 89, 107, 91, 5, 8, 7, 64, 66], [105, 34, 92, 26, 41, 84, 18, 86, 109, 104, 16, 24, 126, 121, 78, 75, 77, 57, 71, 101, 58, 60, 73, 51, 36, 52, 120, 90, 118, 122, 107, 55, 62, 48, 49, 66, 45, 32, 95, 44, 30, 119, 108, 116, 14, 111, 102, 28, 29, 37, 63, 88, 50, 125, 46, 47, 7, 124, 114, 113, 106, 20, 127, 112, 40, 94, 5, 100, 87, 25, 123, 11, 31, 4, 42, 98, 82, 56, 38, 43, 17, 39, 19, 115, 103, 54, 21, 59, 91, 33, 8, 110, 35, 6, 97, 85, 83, 61, 80, 81, 117, 76, 27, 22, 12, 93, 53, 23, 96, 15, 79, 89, 99, 72, 2, 65, 64, 0, 68, 13, 69, 9, 3, 74, 1, 10, 70, 67], [104, 34, 20, 22, 124, 89, 92, 79, 95, 49, 18, 75, 119, 25, 77, 62, 48, 17, 114, 40, 120, 107, 6, 118, 46, 121, 117, 58, 54, 111, 70, 96, 93, 50, 45, 61, 53, 47, 9, 100, 84, 59, 43, 109, 68, 94, 15, 41, 110, 12, 82, 86, 19, 11, 90, 72, 55, 81, 66, 122, 98, 52, 1, 60, 123, 33, 99, 23, 126, 8, 76, 4, 56, 102, 64, 103, 3, 2, 112, 88, 37, 16, 113, 97, 73, 27, 80, 38, 78, 21, 32, 13, 24, 30, 28, 87, 91, 108, 29, 106, 105, 101, 44, 26, 35, 74, 0, 83, 85, 31, 51, 67, 10, 63, 57, 127, 42, 36, 39, 125, 115, 116, 7, 14, 5, 71, 69, 65], [104, 34, 89, 22, 49, 20, 124, 95, 18, 79, 48, 62, 119, 77, 25, 40, 118, 92, 75, 107, 31, 121, 46, 120, 114, 54, 9, 41, 6, 17, 111, 16, 82, 117, 58, 12, 15, 97, 84, 60, 38, 56, 93, 45, 115, 81, 53, 112, 101, 28, 76, 2, 86, 94, 68, 103, 110, 63, 98, 36, 55, 47, 70, 4, 96, 72, 61, 90, 85, 52, 88, 100, 127, 102, 73, 21, 113, 1, 123, 78, 50, 109, 59, 126, 24, 10, 0, 64, 91, 26, 23, 13, 87, 11, 19, 32, 99, 105, 5, 125, 108, 3, 66, 80, 30, 106, 57, 37, 67, 35, 33, 39, 43, 29, 69, 51, 83, 122, 8, 7, 27, 116, 74, 42, 14, 44, 71, 65], [104, 34, 22, 124, 89, 18, 92, 20, 48, 79, 62, 49, 119, 77, 95, 118, 25, 75, 40, 114, 17, 96, 46, 12, 9, 82, 121, 50, 111, 54, 58, 61, 117, 47, 84, 41, 120, 100, 4, 56, 107, 6, 110, 13, 59, 45, 98, 38, 15, 86, 81, 94, 52, 37, 55, 53, 108, 43, 35, 68, 63, 1, 122, 78, 112, 90, 101, 97, 126, 109, 33, 93, 87, 71, 70, 76, 19, 28, 60, 7, 72, 88, 123, 125, 39, 51, 23, 73, 31, 115, 127, 74, 26, 113, 105, 103, 2, 8, 21, 80, 91, 99, 14, 11, 3, 30, 85, 42, 116, 106, 16, 24, 10, 29, 102, 36, 44, 27, 32, 66, 57, 65, 67, 83, 64, 0, 5, 69], [104, 34, 119, 89, 22, 92, 18, 49, 20, 124, 95, 62, 48, 79, 77, 46, 25, 40, 114, 75, 121, 118, 120, 109, 41, 17, 54, 97, 12, 50, 111, 93, 9, 58, 16, 98, 82, 31, 112, 84, 4, 59, 47, 100, 117, 107, 80, 45, 61, 33, 53, 103, 108, 56, 38, 94, 21, 60, 32, 43, 24, 86, 90, 123, 55, 52, 127, 81, 126, 122, 113, 76, 96, 51, 110, 19, 35, 15, 63, 99, 105, 115, 28, 102, 85, 13, 87, 39, 44, 88, 125, 91, 37, 83, 27, 6, 101, 26, 106, 29, 78, 42, 23, 30, 1, 0, 2, 73, 72, 116, 36, 68, 69, 74, 57, 10, 70, 5, 7, 14, 71, 11, 8, 67, 65, 3, 66, 64], [41, 34, 53, 88, 93, 105, 20, 17, 79, 22, 35, 77, 72, 29, 75, 48, 25, 84, 115, 6, 66, 91, 18, 27, 82, 125, 24, 51, 55, 58, 62, 127, 126, 50, 8, 89, 63, 61, 108, 68, 2, 81, 15, 124, 13, 38, 0, 4, 16, 117, 80, 43, 114, 70, 52, 11, 19, 57, 103, 44, 60, 78, 100, 47, 90, 59, 76, 73, 98, 42, 109, 46, 26, 49, 83, 23, 86, 85, 40, 31, 112, 92, 33, 96, 28, 12, 10, 113, 14, 116, 87, 45, 21, 107, 39, 118, 101, 37, 122, 121, 64, 102, 97, 9, 36, 94, 104, 106, 119, 30, 123, 110, 7, 32, 74, 95, 99, 56, 69, 120, 71, 54, 5, 1, 111, 3, 65, 67], [41, 34, 53, 22, 105, 20, 88, 93, 48, 17, 29, 79, 50, 77, 44, 126, 62, 127, 27, 108, 35, 115, 58, 84, 80, 60, 96, 117, 43, 38, 125, 72, 112, 114, 75, 31, 49, 57, 124, 86, 24, 101, 21, 15, 118, 55, 61, 54, 123, 52, 63, 99, 26, 121, 90, 91, 8, 51, 37, 82, 103, 30, 39, 56, 28, 106, 122, 87, 6, 92, 18, 25, 47, 119, 81, 113, 40, 36, 120, 111, 70, 32, 102, 83, 110, 46, 16, 95, 33, 107, 85, 45, 23, 100, 89, 94, 97, 66, 104, 42, 71, 116, 12, 19, 73, 59, 109, 13, 78, 0, 14, 98, 10, 11, 7, 76, 9, 74, 67, 5, 68, 4, 2, 3, 69, 64, 65, 1], [41, 34, 53, 105, 22, 93, 88, 20, 27, 66, 91, 0, 79, 77, 17, 68, 127, 75, 19, 82, 72, 58, 112, 2, 67, 43, 124, 115, 48, 126, 44, 64, 35, 62, 70, 18, 65, 61, 29, 1, 60, 59, 6, 49, 38, 71, 51, 57, 84, 80, 50, 125, 3, 63, 52, 9, 96, 16, 69, 108, 109, 45, 55, 118, 8, 7, 31, 47, 15, 114, 110, 23, 5, 119, 101, 120, 99, 113, 117, 76, 46, 24, 73, 40, 12, 11, 37, 103, 4, 122, 25, 123, 74, 107, 10, 100, 116, 39, 32, 106, 87, 83, 26, 78, 13, 90, 85, 42, 56, 33, 102, 86, 81, 121, 54, 14, 97, 36, 28, 98, 104, 21, 111, 92, 89, 95, 94, 30], [41, 34, 53, 22, 88, 105, 17, 20, 58, 91, 93, 27, 29, 127, 115, 77, 126, 43, 75, 79, 61, 51, 48, 63, 35, 124, 108, 62, 112, 114, 55, 38, 57, 31, 81, 84, 44, 50, 113, 70, 123, 49, 82, 15, 25, 122, 59, 66, 52, 45, 40, 86, 39, 60, 118, 32, 106, 100, 119, 107, 116, 72, 80, 109, 101, 24, 0, 110, 125, 42, 117, 47, 37, 18, 96, 103, 46, 120, 11, 56, 19, 26, 102, 16, 54, 104, 121, 13, 99, 111, 23, 33, 83, 90, 98, 36, 92, 6, 78, 28, 21, 67, 68, 73, 95, 30, 97, 94, 87, 10, 76, 89, 12, 14, 85, 9, 71, 74, 4, 5, 8, 1, 69, 3, 2, 7, 65, 64]], "model.layers.12.self_attn.k_proj": [[38, 49, 127, 31, 113, 24, 21, 83, 80, 28, 82, 77, 35, 72, 108, 74, 62, 106, 105, 66, 96, 64, 1, 90, 112, 30, 40, 25, 102, 16, 107, 6, 51, 37, 34, 57, 116, 75, 86, 60, 125, 48, 45, 109, 76, 58, 91, 55, 44, 27, 117, 126, 29, 120, 119, 5, 46, 124, 59, 42, 67, 4, 87, 111, 85, 122, 47, 94, 23, 114, 26, 73, 84, 56, 43, 17, 63, 118, 115, 14, 79, 0, 104, 71, 98, 54, 41, 61, 69, 50, 78, 39, 12, 52, 110, 36, 92, 100, 53, 32, 123, 70, 103, 11, 121, 20, 15, 93, 97, 68, 89, 18, 101, 88, 99, 22, 81, 33, 19, 65, 10, 9, 7, 3, 8, 13, 2, 95], [109, 37, 45, 28, 24, 21, 31, 26, 82, 83, 78, 16, 62, 115, 75, 116, 124, 117, 49, 113, 121, 53, 110, 57, 30, 63, 8, 41, 105, 23, 64, 61, 127, 51, 60, 55, 126, 2, 103, 120, 33, 40, 90, 15, 93, 112, 42, 100, 118, 125, 107, 44, 111, 77, 108, 54, 34, 59, 17, 50, 18, 46, 43, 39, 56, 47, 22, 58, 5, 114, 85, 73, 65, 86, 48, 87, 38, 123, 97, 99, 95, 52, 27, 19, 102, 81, 104, 9, 106, 94, 68, 92, 13, 119, 96, 29, 98, 3, 80, 4, 20, 76, 32, 36, 12, 25, 122, 71, 35, 79, 89, 91, 84, 72, 10, 70, 66, 11, 74, 1, 7, 69, 14, 6, 67, 88, 0, 101], [107, 33, 43, 95, 22, 91, 24, 15, 26, 50, 115, 83, 13, 85, 118, 81, 20, 48, 61, 18, 49, 75, 63, 100, 117, 47, 126, 110, 9, 36, 46, 70, 54, 42, 112, 127, 124, 64, 39, 93, 116, 58, 108, 2, 121, 51, 101, 113, 111, 114, 68, 72, 123, 71, 57, 119, 120, 60, 12, 102, 125, 55, 65, 56, 99, 38, 44, 59, 40, 109, 19, 122, 45, 104, 52, 62, 41, 98, 103, 96, 53, 106, 14, 37, 105, 87, 11, 82, 92, 94, 3, 32, 30, 34, 29, 88, 74, 27, 35, 23, 76, 28, 21, 5, 78, 80, 25, 89, 16, 77, 79, 90, 31, 10, 97, 8, 86, 4, 1, 84, 17, 6, 67, 73, 7, 66, 69, 0], [113, 57, 102, 33, 82, 29, 23, 16, 11, 0, 3, 78, 65, 6, 77, 22, 26, 38, 59, 2, 71, 125, 108, 126, 73, 95, 83, 64, 63, 53, 84, 62, 93, 58, 72, 85, 12, 118, 114, 28, 79, 49, 89, 40, 56, 5, 60, 45, 61, 36, 124, 39, 68, 88, 123, 15, 96, 30, 119, 127, 117, 112, 106, 74, 116, 115, 52, 81, 94, 122, 111, 120, 27, 86, 121, 47, 100, 44, 31, 46, 4, 32, 34, 55, 109, 43, 91, 50, 103, 24, 51, 13, 37, 54, 35, 99, 41, 92, 19, 76, 48, 110, 105, 97, 98, 21, 17, 80, 20, 9, 42, 104, 107, 87, 1, 8, 69, 10, 25, 67, 14, 101, 75, 70, 90, 18, 7, 66], [103, 62, 48, 21, 81, 93, 14, 76, 11, 80, 61, 73, 71, 69, 3, 87, 0, 2, 65, 56, 45, 24, 8, 41, 70, 27, 64, 7, 66, 112, 6, 18, 117, 125, 32, 116, 54, 95, 119, 10, 94, 121, 13, 37, 33, 25, 47, 63, 74, 118, 1, 35, 51, 5, 72, 83, 4, 108, 97, 111, 99, 55, 67, 122, 50, 9, 105, 19, 75, 115, 68, 59, 15, 86, 120, 114, 31, 12, 113, 44, 43, 100, 17, 42, 107, 57, 126, 30, 28, 78, 104, 101, 22, 88, 92, 96, 84, 38, 26, 109, 16, 49, 106, 102, 60, 77, 20, 52, 79, 98, 85, 29, 123, 58, 53, 110, 127, 36, 89, 124, 23, 46, 40, 90, 34, 91, 82, 39], [41, 98, 26, 88, 18, 45, 84, 58, 16, 86, 112, 44, 111, 119, 109, 78, 40, 60, 75, 105, 77, 63, 50, 55, 96, 71, 121, 92, 73, 0, 104, 30, 2, 124, 122, 43, 4, 57, 56, 36, 49, 65, 39, 115, 125, 123, 29, 107, 101, 53, 31, 126, 110, 51, 62, 120, 85, 34, 113, 127, 69, 17, 74, 76, 47, 48, 68, 52, 42, 114, 79, 102, 100, 70, 61, 87, 38, 118, 59, 19, 89, 91, 28, 106, 94, 37, 6, 15, 103, 27, 117, 54, 9, 93, 35, 83, 108, 97, 32, 46, 11, 72, 20, 95, 116, 67, 33, 22, 23, 99, 25, 8, 81, 13, 90, 80, 10, 21, 5, 24, 12, 14, 64, 82, 66, 1, 3, 7], [40, 98, 89, 18, 22, 43, 119, 20, 79, 124, 48, 92, 49, 77, 112, 50, 17, 75, 31, 62, 61, 110, 9, 12, 6, 109, 60, 72, 117, 53, 113, 118, 54, 45, 68, 111, 107, 59, 41, 46, 84, 34, 58, 121, 64, 120, 14, 114, 47, 63, 35, 115, 56, 127, 65, 74, 44, 96, 83, 1, 100, 97, 66, 13, 70, 123, 28, 94, 104, 93, 55, 85, 33, 16, 36, 26, 2, 38, 3, 23, 67, 42, 102, 8, 103, 105, 11, 126, 29, 88, 24, 90, 81, 52, 39, 91, 122, 125, 101, 30, 51, 32, 57, 76, 116, 106, 7, 108, 37, 10, 27, 86, 99, 80, 69, 78, 73, 71, 15, 21, 0, 5, 4, 25, 19, 95, 87, 82], [105, 98, 53, 20, 88, 29, 17, 79, 22, 77, 75, 124, 61, 41, 64, 51, 126, 44, 6, 72, 119, 2, 80, 82, 59, 91, 112, 60, 118, 38, 63, 4, 108, 117, 127, 55, 58, 43, 45, 50, 62, 57, 35, 115, 125, 73, 101, 122, 12, 111, 110, 49, 46, 28, 123, 107, 42, 48, 32, 104, 19, 26, 47, 10, 40, 109, 66, 113, 34, 52, 78, 103, 114, 120, 39, 87, 56, 96, 90, 21, 86, 9, 102, 95, 116, 5, 31, 37, 36, 65, 97, 25, 106, 54, 121, 71, 67, 81, 30, 100, 33, 74, 99, 89, 8, 27, 92, 76, 1, 94, 69, 70, 85, 23, 11, 93, 7, 68, 24, 16, 15, 18, 3, 83, 14, 13, 84, 0]], "model.layers.12.self_attn.qk_proj": [[62, 49, 105, 41, 57, 113, 48, 45, 127, 109, 43, 107, 38, 102, 88, 40, 93, 53, 24, 18, 34, 82, 86, 90, 21, 104, 58, 124, 98, 75, 97, 22, 85, 80, 20, 16, 11, 84, 95, 92, 112, 29, 77, 31, 78, 61, 13, 14, 81, 17, 119, 103, 28, 87, 26, 25, 27, 19, 73, 15, 79, 126, 33, 83, 121, 37, 89, 12, 23, 9, 50, 60, 118, 76, 6, 116, 44, 55, 115, 96, 0, 51, 108, 56, 101, 111, 125, 7, 39, 110, 64, 91, 59, 63, 71, 35, 47, 122, 117, 72, 8, 3, 1, 2, 65, 69, 66, 52, 100, 114, 36, 70, 46, 120, 5, 123, 94, 30, 67, 32, 10, 54, 42, 99, 4, 68, 106, 74], [49, 62, 105, 41, 57, 113, 48, 45, 127, 109, 43, 107, 38, 40, 102, 34, 93, 88, 53, 24, 86, 124, 90, 21, 58, 104, 18, 82, 11, 75, 97, 112, 98, 29, 31, 92, 22, 20, 95, 80, 84, 77, 85, 16, 13, 78, 61, 119, 14, 28, 87, 26, 17, 25, 27, 103, 81, 73, 19, 15, 9, 23, 6, 60, 126, 111, 83, 89, 33, 79, 118, 50, 55, 108, 115, 125, 37, 121, 39, 12, 44, 0, 76, 101, 110, 72, 59, 51, 47, 63, 116, 7, 35, 117, 96, 64, 56, 71, 1, 123, 36, 122, 2, 91, 94, 65, 66, 32, 100, 3, 5, 30, 46, 4, 114, 8, 120, 106, 42, 10, 54, 69, 67, 70, 52, 99, 68, 74], [49, 62, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 102, 93, 40, 53, 88, 34, 24, 104, 58, 90, 86, 124, 112, 95, 21, 98, 20, 22, 18, 82, 31, 29, 97, 92, 61, 84, 85, 75, 80, 11, 119, 77, 16, 78, 103, 26, 28, 27, 13, 87, 126, 14, 33, 37, 17, 25, 23, 81, 115, 121, 44, 110, 118, 51, 50, 73, 59, 35, 60, 19, 125, 6, 116, 55, 15, 108, 117, 83, 89, 79, 9, 39, 101, 76, 12, 111, 30, 63, 0, 36, 47, 56, 96, 72, 7, 91, 65, 122, 114, 66, 100, 3, 46, 71, 70, 64, 120, 123, 52, 1, 94, 32, 5, 106, 4, 69, 2, 42, 54, 67, 10, 68, 99, 8, 74], [62, 49, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 40, 102, 53, 24, 93, 88, 34, 90, 58, 86, 124, 112, 82, 104, 18, 21, 20, 98, 80, 31, 95, 29, 22, 77, 97, 92, 75, 16, 85, 11, 84, 119, 14, 61, 103, 78, 25, 13, 28, 17, 27, 121, 79, 23, 87, 126, 44, 26, 81, 33, 50, 60, 51, 111, 118, 9, 83, 108, 15, 64, 89, 73, 101, 12, 115, 19, 39, 59, 63, 116, 37, 35, 55, 47, 70, 72, 125, 56, 110, 6, 91, 117, 76, 114, 0, 65, 30, 100, 7, 71, 123, 96, 2, 42, 66, 94, 120, 36, 67, 32, 3, 1, 122, 4, 54, 46, 52, 68, 69, 106, 5, 99, 8, 74, 10], [62, 49, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 40, 102, 53, 34, 88, 24, 58, 90, 93, 82, 124, 18, 104, 86, 80, 20, 75, 112, 98, 21, 31, 11, 16, 77, 84, 85, 61, 22, 13, 29, 92, 78, 97, 14, 95, 119, 103, 81, 26, 17, 25, 87, 28, 9, 23, 15, 79, 70, 83, 126, 121, 73, 27, 33, 50, 118, 111, 39, 19, 12, 0, 55, 89, 37, 7, 64, 72, 110, 76, 108, 59, 35, 2, 51, 44, 125, 116, 60, 47, 101, 91, 115, 6, 117, 1, 30, 56, 71, 120, 63, 66, 114, 123, 67, 122, 3, 42, 36, 65, 5, 96, 68, 69, 100, 52, 54, 46, 4, 94, 32, 106, 8, 99, 10, 74], [62, 49, 41, 105, 57, 113, 48, 127, 45, 109, 43, 107, 38, 40, 102, 53, 24, 34, 88, 90, 18, 86, 58, 75, 93, 21, 82, 20, 104, 124, 80, 77, 11, 98, 84, 31, 16, 85, 13, 78, 22, 14, 112, 92, 97, 61, 29, 119, 95, 17, 25, 81, 103, 28, 26, 87, 73, 15, 27, 9, 19, 121, 79, 83, 111, 12, 76, 70, 23, 89, 47, 50, 126, 37, 116, 55, 39, 72, 108, 118, 60, 56, 33, 115, 125, 117, 0, 44, 59, 35, 7, 64, 110, 51, 91, 65, 114, 94, 123, 63, 46, 66, 101, 2, 71, 96, 1, 6, 54, 52, 68, 120, 5, 122, 30, 99, 42, 36, 69, 67, 3, 100, 4, 106, 8, 74, 32, 10], [49, 62, 41, 105, 113, 57, 48, 127, 109, 45, 43, 107, 38, 102, 40, 88, 24, 53, 90, 18, 34, 86, 21, 82, 93, 20, 80, 104, 75, 58, 124, 84, 77, 22, 98, 16, 85, 92, 11, 13, 61, 29, 78, 31, 112, 14, 97, 17, 119, 81, 95, 23, 87, 26, 79, 28, 103, 25, 76, 15, 83, 27, 33, 121, 73, 9, 44, 50, 89, 12, 70, 19, 39, 126, 111, 37, 118, 55, 110, 116, 108, 60, 72, 51, 115, 47, 56, 117, 7, 59, 64, 122, 35, 101, 96, 63, 52, 94, 36, 91, 125, 67, 120, 0, 42, 1, 123, 71, 100, 66, 65, 2, 30, 46, 54, 3, 69, 114, 8, 5, 6, 4, 32, 99, 74, 106, 68, 10], [49, 62, 41, 105, 57, 113, 48, 127, 45, 109, 43, 107, 38, 88, 40, 102, 53, 34, 93, 24, 90, 18, 21, 86, 82, 104, 20, 85, 80, 22, 75, 84, 92, 77, 11, 16, 124, 98, 31, 58, 78, 97, 13, 29, 14, 61, 95, 119, 112, 17, 87, 81, 15, 28, 19, 23, 26, 79, 25, 33, 44, 70, 121, 103, 115, 83, 89, 12, 9, 27, 73, 118, 50, 111, 37, 126, 76, 116, 117, 110, 55, 7, 60, 0, 51, 108, 47, 59, 64, 63, 35, 8, 72, 125, 122, 39, 71, 91, 3, 120, 2, 65, 101, 36, 94, 100, 66, 114, 46, 54, 5, 96, 30, 56, 1, 123, 32, 6, 67, 52, 68, 42, 99, 69, 106, 10, 4, 74], [49, 62, 105, 41, 57, 113, 48, 127, 109, 45, 43, 107, 38, 40, 102, 93, 53, 88, 24, 34, 90, 18, 20, 86, 104, 85, 82, 21, 98, 22, 29, 92, 58, 80, 16, 31, 61, 124, 119, 112, 84, 75, 95, 78, 11, 77, 97, 14, 25, 23, 17, 26, 81, 28, 13, 87, 19, 121, 79, 44, 103, 15, 115, 111, 126, 37, 89, 33, 27, 9, 73, 110, 108, 50, 60, 39, 83, 47, 76, 96, 51, 55, 125, 70, 94, 12, 116, 63, 118, 64, 117, 59, 7, 35, 122, 30, 0, 91, 2, 36, 6, 56, 8, 42, 67, 66, 54, 1, 71, 114, 101, 65, 52, 46, 100, 120, 106, 3, 123, 72, 4, 32, 68, 99, 5, 69, 74, 10], [49, 62, 41, 57, 105, 113, 48, 127, 45, 109, 43, 107, 38, 53, 102, 40, 88, 24, 93, 34, 18, 90, 58, 104, 86, 85, 82, 22, 20, 75, 21, 16, 124, 92, 31, 77, 61, 80, 29, 78, 84, 112, 119, 11, 13, 95, 14, 97, 98, 81, 25, 23, 28, 26, 19, 15, 17, 87, 103, 27, 9, 121, 79, 126, 33, 83, 44, 89, 73, 50, 111, 60, 51, 47, 115, 108, 37, 8, 118, 6, 70, 76, 55, 12, 110, 125, 63, 7, 39, 71, 64, 0, 96, 67, 120, 36, 101, 30, 66, 59, 94, 4, 91, 114, 56, 117, 1, 116, 65, 123, 35, 32, 2, 3, 42, 54, 68, 5, 100, 122, 46, 106, 69, 74, 99, 72, 52, 10], [49, 62, 105, 41, 57, 113, 48, 45, 127, 43, 109, 107, 38, 102, 53, 40, 34, 24, 93, 88, 18, 82, 86, 58, 21, 90, 104, 75, 80, 16, 31, 77, 124, 61, 85, 20, 78, 22, 98, 112, 29, 92, 97, 11, 95, 84, 14, 119, 13, 17, 81, 25, 26, 6, 103, 9, 87, 28, 126, 23, 19, 27, 15, 79, 76, 83, 64, 8, 50, 73, 118, 89, 33, 115, 121, 111, 12, 37, 47, 7, 2, 116, 60, 71, 0, 51, 63, 120, 66, 91, 125, 1, 110, 44, 70, 114, 35, 67, 108, 55, 56, 5, 65, 101, 4, 30, 39, 59, 96, 123, 3, 122, 117, 36, 68, 69, 72, 42, 54, 94, 32, 52, 46, 74, 100, 99, 106, 10], [49, 62, 41, 105, 113, 57, 48, 109, 127, 45, 43, 107, 38, 40, 102, 53, 88, 34, 24, 93, 86, 18, 90, 58, 21, 82, 80, 75, 104, 77, 22, 16, 20, 98, 84, 92, 85, 78, 11, 31, 29, 112, 124, 61, 13, 14, 97, 95, 17, 81, 119, 26, 28, 103, 6, 15, 25, 87, 9, 73, 19, 76, 23, 12, 83, 89, 79, 126, 37, 121, 50, 111, 27, 8, 33, 64, 60, 44, 47, 0, 39, 71, 51, 115, 118, 2, 120, 55, 7, 66, 56, 108, 116, 125, 59, 35, 91, 3, 94, 65, 122, 63, 70, 123, 5, 117, 110, 72, 96, 1, 114, 36, 30, 101, 42, 69, 46, 100, 4, 67, 74, 52, 54, 68, 99, 32, 106, 10], [49, 62, 41, 105, 113, 57, 48, 127, 109, 45, 43, 107, 38, 102, 40, 53, 24, 93, 88, 104, 18, 34, 86, 21, 82, 90, 20, 22, 58, 85, 124, 80, 84, 92, 77, 31, 16, 98, 29, 11, 78, 75, 61, 95, 112, 97, 17, 119, 13, 14, 81, 26, 15, 25, 28, 121, 19, 89, 87, 23, 83, 37, 103, 79, 33, 126, 50, 27, 44, 9, 12, 6, 60, 111, 110, 108, 39, 73, 55, 115, 35, 118, 76, 51, 63, 8, 47, 91, 125, 101, 30, 116, 56, 123, 59, 117, 7, 122, 96, 94, 36, 114, 100, 64, 42, 2, 120, 0, 65, 54, 71, 52, 3, 1, 67, 66, 68, 70, 32, 99, 5, 4, 106, 72, 46, 69, 10, 74], [49, 62, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 53, 40, 34, 102, 24, 88, 104, 18, 82, 93, 21, 90, 75, 20, 77, 11, 86, 80, 58, 124, 98, 78, 22, 13, 84, 85, 31, 61, 112, 14, 16, 97, 92, 29, 95, 17, 119, 81, 25, 6, 15, 9, 19, 126, 83, 79, 87, 27, 89, 121, 26, 28, 73, 23, 103, 8, 50, 60, 118, 111, 0, 108, 33, 44, 7, 115, 64, 76, 12, 110, 125, 66, 51, 55, 47, 71, 2, 116, 70, 37, 56, 39, 91, 1, 117, 101, 30, 123, 63, 36, 65, 68, 35, 122, 96, 5, 114, 120, 59, 67, 4, 54, 72, 52, 94, 69, 42, 100, 3, 46, 32, 74, 99, 10, 106], [49, 62, 41, 105, 113, 57, 48, 127, 45, 109, 43, 107, 38, 53, 102, 40, 34, 93, 88, 24, 104, 18, 82, 90, 58, 86, 21, 20, 75, 31, 98, 124, 80, 77, 16, 11, 78, 84, 29, 92, 95, 112, 85, 61, 22, 97, 13, 14, 81, 17, 119, 9, 103, 28, 25, 121, 126, 26, 23, 15, 83, 33, 73, 27, 79, 44, 87, 89, 19, 37, 50, 110, 108, 60, 6, 118, 12, 111, 116, 51, 8, 115, 47, 0, 55, 39, 56, 70, 76, 35, 71, 30, 63, 7, 101, 91, 125, 96, 123, 66, 120, 59, 64, 117, 65, 54, 94, 114, 100, 72, 36, 32, 46, 122, 5, 52, 69, 106, 2, 1, 74, 67, 4, 3, 42, 99, 68, 10], [49, 62, 105, 41, 113, 57, 48, 109, 43, 127, 45, 107, 38, 102, 40, 53, 34, 93, 58, 24, 18, 88, 82, 104, 21, 86, 90, 20, 75, 98, 124, 61, 16, 80, 22, 85, 78, 84, 11, 31, 77, 92, 17, 95, 29, 112, 13, 97, 14, 81, 121, 119, 103, 15, 26, 87, 9, 126, 73, 27, 23, 44, 25, 79, 111, 83, 19, 12, 60, 76, 70, 28, 50, 115, 89, 33, 37, 59, 108, 64, 118, 110, 7, 0, 39, 116, 51, 123, 47, 125, 66, 55, 67, 35, 8, 101, 6, 120, 71, 117, 63, 2, 91, 56, 1, 30, 54, 96, 72, 65, 52, 114, 3, 36, 4, 122, 94, 42, 69, 5, 100, 32, 46, 68, 74, 10, 99, 106], [49, 62, 41, 105, 57, 113, 45, 48, 43, 127, 109, 107, 38, 40, 53, 102, 34, 88, 93, 18, 24, 90, 82, 104, 86, 22, 21, 20, 29, 75, 61, 80, 98, 85, 58, 16, 84, 95, 92, 77, 31, 11, 97, 112, 124, 78, 17, 14, 81, 13, 28, 119, 79, 15, 87, 23, 25, 26, 73, 103, 126, 83, 19, 50, 121, 108, 9, 33, 70, 89, 27, 111, 37, 51, 60, 118, 39, 76, 44, 12, 115, 117, 116, 91, 101, 110, 55, 30, 125, 63, 120, 47, 72, 7, 0, 114, 123, 54, 71, 56, 122, 59, 2, 1, 35, 42, 36, 5, 100, 65, 96, 64, 4, 32, 46, 94, 66, 8, 3, 68, 6, 52, 67, 99, 10, 69, 74, 106], [49, 62, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 40, 102, 53, 34, 93, 88, 24, 18, 82, 21, 104, 86, 90, 20, 98, 11, 58, 75, 22, 80, 16, 31, 95, 92, 97, 84, 124, 112, 29, 85, 77, 61, 13, 14, 81, 17, 119, 78, 26, 103, 87, 28, 79, 15, 121, 83, 126, 50, 25, 27, 70, 23, 33, 73, 44, 9, 89, 19, 108, 37, 60, 118, 39, 111, 110, 116, 76, 51, 47, 35, 30, 101, 71, 55, 12, 117, 64, 125, 72, 91, 115, 63, 0, 7, 59, 67, 100, 96, 114, 36, 65, 66, 56, 123, 6, 2, 122, 52, 46, 120, 32, 1, 54, 94, 106, 42, 8, 69, 68, 99, 5, 10, 4, 3, 74], [49, 41, 62, 105, 57, 113, 127, 48, 45, 109, 43, 107, 38, 40, 102, 93, 53, 88, 34, 104, 58, 24, 18, 82, 90, 20, 86, 112, 29, 98, 80, 85, 31, 97, 61, 21, 124, 84, 16, 119, 75, 95, 22, 92, 11, 77, 14, 103, 26, 81, 17, 126, 78, 87, 28, 121, 13, 25, 108, 39, 110, 118, 44, 9, 33, 27, 15, 50, 79, 89, 23, 37, 73, 70, 51, 111, 60, 63, 83, 19, 59, 125, 101, 116, 47, 55, 117, 56, 96, 94, 30, 36, 72, 35, 12, 115, 71, 91, 100, 64, 42, 76, 32, 0, 7, 123, 66, 120, 65, 122, 106, 46, 6, 67, 114, 54, 52, 1, 99, 2, 69, 3, 68, 4, 8, 10, 74, 5], [49, 62, 105, 41, 57, 113, 48, 127, 45, 109, 43, 107, 38, 102, 40, 53, 93, 34, 88, 24, 86, 90, 18, 21, 58, 104, 82, 98, 20, 31, 80, 75, 124, 11, 29, 61, 95, 97, 22, 85, 92, 112, 84, 77, 16, 78, 13, 17, 119, 14, 28, 25, 81, 103, 121, 87, 15, 33, 27, 9, 26, 50, 19, 126, 83, 37, 111, 89, 79, 101, 73, 60, 116, 47, 118, 23, 63, 39, 72, 59, 12, 108, 76, 55, 51, 44, 70, 117, 96, 115, 110, 35, 30, 125, 0, 120, 64, 71, 7, 123, 56, 91, 114, 1, 36, 42, 6, 2, 54, 4, 94, 106, 100, 32, 52, 67, 122, 46, 65, 68, 99, 5, 69, 66, 3, 74, 8, 10], [49, 62, 41, 105, 57, 113, 48, 45, 127, 43, 109, 107, 38, 40, 53, 34, 102, 93, 24, 104, 88, 86, 18, 58, 82, 90, 21, 98, 80, 20, 11, 75, 124, 97, 22, 77, 31, 92, 16, 85, 13, 29, 84, 95, 112, 78, 61, 14, 81, 17, 119, 103, 121, 73, 15, 25, 9, 27, 126, 79, 83, 87, 26, 19, 23, 110, 28, 50, 89, 76, 116, 72, 12, 111, 47, 44, 33, 118, 115, 60, 51, 37, 108, 55, 6, 39, 101, 59, 70, 71, 64, 117, 0, 123, 125, 63, 7, 35, 120, 30, 52, 36, 2, 46, 1, 54, 66, 96, 69, 91, 65, 56, 114, 3, 122, 42, 32, 67, 68, 4, 99, 10, 100, 94, 74, 8, 106, 5], [49, 62, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 40, 102, 53, 93, 34, 104, 88, 58, 24, 86, 90, 21, 18, 98, 82, 31, 97, 84, 20, 124, 95, 11, 85, 61, 22, 16, 80, 13, 29, 112, 92, 78, 75, 77, 14, 81, 28, 26, 17, 119, 121, 103, 15, 23, 126, 87, 27, 25, 110, 44, 19, 79, 9, 89, 73, 33, 111, 59, 115, 50, 83, 6, 37, 108, 12, 55, 76, 118, 47, 116, 91, 101, 35, 60, 96, 51, 63, 117, 39, 72, 64, 0, 71, 125, 123, 7, 52, 36, 42, 32, 114, 56, 122, 94, 120, 3, 30, 65, 46, 2, 70, 66, 1, 4, 100, 106, 68, 10, 8, 54, 99, 67, 69, 5, 74], [49, 62, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 53, 102, 40, 88, 93, 34, 104, 24, 18, 86, 21, 90, 82, 58, 98, 80, 61, 20, 31, 124, 22, 85, 11, 92, 84, 29, 112, 95, 75, 13, 97, 16, 77, 119, 78, 14, 26, 17, 81, 28, 126, 15, 103, 23, 87, 83, 9, 33, 110, 6, 27, 25, 121, 111, 51, 89, 44, 118, 50, 115, 73, 79, 60, 19, 12, 37, 39, 108, 55, 76, 47, 59, 63, 0, 116, 123, 35, 101, 91, 32, 64, 72, 36, 71, 96, 7, 120, 125, 65, 117, 100, 30, 114, 2, 56, 1, 122, 66, 42, 54, 3, 94, 8, 5, 46, 4, 67, 52, 99, 106, 68, 69, 70, 10, 74], [49, 62, 41, 105, 57, 113, 48, 45, 109, 127, 43, 107, 38, 53, 40, 102, 34, 24, 88, 93, 104, 58, 18, 82, 86, 98, 90, 11, 31, 80, 21, 20, 85, 124, 75, 92, 77, 112, 97, 22, 16, 84, 95, 13, 29, 61, 78, 81, 14, 28, 119, 103, 26, 17, 25, 9, 6, 126, 87, 73, 111, 79, 23, 121, 83, 15, 19, 33, 27, 89, 50, 115, 37, 118, 47, 110, 116, 55, 108, 60, 76, 123, 12, 44, 59, 39, 63, 117, 7, 72, 35, 101, 51, 56, 64, 125, 96, 91, 71, 114, 8, 36, 120, 0, 30, 65, 2, 68, 32, 46, 66, 3, 99, 54, 4, 52, 70, 100, 94, 122, 1, 69, 5, 42, 106, 67, 74, 10], [49, 62, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 40, 102, 34, 93, 53, 88, 24, 18, 86, 104, 21, 90, 58, 82, 22, 20, 98, 16, 124, 61, 29, 31, 11, 97, 80, 112, 84, 75, 85, 92, 95, 77, 13, 28, 78, 119, 14, 103, 81, 26, 17, 25, 121, 73, 87, 23, 89, 9, 83, 27, 79, 12, 33, 108, 6, 126, 15, 50, 44, 19, 39, 111, 37, 118, 60, 76, 51, 110, 116, 117, 35, 55, 59, 101, 47, 7, 56, 63, 0, 123, 125, 115, 8, 122, 120, 64, 1, 96, 30, 70, 72, 2, 114, 71, 52, 91, 54, 46, 3, 36, 100, 32, 66, 42, 5, 67, 94, 106, 65, 99, 68, 69, 74, 4, 10], [49, 62, 41, 105, 57, 113, 48, 109, 127, 45, 43, 107, 38, 40, 34, 102, 88, 53, 93, 104, 24, 90, 18, 86, 22, 82, 58, 20, 21, 11, 31, 98, 92, 85, 112, 97, 75, 80, 16, 84, 124, 29, 61, 77, 78, 95, 13, 119, 28, 81, 14, 17, 26, 15, 25, 103, 19, 73, 23, 27, 83, 9, 89, 87, 79, 33, 126, 111, 50, 121, 60, 12, 51, 118, 37, 125, 110, 44, 70, 76, 55, 108, 6, 8, 115, 7, 39, 116, 35, 0, 101, 47, 63, 64, 59, 123, 56, 114, 117, 122, 120, 42, 71, 1, 30, 91, 96, 65, 100, 54, 52, 69, 2, 32, 67, 36, 106, 5, 94, 66, 3, 72, 46, 68, 10, 74, 4, 99], [49, 62, 41, 105, 57, 113, 48, 109, 127, 45, 43, 107, 38, 53, 102, 40, 88, 104, 24, 34, 93, 90, 18, 86, 82, 58, 98, 22, 124, 20, 29, 112, 21, 61, 85, 80, 92, 75, 31, 11, 16, 84, 77, 95, 78, 81, 97, 17, 126, 119, 13, 14, 25, 103, 28, 26, 87, 23, 83, 33, 27, 9, 73, 110, 121, 115, 79, 125, 15, 51, 89, 44, 12, 50, 108, 37, 55, 39, 60, 8, 111, 70, 47, 76, 35, 36, 19, 118, 116, 59, 117, 7, 101, 63, 6, 91, 0, 114, 100, 56, 65, 64, 42, 122, 66, 2, 32, 71, 94, 96, 67, 120, 123, 30, 54, 68, 1, 52, 69, 3, 46, 5, 106, 4, 10, 99, 72, 74], [49, 62, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 53, 40, 102, 88, 24, 34, 18, 104, 93, 82, 90, 86, 75, 58, 11, 80, 21, 98, 124, 20, 85, 16, 61, 31, 22, 77, 92, 78, 97, 84, 13, 112, 29, 95, 81, 17, 14, 119, 70, 9, 103, 28, 126, 83, 25, 26, 73, 64, 87, 79, 121, 23, 115, 15, 27, 19, 33, 8, 89, 76, 12, 7, 118, 44, 111, 51, 55, 0, 116, 50, 2, 110, 66, 101, 60, 59, 125, 108, 117, 47, 68, 67, 65, 37, 56, 6, 39, 71, 123, 63, 3, 1, 91, 5, 52, 35, 96, 122, 36, 114, 100, 30, 46, 4, 69, 54, 120, 94, 72, 10, 106, 32, 42, 74, 99], [62, 49, 41, 105, 57, 113, 48, 127, 45, 109, 43, 107, 38, 102, 40, 53, 34, 93, 88, 58, 24, 104, 21, 124, 11, 86, 90, 18, 98, 75, 84, 82, 29, 61, 22, 31, 95, 92, 112, 80, 20, 85, 78, 97, 77, 16, 13, 26, 17, 14, 103, 119, 81, 23, 121, 25, 70, 15, 73, 28, 27, 9, 126, 8, 87, 89, 37, 19, 50, 12, 44, 47, 33, 51, 125, 83, 116, 115, 7, 110, 118, 60, 108, 79, 111, 59, 0, 39, 35, 55, 101, 76, 63, 64, 56, 91, 114, 2, 96, 1, 117, 30, 67, 100, 36, 71, 66, 52, 46, 122, 3, 123, 120, 4, 32, 69, 65, 54, 6, 5, 42, 94, 68, 99, 106, 72, 10, 74], [49, 62, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 102, 40, 24, 53, 88, 93, 34, 18, 90, 82, 86, 11, 58, 75, 21, 20, 104, 98, 22, 16, 80, 124, 85, 31, 92, 29, 77, 13, 84, 97, 112, 78, 61, 95, 14, 17, 81, 19, 119, 25, 103, 9, 121, 26, 87, 73, 15, 28, 70, 126, 23, 79, 89, 37, 50, 33, 44, 8, 27, 12, 116, 111, 83, 76, 101, 60, 115, 0, 47, 118, 125, 55, 7, 59, 56, 117, 64, 51, 108, 66, 96, 39, 110, 65, 63, 2, 123, 35, 71, 94, 5, 114, 1, 91, 67, 30, 6, 3, 54, 46, 120, 122, 68, 69, 74, 72, 4, 100, 42, 32, 36, 99, 52, 106, 10], [49, 62, 41, 105, 113, 57, 48, 45, 127, 109, 43, 107, 38, 40, 102, 53, 88, 93, 24, 58, 34, 82, 90, 18, 104, 124, 21, 20, 112, 11, 86, 85, 16, 22, 77, 97, 75, 98, 80, 92, 84, 95, 13, 61, 31, 14, 103, 29, 78, 17, 81, 119, 15, 28, 19, 23, 121, 115, 25, 9, 83, 126, 27, 73, 79, 70, 87, 26, 116, 37, 12, 44, 89, 33, 50, 59, 51, 39, 60, 108, 35, 111, 101, 118, 125, 76, 55, 7, 8, 110, 64, 6, 47, 117, 63, 114, 0, 56, 123, 91, 2, 96, 122, 46, 65, 69, 54, 71, 30, 72, 100, 1, 52, 66, 68, 36, 67, 3, 4, 42, 120, 94, 5, 32, 99, 106, 10, 74], [62, 49, 41, 105, 57, 113, 48, 127, 45, 109, 43, 107, 38, 102, 40, 53, 88, 34, 24, 93, 82, 18, 90, 86, 75, 104, 21, 77, 11, 20, 58, 22, 85, 124, 16, 98, 31, 84, 13, 97, 95, 92, 112, 80, 61, 29, 14, 78, 17, 81, 28, 26, 119, 79, 87, 9, 15, 19, 115, 103, 73, 83, 126, 25, 12, 37, 23, 27, 33, 121, 50, 108, 89, 70, 76, 7, 118, 111, 8, 6, 44, 51, 60, 63, 116, 59, 47, 72, 39, 110, 71, 96, 0, 101, 123, 91, 55, 117, 35, 64, 68, 56, 125, 114, 2, 1, 100, 66, 46, 42, 36, 5, 122, 65, 67, 94, 10, 120, 30, 54, 4, 74, 52, 32, 69, 99, 3, 106]], "model.layers.13.self_attn.q_proj": [[115, 103, 62, 124, 126, 50, 93, 54, 90, 20, 89, 13, 122, 74, 83, 23, 127, 33, 7, 82, 61, 39, 48, 112, 80, 56, 22, 25, 2, 91, 92, 29, 31, 0, 53, 52, 67, 117, 116, 119, 51, 120, 77, 4, 65, 121, 6, 5, 87, 69, 125, 21, 15, 12, 100, 114, 64, 118, 60, 59, 66, 49, 3, 16, 95, 34, 55, 37, 28, 19, 111, 17, 18, 68, 58, 99, 85, 72, 63, 32, 57, 81, 44, 9, 70, 30, 84, 36, 88, 101, 96, 24, 113, 45, 11, 109, 35, 94, 102, 98, 26, 123, 38, 27, 14, 76, 78, 73, 8, 47, 107, 86, 43, 46, 41, 40, 42, 105, 110, 108, 79, 71, 75, 104, 97, 1, 106, 10], [115, 62, 103, 124, 50, 54, 126, 23, 74, 67, 61, 90, 122, 127, 56, 112, 7, 53, 93, 82, 6, 39, 77, 116, 48, 2, 68, 117, 52, 0, 89, 33, 121, 114, 51, 120, 85, 15, 31, 25, 119, 49, 125, 60, 11, 111, 22, 118, 55, 63, 59, 37, 69, 58, 113, 57, 95, 44, 109, 45, 9, 110, 46, 107, 38, 35, 43, 83, 13, 65, 123, 108, 102, 47, 20, 41, 34, 42, 104, 105, 106, 100, 92, 64, 5, 98, 73, 28, 40, 96, 101, 66, 32, 99, 79, 36, 87, 18, 72, 14, 30, 29, 88, 24, 94, 21, 10, 80, 26, 16, 19, 86, 4, 70, 84, 12, 3, 91, 81, 97, 27, 76, 1, 78, 17, 75, 8, 71], [62, 115, 103, 39, 124, 127, 126, 50, 90, 61, 54, 112, 122, 23, 11, 7, 15, 20, 82, 52, 74, 53, 89, 116, 51, 119, 6, 56, 14, 48, 0, 117, 68, 67, 79, 120, 84, 121, 125, 114, 59, 80, 55, 111, 100, 118, 49, 95, 60, 72, 22, 66, 57, 33, 63, 102, 58, 113, 2, 107, 73, 43, 109, 110, 93, 34, 37, 40, 101, 31, 46, 92, 45, 35, 13, 18, 44, 28, 106, 25, 98, 81, 38, 108, 96, 123, 47, 32, 69, 41, 42, 105, 104, 99, 87, 88, 16, 24, 94, 85, 77, 83, 30, 29, 91, 26, 8, 27, 9, 86, 75, 36, 70, 12, 76, 78, 65, 97, 5, 19, 64, 10, 17, 21, 71, 4, 1, 3], [115, 62, 103, 50, 126, 124, 54, 90, 61, 122, 127, 74, 112, 67, 82, 48, 56, 7, 39, 117, 77, 52, 83, 116, 114, 93, 2, 53, 120, 125, 51, 119, 121, 18, 92, 13, 6, 111, 0, 89, 49, 59, 60, 88, 109, 55, 63, 58, 118, 33, 45, 57, 23, 11, 108, 113, 47, 21, 43, 25, 102, 107, 40, 46, 65, 44, 69, 123, 66, 64, 87, 110, 37, 15, 42, 20, 105, 35, 104, 41, 106, 5, 100, 19, 101, 68, 98, 17, 73, 38, 91, 3, 95, 96, 29, 34, 9, 85, 36, 99, 10, 31, 32, 70, 4, 28, 22, 30, 12, 16, 94, 72, 26, 27, 81, 24, 1, 97, 84, 76, 86, 80, 14, 78, 71, 79, 8, 75], [123, 127, 60, 62, 38, 121, 53, 56, 61, 122, 110, 120, 59, 57, 54, 52, 44, 114, 119, 51, 125, 118, 116, 91, 117, 124, 126, 55, 115, 48, 58, 47, 113, 49, 90, 50, 111, 63, 102, 82, 46, 108, 109, 32, 112, 14, 104, 45, 29, 100, 84, 34, 103, 99, 107, 37, 86, 43, 97, 105, 39, 22, 42, 106, 36, 24, 40, 33, 89, 98, 41, 94, 101, 27, 30, 23, 75, 20, 88, 35, 96, 18, 25, 26, 95, 93, 80, 31, 78, 19, 28, 8, 9, 21, 87, 11, 81, 83, 64, 68, 85, 92, 13, 66, 17, 1, 12, 76, 77, 16, 79, 70, 71, 5, 15, 72, 3, 7, 10, 65, 6, 67, 73, 4, 0, 69, 2, 74], [127, 123, 38, 121, 62, 60, 37, 53, 56, 61, 122, 57, 120, 54, 116, 51, 59, 114, 52, 58, 44, 32, 119, 125, 36, 118, 124, 117, 49, 126, 115, 90, 110, 55, 108, 47, 50, 111, 113, 63, 89, 107, 82, 109, 91, 112, 106, 100, 48, 87, 14, 46, 84, 102, 42, 96, 45, 103, 34, 27, 25, 20, 22, 104, 40, 78, 8, 97, 94, 39, 31, 43, 95, 98, 29, 105, 101, 41, 30, 33, 99, 86, 1, 35, 75, 9, 81, 18, 26, 19, 93, 92, 24, 28, 5, 12, 68, 3, 71, 76, 64, 0, 79, 13, 88, 70, 21, 72, 23, 17, 85, 10, 15, 66, 16, 67, 83, 73, 7, 6, 80, 11, 77, 4, 2, 69, 65, 74], [123, 127, 62, 60, 121, 1, 53, 61, 56, 122, 57, 115, 120, 54, 52, 63, 51, 58, 59, 32, 114, 116, 124, 113, 125, 118, 119, 117, 49, 110, 126, 107, 55, 87, 37, 0, 111, 47, 50, 48, 112, 20, 109, 106, 104, 91, 108, 64, 46, 38, 44, 45, 67, 75, 66, 41, 42, 39, 43, 100, 40, 105, 78, 82, 103, 3, 36, 26, 71, 101, 34, 22, 68, 99, 18, 95, 72, 14, 5, 98, 88, 13, 33, 28, 79, 30, 94, 35, 102, 27, 96, 16, 97, 92, 9, 8, 93, 10, 76, 21, 17, 11, 6, 83, 2, 70, 15, 29, 23, 85, 84, 86, 31, 12, 24, 90, 25, 19, 73, 65, 7, 81, 89, 4, 69, 80, 77, 74], [127, 123, 38, 24, 83, 17, 28, 79, 90, 26, 10, 97, 13, 60, 31, 86, 104, 121, 84, 76, 4, 42, 7, 29, 62, 74, 77, 85, 40, 88, 19, 2, 53, 46, 70, 92, 15, 49, 81, 89, 57, 25, 20, 91, 9, 6, 5, 71, 64, 58, 101, 21, 116, 12, 56, 33, 18, 112, 78, 80, 99, 27, 82, 16, 87, 54, 23, 1, 65, 0, 95, 102, 14, 75, 93, 32, 51, 109, 69, 67, 115, 73, 52, 61, 94, 11, 108, 96, 30, 36, 22, 68, 59, 125, 48, 122, 72, 8, 37, 34, 55, 126, 114, 124, 66, 63, 50, 120, 43, 45, 117, 119, 103, 100, 118, 44, 3, 110, 113, 47, 98, 106, 35, 41, 107, 111, 105, 39], [121, 60, 39, 123, 120, 89, 61, 54, 49, 119, 65, 51, 122, 116, 62, 78, 127, 71, 126, 59, 112, 58, 117, 92, 110, 48, 118, 11, 50, 57, 124, 80, 53, 4, 55, 18, 27, 56, 44, 47, 68, 115, 125, 23, 63, 43, 111, 96, 69, 105, 46, 90, 99, 103, 52, 113, 106, 45, 109, 9, 114, 70, 107, 0, 101, 28, 84, 104, 91, 3, 42, 108, 73, 66, 38, 40, 82, 41, 102, 22, 95, 2, 93, 94, 36, 100, 25, 37, 10, 30, 34, 97, 98, 86, 79, 16, 33, 64, 8, 5, 29, 87, 19, 14, 20, 74, 31, 7, 35, 83, 15, 12, 72, 26, 81, 88, 17, 21, 32, 75, 77, 85, 24, 1, 67, 13, 76, 6], [60, 121, 39, 89, 123, 120, 54, 61, 116, 62, 49, 119, 23, 96, 18, 126, 84, 51, 80, 122, 117, 16, 55, 27, 127, 57, 124, 48, 9, 25, 95, 86, 92, 59, 58, 118, 28, 22, 112, 53, 50, 56, 47, 15, 65, 13, 99, 78, 69, 110, 63, 115, 52, 106, 7, 34, 94, 30, 103, 19, 111, 75, 82, 125, 105, 11, 97, 32, 44, 43, 114, 10, 46, 45, 108, 113, 21, 104, 71, 20, 77, 109, 107, 42, 38, 40, 85, 35, 66, 41, 37, 73, 93, 87, 81, 0, 91, 100, 36, 90, 31, 98, 12, 102, 33, 26, 29, 101, 70, 2, 68, 74, 83, 24, 79, 3, 17, 88, 14, 4, 67, 76, 72, 64, 5, 8, 6, 1], [121, 39, 60, 123, 120, 89, 54, 116, 23, 61, 84, 27, 28, 11, 92, 96, 51, 49, 18, 80, 99, 16, 122, 48, 62, 75, 126, 119, 86, 124, 127, 118, 58, 59, 117, 50, 55, 112, 78, 57, 22, 56, 30, 25, 47, 110, 53, 94, 95, 82, 115, 106, 111, 29, 7, 9, 44, 114, 45, 91, 15, 109, 90, 103, 46, 63, 113, 52, 33, 105, 2, 107, 4, 20, 42, 65, 102, 81, 71, 40, 104, 101, 87, 70, 43, 19, 108, 93, 125, 77, 85, 36, 37, 98, 35, 41, 79, 3, 97, 21, 6, 32, 31, 100, 83, 0, 38, 34, 68, 69, 26, 17, 14, 73, 88, 12, 64, 24, 67, 76, 13, 10, 8, 74, 72, 5, 66, 1], [60, 121, 39, 123, 54, 84, 120, 116, 89, 61, 49, 51, 18, 16, 92, 117, 99, 28, 122, 27, 126, 82, 112, 119, 62, 127, 103, 23, 124, 48, 96, 118, 58, 59, 57, 94, 55, 53, 86, 50, 9, 88, 47, 95, 56, 52, 110, 11, 25, 115, 22, 65, 30, 71, 69, 15, 42, 114, 111, 75, 45, 46, 125, 33, 106, 102, 63, 113, 43, 78, 91, 107, 90, 101, 104, 34, 41, 44, 77, 109, 40, 38, 87, 105, 0, 13, 36, 29, 85, 31, 108, 26, 20, 7, 98, 68, 14, 37, 93, 97, 100, 24, 19, 66, 32, 35, 81, 21, 80, 17, 83, 70, 2, 79, 76, 12, 74, 73, 8, 64, 5, 72, 67, 3, 4, 10, 6, 1], [51, 118, 102, 48, 90, 24, 97, 53, 126, 61, 58, 117, 18, 121, 29, 62, 63, 54, 123, 86, 50, 19, 9, 80, 124, 26, 47, 127, 111, 93, 120, 112, 125, 38, 115, 23, 59, 116, 119, 27, 60, 91, 73, 17, 46, 55, 78, 108, 20, 113, 12, 104, 103, 114, 52, 101, 57, 71, 45, 56, 39, 89, 110, 82, 11, 87, 88, 30, 107, 36, 5, 77, 109, 66, 49, 42, 13, 44, 99, 16, 14, 33, 43, 41, 98, 83, 100, 28, 74, 122, 94, 105, 31, 34, 40, 25, 106, 37, 75, 32, 35, 96, 21, 81, 95, 85, 22, 84, 92, 15, 72, 3, 7, 68, 70, 79, 76, 64, 65, 69, 2, 1, 0, 8, 10, 4, 6, 67], [118, 51, 102, 48, 61, 126, 58, 123, 53, 124, 127, 120, 62, 117, 63, 90, 54, 60, 19, 125, 121, 119, 97, 116, 59, 41, 113, 50, 3, 56, 52, 55, 29, 112, 47, 73, 57, 0, 86, 115, 38, 93, 78, 24, 26, 111, 92, 81, 122, 46, 9, 5, 1, 109, 114, 43, 69, 87, 22, 89, 103, 94, 30, 45, 110, 108, 49, 7, 44, 66, 105, 39, 98, 107, 99, 104, 106, 91, 42, 83, 28, 2, 75, 14, 18, 4, 40, 25, 76, 37, 100, 6, 84, 65, 12, 32, 35, 96, 17, 16, 33, 82, 101, 67, 21, 13, 36, 34, 15, 8, 85, 77, 11, 64, 31, 20, 88, 80, 79, 95, 71, 23, 10, 74, 27, 70, 72, 68], [51, 102, 118, 48, 24, 97, 53, 90, 19, 58, 126, 47, 63, 61, 86, 81, 38, 18, 121, 117, 93, 123, 29, 62, 60, 124, 80, 9, 50, 99, 89, 59, 112, 54, 127, 120, 45, 94, 125, 108, 119, 13, 75, 100, 11, 39, 57, 111, 113, 114, 91, 104, 88, 77, 115, 26, 116, 3, 5, 109, 73, 36, 56, 37, 98, 49, 52, 110, 103, 78, 105, 107, 42, 55, 28, 66, 41, 122, 46, 30, 71, 44, 40, 83, 35, 43, 31, 34, 27, 95, 82, 22, 87, 17, 106, 85, 92, 20, 32, 101, 23, 21, 84, 69, 15, 96, 25, 16, 7, 74, 33, 14, 72, 0, 70, 67, 10, 1, 79, 64, 12, 8, 76, 65, 68, 6, 4, 2], [51, 102, 118, 48, 24, 97, 61, 86, 53, 29, 126, 19, 90, 63, 124, 115, 78, 75, 18, 58, 80, 81, 50, 123, 93, 66, 87, 62, 89, 30, 77, 39, 117, 16, 34, 99, 54, 9, 88, 32, 47, 116, 91, 45, 120, 37, 36, 125, 96, 83, 28, 111, 31, 44, 127, 3, 59, 100, 26, 121, 11, 95, 60, 103, 38, 52, 119, 23, 109, 71, 35, 112, 92, 17, 113, 5, 94, 20, 105, 27, 110, 57, 98, 101, 106, 56, 74, 114, 41, 25, 107, 70, 108, 104, 69, 46, 33, 0, 82, 55, 21, 1, 14, 72, 49, 40, 10, 85, 43, 64, 13, 73, 122, 42, 22, 7, 15, 84, 6, 68, 12, 79, 4, 76, 8, 65, 67, 2], [47, 125, 111, 56, 14, 124, 60, 24, 120, 127, 117, 54, 118, 49, 123, 5, 57, 91, 61, 75, 2, 21, 96, 59, 122, 1, 62, 94, 55, 7, 126, 63, 26, 58, 50, 121, 48, 103, 39, 53, 9, 3, 119, 64, 116, 104, 101, 98, 40, 113, 23, 4, 20, 100, 83, 42, 114, 52, 115, 112, 37, 36, 13, 82, 18, 97, 10, 17, 85, 72, 108, 44, 22, 110, 51, 89, 73, 46, 25, 27, 6, 43, 35, 19, 78, 29, 15, 107, 41, 71, 31, 45, 81, 32, 16, 79, 106, 105, 8, 28, 34, 99, 93, 109, 87, 74, 33, 88, 102, 70, 38, 92, 95, 76, 86, 80, 11, 77, 90, 30, 65, 67, 84, 0, 12, 69, 66, 68], [47, 111, 125, 56, 98, 26, 124, 2, 5, 60, 117, 103, 85, 64, 39, 36, 61, 54, 120, 127, 92, 37, 123, 49, 4, 87, 91, 97, 126, 122, 118, 1, 59, 57, 62, 20, 14, 6, 89, 48, 7, 3, 55, 24, 9, 50, 63, 96, 121, 113, 53, 65, 29, 58, 75, 13, 27, 114, 51, 101, 10, 41, 52, 81, 83, 84, 116, 94, 35, 42, 71, 72, 46, 119, 38, 112, 44, 8, 22, 115, 106, 28, 90, 100, 16, 31, 105, 99, 107, 43, 34, 109, 0, 23, 45, 95, 110, 11, 104, 108, 68, 76, 73, 86, 102, 25, 40, 32, 79, 15, 17, 66, 21, 33, 74, 80, 30, 19, 82, 93, 67, 70, 69, 77, 18, 88, 78, 12], [125, 47, 111, 56, 60, 124, 14, 39, 117, 26, 127, 118, 120, 54, 61, 49, 123, 5, 57, 103, 126, 62, 94, 59, 122, 81, 55, 63, 98, 50, 48, 23, 121, 19, 53, 20, 46, 58, 113, 116, 76, 114, 2, 8, 1, 119, 97, 112, 64, 4, 10, 75, 115, 107, 51, 52, 38, 44, 21, 72, 87, 65, 73, 16, 104, 100, 41, 3, 90, 42, 43, 45, 71, 96, 108, 110, 106, 105, 37, 99, 86, 6, 109, 17, 24, 36, 40, 22, 79, 80, 91, 28, 9, 7, 83, 101, 85, 13, 74, 34, 102, 33, 92, 18, 35, 82, 27, 95, 31, 29, 11, 78, 84, 88, 68, 30, 0, 25, 89, 77, 12, 32, 69, 93, 15, 70, 66, 67], [47, 125, 111, 36, 56, 24, 96, 124, 91, 75, 25, 120, 100, 7, 60, 49, 83, 29, 16, 99, 84, 21, 2, 54, 94, 1, 14, 127, 117, 5, 61, 57, 80, 26, 103, 40, 118, 123, 22, 97, 64, 33, 4, 46, 35, 44, 48, 59, 110, 85, 126, 62, 104, 13, 122, 9, 27, 28, 58, 89, 3, 20, 6, 31, 116, 90, 77, 53, 108, 15, 43, 93, 121, 101, 42, 39, 119, 87, 50, 55, 17, 79, 63, 88, 98, 67, 112, 95, 82, 106, 18, 92, 23, 113, 41, 34, 30, 52, 37, 38, 102, 114, 19, 71, 32, 45, 115, 105, 74, 109, 51, 107, 11, 70, 76, 78, 8, 10, 68, 12, 65, 72, 73, 81, 86, 0, 69, 66], [123, 63, 39, 114, 57, 115, 61, 127, 121, 124, 59, 62, 120, 54, 49, 93, 116, 125, 110, 113, 97, 50, 25, 53, 58, 112, 56, 55, 118, 51, 117, 92, 52, 80, 126, 60, 42, 122, 45, 48, 22, 111, 44, 28, 108, 119, 102, 46, 107, 43, 95, 41, 40, 47, 26, 103, 100, 88, 106, 19, 37, 104, 105, 34, 109, 35, 96, 17, 86, 31, 87, 36, 99, 32, 101, 94, 38, 24, 9, 29, 6, 91, 16, 3, 98, 76, 12, 72, 30, 90, 78, 33, 83, 73, 27, 68, 0, 67, 23, 18, 81, 20, 89, 85, 77, 15, 65, 2, 1, 5, 84, 79, 21, 69, 82, 11, 8, 14, 75, 70, 13, 4, 74, 66, 71, 10, 64, 7], [63, 123, 114, 39, 57, 115, 61, 59, 127, 124, 121, 62, 54, 125, 120, 116, 113, 49, 60, 117, 58, 53, 122, 88, 56, 50, 52, 48, 19, 55, 126, 51, 28, 118, 112, 119, 43, 42, 93, 45, 97, 38, 110, 46, 6, 0, 41, 85, 104, 95, 86, 102, 107, 111, 92, 47, 87, 105, 16, 106, 103, 109, 44, 76, 25, 37, 108, 81, 40, 34, 96, 35, 73, 80, 15, 101, 22, 99, 100, 36, 26, 67, 3, 83, 94, 32, 29, 90, 98, 23, 69, 24, 33, 17, 27, 30, 72, 31, 91, 5, 2, 12, 78, 65, 84, 70, 79, 9, 89, 75, 1, 20, 4, 68, 21, 14, 18, 77, 82, 74, 11, 8, 64, 10, 13, 66, 71, 7], [39, 63, 123, 25, 82, 97, 87, 13, 115, 22, 19, 114, 74, 80, 70, 57, 6, 77, 3, 66, 83, 7, 18, 64, 84, 91, 31, 4, 12, 94, 29, 27, 10, 9, 79, 93, 92, 16, 95, 24, 75, 30, 21, 90, 86, 5, 59, 85, 81, 76, 58, 104, 78, 23, 15, 20, 89, 17, 1, 127, 71, 120, 14, 73, 61, 54, 8, 88, 124, 62, 113, 116, 43, 72, 68, 109, 49, 96, 118, 99, 32, 2, 65, 28, 11, 55, 100, 34, 35, 98, 121, 48, 107, 37, 69, 45, 110, 40, 26, 41, 50, 51, 53, 122, 67, 102, 42, 126, 0, 60, 125, 46, 56, 105, 52, 36, 38, 119, 111, 112, 117, 33, 101, 108, 44, 103, 106, 47], [63, 123, 39, 115, 57, 28, 114, 80, 97, 19, 25, 22, 127, 61, 124, 87, 9, 62, 59, 96, 88, 120, 92, 58, 54, 113, 116, 104, 121, 49, 111, 3, 12, 125, 117, 53, 51, 24, 107, 95, 20, 60, 50, 31, 126, 52, 48, 15, 56, 72, 21, 77, 112, 55, 34, 122, 41, 46, 82, 118, 40, 119, 13, 42, 94, 102, 43, 37, 30, 45, 110, 99, 23, 16, 83, 93, 84, 70, 85, 29, 90, 100, 27, 91, 44, 105, 109, 78, 38, 108, 65, 68, 106, 98, 26, 35, 47, 36, 86, 76, 81, 17, 33, 8, 101, 5, 14, 79, 32, 74, 2, 89, 73, 64, 1, 7, 75, 18, 4, 103, 6, 10, 0, 69, 67, 11, 71, 66], [38, 47, 62, 111, 93, 83, 16, 26, 33, 76, 24, 9, 23, 86, 78, 92, 81, 118, 90, 68, 1, 70, 4, 34, 73, 74, 80, 29, 84, 20, 12, 87, 14, 19, 101, 2, 77, 75, 21, 71, 51, 64, 22, 85, 15, 63, 5, 10, 91, 66, 112, 95, 17, 11, 28, 82, 67, 88, 98, 36, 27, 13, 79, 7, 69, 65, 0, 53, 32, 30, 119, 18, 89, 56, 31, 52, 6, 3, 100, 8, 25, 72, 120, 104, 61, 122, 123, 114, 102, 96, 127, 110, 117, 49, 124, 55, 94, 57, 48, 115, 60, 109, 116, 50, 99, 35, 121, 106, 59, 58, 126, 46, 42, 40, 97, 125, 54, 105, 103, 44, 37, 39, 108, 113, 45, 41, 43, 107], [38, 47, 62, 111, 33, 24, 83, 93, 79, 81, 76, 100, 86, 118, 78, 29, 67, 26, 28, 16, 74, 6, 112, 32, 87, 90, 84, 119, 53, 92, 77, 34, 63, 18, 61, 120, 70, 85, 122, 56, 71, 114, 52, 13, 25, 98, 82, 23, 3, 88, 27, 19, 75, 51, 2, 20, 127, 95, 123, 22, 9, 60, 55, 121, 99, 117, 10, 17, 5, 49, 80, 115, 48, 94, 124, 0, 1, 50, 58, 113, 91, 4, 57, 89, 30, 8, 21, 15, 31, 12, 125, 68, 101, 116, 110, 14, 104, 106, 107, 59, 11, 96, 126, 73, 105, 72, 54, 37, 46, 35, 40, 7, 36, 108, 102, 45, 43, 109, 44, 66, 39, 41, 42, 103, 97, 65, 69, 64], [62, 111, 47, 38, 118, 120, 51, 63, 56, 53, 119, 100, 117, 58, 48, 122, 55, 124, 60, 123, 113, 52, 108, 116, 115, 127, 57, 112, 114, 121, 61, 49, 50, 126, 54, 18, 104, 59, 91, 125, 106, 109, 107, 110, 46, 27, 101, 28, 41, 84, 45, 44, 95, 35, 37, 105, 40, 43, 42, 103, 96, 92, 99, 36, 39, 24, 98, 33, 32, 87, 23, 21, 34, 31, 30, 93, 86, 94, 29, 89, 26, 97, 102, 82, 25, 20, 22, 90, 88, 81, 85, 79, 83, 15, 13, 77, 17, 8, 74, 67, 10, 72, 78, 64, 16, 3, 75, 19, 7, 76, 70, 69, 71, 11, 80, 14, 6, 5, 66, 0, 12, 4, 2, 65, 1, 9, 68, 73], [62, 111, 47, 118, 120, 100, 38, 56, 119, 52, 53, 112, 58, 63, 48, 57, 123, 113, 122, 55, 125, 117, 60, 115, 54, 51, 121, 114, 50, 124, 127, 61, 49, 126, 59, 116, 109, 110, 107, 36, 46, 104, 105, 106, 44, 108, 28, 45, 43, 27, 42, 41, 35, 103, 39, 91, 40, 82, 101, 84, 95, 33, 34, 92, 23, 37, 99, 102, 31, 18, 98, 93, 87, 32, 21, 30, 29, 96, 94, 86, 24, 97, 26, 22, 25, 89, 90, 67, 81, 20, 79, 6, 85, 10, 15, 12, 88, 8, 64, 72, 78, 70, 83, 19, 14, 17, 13, 66, 3, 7, 69, 77, 74, 11, 80, 16, 65, 75, 76, 0, 73, 71, 5, 2, 4, 68, 9, 1], [42, 43, 33, 72, 38, 1, 5, 91, 113, 106, 0, 21, 114, 12, 79, 24, 30, 67, 81, 19, 119, 61, 46, 124, 82, 49, 2, 107, 74, 53, 121, 122, 69, 66, 75, 71, 13, 25, 47, 112, 28, 126, 86, 77, 94, 87, 125, 45, 4, 117, 23, 3, 123, 70, 88, 50, 20, 80, 48, 65, 68, 89, 76, 63, 101, 100, 116, 8, 15, 103, 59, 27, 17, 110, 99, 7, 60, 14, 118, 11, 62, 104, 41, 64, 58, 31, 6, 115, 102, 57, 52, 92, 37, 127, 109, 51, 9, 78, 32, 22, 111, 90, 83, 56, 54, 16, 73, 26, 35, 39, 96, 55, 105, 95, 85, 84, 120, 10, 97, 98, 18, 44, 29, 36, 40, 108, 93, 34], [42, 38, 91, 33, 117, 43, 21, 82, 79, 74, 24, 107, 12, 20, 78, 10, 70, 14, 121, 89, 112, 30, 119, 81, 106, 27, 86, 19, 18, 84, 8, 88, 92, 28, 114, 6, 3, 113, 16, 94, 61, 67, 15, 87, 64, 90, 122, 80, 96, 5, 22, 23, 123, 57, 69, 83, 9, 76, 85, 25, 37, 102, 56, 40, 72, 75, 36, 93, 73, 51, 45, 13, 29, 116, 39, 32, 65, 63, 17, 77, 4, 46, 41, 100, 71, 26, 47, 35, 31, 95, 53, 124, 101, 11, 62, 105, 127, 125, 49, 7, 110, 34, 68, 99, 52, 98, 50, 126, 103, 66, 109, 59, 104, 60, 2, 48, 58, 118, 115, 44, 111, 54, 120, 55, 1, 108, 97, 0], [117, 43, 38, 42, 113, 33, 91, 107, 30, 114, 47, 123, 41, 46, 125, 62, 24, 26, 112, 39, 106, 59, 111, 60, 53, 116, 18, 115, 40, 50, 63, 87, 56, 118, 121, 119, 80, 108, 57, 89, 48, 124, 110, 51, 86, 61, 32, 109, 45, 127, 82, 52, 54, 126, 120, 55, 31, 58, 49, 28, 34, 44, 36, 81, 101, 104, 78, 95, 122, 94, 35, 96, 98, 88, 99, 19, 14, 21, 105, 37, 84, 93, 100, 29, 90, 103, 25, 20, 79, 11, 97, 23, 22, 16, 77, 27, 92, 13, 73, 83, 102, 85, 74, 17, 9, 70, 12, 76, 75, 2, 66, 8, 67, 6, 4, 71, 72, 7, 5, 0, 68, 15, 3, 10, 1, 64, 65, 69], [43, 38, 107, 33, 114, 91, 46, 47, 26, 24, 42, 117, 62, 30, 53, 56, 123, 119, 125, 39, 116, 111, 41, 59, 82, 115, 52, 90, 113, 48, 84, 118, 49, 55, 126, 50, 124, 51, 112, 122, 60, 57, 106, 121, 105, 63, 109, 120, 61, 110, 93, 44, 45, 127, 40, 54, 77, 108, 101, 34, 58, 35, 27, 88, 18, 100, 20, 37, 32, 104, 99, 98, 103, 29, 36, 31, 25, 81, 94, 86, 96, 102, 95, 28, 89, 87, 78, 22, 92, 14, 23, 76, 80, 17, 97, 75, 83, 19, 21, 16, 13, 12, 8, 79, 73, 11, 9, 6, 70, 4, 71, 67, 74, 5, 66, 72, 68, 15, 7, 0, 3, 64, 1, 69, 10, 2, 85, 65]], "model.layers.13.self_attn.k_proj": [[115, 62, 39, 124, 127, 50, 36, 61, 54, 22, 122, 112, 126, 97, 116, 52, 53, 56, 117, 51, 121, 48, 120, 119, 49, 114, 125, 55, 118, 111, 100, 57, 60, 59, 29, 58, 63, 89, 113, 91, 46, 107, 92, 109, 47, 44, 123, 45, 110, 42, 23, 105, 95, 43, 33, 108, 106, 41, 40, 37, 82, 104, 99, 101, 38, 30, 102, 20, 87, 19, 80, 78, 31, 103, 90, 88, 98, 34, 94, 35, 24, 96, 21, 1, 81, 79, 28, 32, 8, 75, 93, 26, 86, 73, 27, 76, 17, 13, 69, 10, 16, 71, 83, 14, 12, 68, 25, 84, 85, 11, 67, 15, 5, 18, 6, 66, 70, 74, 77, 4, 72, 9, 0, 7, 3, 2, 64, 65], [127, 123, 102, 86, 35, 60, 121, 58, 28, 63, 31, 51, 57, 83, 48, 99, 115, 110, 53, 24, 108, 46, 56, 17, 62, 79, 61, 125, 49, 52, 33, 116, 122, 50, 117, 114, 90, 112, 84, 54, 42, 55, 126, 40, 25, 59, 124, 29, 119, 107, 47, 44, 45, 120, 113, 109, 43, 16, 97, 111, 104, 118, 106, 34, 13, 41, 105, 76, 10, 39, 103, 38, 101, 37, 98, 14, 100, 91, 36, 32, 82, 95, 72, 96, 71, 68, 21, 81, 94, 22, 93, 30, 87, 19, 9, 20, 80, 77, 23, 92, 26, 88, 67, 11, 1, 66, 85, 89, 27, 15, 73, 12, 74, 18, 70, 75, 5, 69, 78, 6, 2, 0, 7, 8, 4, 64, 3, 65], [121, 60, 103, 123, 86, 54, 49, 35, 120, 61, 116, 32, 51, 119, 62, 122, 127, 55, 126, 118, 53, 28, 57, 59, 48, 124, 112, 50, 58, 115, 56, 110, 47, 99, 117, 63, 42, 44, 111, 114, 46, 125, 45, 52, 109, 106, 22, 113, 100, 105, 107, 30, 43, 23, 77, 108, 41, 40, 25, 84, 18, 101, 80, 96, 102, 104, 37, 91, 89, 98, 94, 90, 75, 38, 31, 36, 19, 97, 33, 15, 29, 93, 5, 16, 95, 34, 26, 88, 21, 81, 12, 17, 87, 3, 92, 13, 24, 76, 78, 6, 79, 27, 39, 85, 64, 66, 73, 8, 0, 9, 70, 83, 11, 82, 72, 74, 20, 71, 10, 14, 4, 67, 2, 7, 1, 65, 68, 69], [51, 118, 38, 86, 33, 48, 61, 53, 93, 123, 54, 120, 58, 124, 125, 117, 62, 126, 127, 59, 60, 115, 63, 47, 121, 119, 116, 55, 56, 50, 52, 57, 24, 113, 41, 112, 99, 26, 46, 91, 122, 81, 39, 104, 43, 103, 18, 111, 80, 45, 42, 11, 114, 109, 40, 19, 49, 110, 44, 105, 101, 107, 106, 20, 108, 79, 77, 36, 102, 89, 30, 90, 84, 97, 34, 21, 25, 35, 78, 27, 37, 15, 28, 6, 95, 4, 100, 98, 23, 67, 32, 88, 17, 96, 8, 9, 74, 16, 82, 72, 1, 22, 92, 31, 94, 75, 85, 87, 12, 10, 14, 65, 5, 76, 13, 64, 29, 69, 71, 70, 7, 2, 83, 66, 0, 73, 68, 3], [111, 125, 100, 47, 22, 120, 127, 118, 56, 54, 123, 60, 124, 59, 62, 117, 61, 57, 55, 122, 53, 63, 48, 126, 29, 121, 50, 49, 32, 108, 107, 119, 116, 42, 58, 113, 114, 36, 43, 115, 52, 105, 112, 51, 40, 39, 106, 41, 44, 46, 91, 110, 24, 103, 83, 45, 102, 104, 109, 25, 80, 26, 38, 79, 84, 99, 97, 92, 101, 35, 72, 37, 95, 76, 81, 18, 30, 34, 98, 33, 10, 31, 90, 4, 93, 21, 78, 77, 11, 89, 88, 86, 17, 20, 28, 71, 85, 94, 0, 82, 96, 16, 66, 13, 3, 12, 23, 27, 15, 73, 87, 65, 14, 70, 74, 6, 19, 2, 69, 75, 5, 9, 64, 7, 1, 8, 67, 68], [103, 123, 63, 22, 57, 115, 33, 114, 54, 13, 124, 127, 82, 25, 61, 59, 62, 28, 116, 120, 87, 121, 107, 125, 58, 27, 53, 60, 49, 55, 117, 80, 84, 56, 126, 113, 19, 74, 51, 118, 50, 48, 45, 109, 38, 99, 71, 119, 52, 7, 111, 97, 26, 122, 47, 12, 46, 37, 9, 30, 112, 93, 101, 106, 108, 31, 110, 85, 44, 104, 14, 42, 29, 105, 41, 100, 75, 98, 43, 102, 70, 89, 95, 86, 2, 17, 34, 15, 4, 79, 35, 32, 36, 20, 68, 1, 67, 40, 96, 0, 88, 18, 81, 94, 5, 73, 91, 11, 21, 72, 65, 10, 24, 3, 90, 23, 77, 64, 66, 78, 8, 76, 83, 39, 92, 6, 69, 16], [111, 62, 102, 86, 97, 118, 26, 29, 47, 83, 16, 81, 76, 78, 112, 9, 24, 119, 75, 53, 127, 122, 123, 114, 51, 55, 120, 96, 52, 63, 56, 50, 4, 71, 60, 124, 117, 121, 23, 61, 115, 116, 58, 49, 79, 74, 54, 36, 126, 57, 41, 59, 84, 42, 106, 46, 48, 35, 70, 110, 125, 37, 66, 105, 103, 109, 108, 45, 98, 40, 34, 43, 107, 65, 113, 77, 69, 1, 64, 44, 28, 99, 104, 93, 39, 101, 32, 3, 30, 21, 31, 38, 91, 80, 72, 11, 25, 100, 94, 7, 95, 89, 92, 5, 33, 0, 73, 27, 82, 15, 14, 13, 12, 20, 85, 17, 19, 88, 90, 22, 18, 2, 87, 67, 10, 8, 6, 68], [106, 107, 97, 102, 122, 86, 94, 121, 117, 49, 21, 50, 36, 48, 114, 42, 79, 103, 119, 27, 63, 113, 74, 92, 126, 116, 56, 61, 109, 91, 64, 123, 70, 62, 67, 127, 51, 24, 52, 105, 40, 19, 111, 57, 5, 12, 82, 112, 110, 59, 47, 45, 77, 44, 65, 18, 53, 115, 124, 81, 84, 60, 118, 125, 99, 98, 32, 88, 55, 54, 104, 71, 90, 66, 58, 37, 72, 78, 26, 8, 108, 120, 35, 101, 4, 46, 100, 34, 96, 1, 89, 11, 80, 93, 31, 95, 43, 23, 39, 25, 29, 41, 85, 87, 75, 9, 13, 0, 38, 15, 10, 14, 73, 28, 83, 30, 68, 22, 17, 33, 7, 76, 16, 20, 2, 6, 69, 3]], "model.layers.13.self_attn.qk_proj": [[123, 62, 111, 127, 121, 60, 51, 118, 115, 63, 47, 125, 53, 124, 61, 120, 106, 56, 57, 117, 59, 48, 116, 114, 119, 107, 122, 54, 50, 126, 42, 52, 102, 22, 38, 49, 58, 112, 86, 103, 113, 39, 55, 43, 110, 33, 91, 97, 100, 46, 88, 93, 92, 45, 108, 90, 44, 19, 24, 109, 27, 29, 36, 89, 83, 99, 82, 105, 18, 104, 26, 21, 16, 25, 40, 30, 32, 35, 80, 28, 87, 17, 41, 84, 12, 77, 101, 15, 20, 79, 23, 74, 85, 37, 76, 13, 94, 81, 98, 96, 78, 14, 95, 31, 75, 10, 9, 34, 73, 65, 70, 4, 11, 64, 3, 6, 7, 8, 68, 71, 5, 0, 72, 67, 69, 2, 66, 1], [123, 62, 111, 127, 121, 51, 118, 60, 63, 115, 47, 125, 53, 61, 56, 59, 54, 117, 57, 124, 106, 107, 120, 48, 114, 116, 119, 50, 102, 42, 122, 22, 126, 38, 58, 49, 52, 112, 103, 113, 86, 39, 43, 55, 110, 44, 93, 100, 33, 97, 90, 46, 92, 91, 45, 108, 88, 27, 36, 89, 40, 24, 29, 26, 105, 19, 99, 82, 35, 83, 25, 16, 109, 30, 32, 21, 80, 104, 37, 84, 28, 87, 18, 41, 20, 12, 85, 15, 76, 96, 17, 23, 31, 94, 81, 101, 77, 74, 78, 98, 10, 34, 75, 13, 70, 14, 95, 9, 79, 11, 71, 4, 73, 3, 7, 1, 0, 69, 65, 72, 64, 8, 5, 68, 2, 6, 67, 66], [123, 62, 111, 127, 121, 51, 118, 60, 63, 115, 47, 125, 61, 56, 117, 124, 53, 59, 106, 57, 120, 54, 48, 114, 42, 107, 50, 126, 116, 119, 122, 38, 102, 103, 112, 49, 113, 39, 58, 52, 22, 86, 55, 43, 33, 93, 97, 110, 91, 100, 46, 108, 45, 44, 92, 88, 90, 105, 27, 36, 29, 99, 40, 24, 109, 104, 32, 26, 89, 35, 83, 25, 41, 28, 37, 85, 30, 87, 101, 21, 16, 19, 18, 84, 98, 82, 23, 80, 94, 20, 79, 12, 34, 77, 31, 17, 96, 15, 95, 70, 74, 76, 10, 81, 14, 78, 75, 13, 9, 72, 64, 65, 1, 69, 0, 11, 71, 3, 67, 73, 66, 2, 4, 5, 68, 7, 8, 6], [123, 62, 111, 127, 121, 51, 118, 63, 60, 115, 47, 125, 61, 56, 53, 54, 124, 117, 106, 120, 126, 116, 57, 119, 59, 107, 58, 122, 38, 48, 49, 42, 50, 114, 102, 103, 112, 52, 22, 55, 43, 113, 39, 86, 110, 33, 44, 46, 92, 97, 93, 91, 88, 100, 45, 90, 40, 36, 29, 27, 108, 26, 89, 24, 32, 109, 83, 99, 105, 28, 35, 82, 19, 41, 87, 25, 37, 16, 18, 85, 23, 21, 17, 104, 79, 30, 31, 101, 12, 80, 34, 96, 20, 76, 77, 84, 98, 94, 70, 74, 81, 95, 14, 10, 75, 13, 15, 9, 78, 1, 64, 71, 3, 72, 68, 0, 11, 65, 67, 66, 73, 7, 69, 4, 5, 2, 6, 8], [123, 111, 62, 127, 121, 51, 115, 118, 63, 60, 47, 125, 61, 56, 53, 106, 124, 54, 57, 126, 117, 116, 114, 48, 119, 59, 50, 122, 42, 107, 120, 58, 102, 38, 52, 112, 49, 103, 55, 22, 113, 86, 39, 110, 44, 43, 46, 33, 91, 93, 92, 97, 88, 100, 90, 108, 24, 99, 36, 45, 27, 29, 40, 83, 89, 105, 19, 87, 26, 25, 28, 35, 32, 104, 109, 82, 41, 18, 15, 77, 16, 17, 12, 21, 76, 80, 23, 85, 81, 79, 94, 101, 20, 84, 10, 78, 74, 96, 30, 70, 98, 13, 95, 31, 37, 9, 75, 34, 14, 64, 7, 11, 68, 65, 72, 71, 73, 1, 66, 69, 3, 0, 4, 67, 6, 2, 5, 8], [123, 62, 111, 127, 121, 51, 60, 115, 63, 118, 47, 125, 53, 61, 56, 124, 106, 117, 54, 126, 116, 57, 119, 107, 59, 120, 122, 58, 42, 50, 55, 102, 38, 22, 48, 114, 112, 86, 103, 39, 52, 49, 113, 43, 44, 110, 46, 91, 88, 93, 92, 97, 33, 90, 100, 29, 83, 108, 45, 36, 104, 19, 27, 26, 24, 99, 82, 16, 105, 87, 89, 80, 17, 18, 109, 28, 41, 40, 25, 35, 76, 79, 21, 13, 77, 84, 23, 32, 81, 30, 15, 20, 12, 74, 10, 14, 34, 101, 78, 75, 96, 9, 98, 85, 31, 94, 37, 11, 7, 70, 95, 71, 72, 6, 73, 0, 65, 3, 67, 1, 66, 4, 69, 5, 68, 64, 8, 2], [123, 111, 62, 127, 121, 51, 115, 60, 63, 118, 47, 125, 61, 124, 53, 56, 126, 54, 117, 106, 122, 59, 107, 120, 119, 57, 116, 58, 114, 49, 42, 102, 48, 103, 38, 50, 55, 22, 112, 86, 39, 52, 43, 113, 88, 44, 46, 93, 110, 91, 92, 90, 97, 100, 45, 19, 33, 83, 24, 108, 27, 99, 40, 89, 36, 104, 29, 105, 82, 18, 26, 21, 80, 17, 87, 109, 35, 85, 76, 28, 25, 23, 16, 79, 77, 12, 32, 84, 37, 15, 30, 41, 94, 20, 13, 81, 78, 96, 10, 98, 14, 31, 34, 74, 9, 101, 75, 95, 72, 7, 73, 11, 6, 70, 71, 69, 67, 0, 5, 65, 1, 66, 64, 3, 8, 68, 4, 2], [123, 62, 111, 127, 121, 51, 115, 60, 63, 47, 118, 125, 61, 124, 53, 56, 106, 54, 117, 120, 48, 126, 114, 107, 122, 59, 57, 119, 103, 116, 42, 38, 102, 58, 22, 49, 86, 50, 39, 55, 112, 52, 113, 43, 44, 91, 93, 110, 90, 97, 92, 100, 33, 88, 46, 27, 24, 29, 83, 19, 89, 36, 108, 35, 40, 104, 45, 26, 87, 16, 28, 32, 23, 82, 105, 99, 109, 80, 21, 25, 18, 84, 85, 41, 37, 76, 17, 31, 30, 15, 13, 12, 96, 20, 101, 77, 81, 14, 78, 94, 74, 98, 79, 10, 9, 34, 95, 75, 6, 72, 11, 73, 1, 0, 65, 64, 7, 3, 67, 69, 5, 2, 70, 4, 68, 71, 8, 66], [123, 62, 111, 127, 51, 121, 63, 60, 115, 118, 47, 125, 61, 53, 54, 117, 124, 56, 106, 126, 119, 59, 107, 120, 48, 57, 114, 102, 50, 42, 122, 38, 116, 113, 103, 58, 22, 49, 39, 112, 55, 52, 86, 43, 93, 90, 91, 110, 44, 92, 33, 97, 100, 46, 26, 88, 45, 27, 108, 29, 89, 83, 36, 82, 24, 19, 35, 99, 104, 25, 109, 28, 32, 40, 80, 87, 85, 41, 105, 21, 23, 16, 37, 76, 18, 84, 30, 17, 98, 31, 81, 78, 96, 14, 12, 13, 94, 79, 15, 20, 101, 74, 77, 10, 34, 95, 73, 75, 6, 67, 11, 9, 3, 65, 1, 69, 8, 64, 7, 72, 0, 71, 70, 5, 66, 4, 2, 68], [62, 123, 111, 127, 121, 51, 63, 115, 60, 118, 47, 125, 53, 61, 124, 117, 59, 106, 56, 54, 48, 126, 114, 119, 57, 107, 116, 120, 38, 58, 50, 102, 42, 103, 52, 22, 112, 49, 122, 86, 39, 55, 43, 113, 44, 33, 91, 46, 93, 97, 100, 92, 110, 90, 88, 108, 24, 83, 27, 45, 89, 19, 109, 29, 36, 26, 40, 105, 104, 28, 18, 25, 99, 82, 16, 35, 41, 32, 80, 76, 37, 13, 87, 96, 30, 31, 79, 12, 23, 17, 77, 20, 85, 81, 78, 84, 98, 15, 74, 94, 101, 21, 14, 95, 10, 34, 75, 9, 6, 11, 73, 67, 8, 7, 71, 1, 68, 5, 70, 64, 65, 0, 2, 3, 4, 69, 72, 66], [123, 62, 111, 127, 121, 51, 60, 115, 63, 118, 47, 125, 124, 53, 61, 117, 54, 120, 106, 126, 114, 116, 56, 57, 59, 119, 48, 107, 50, 122, 42, 38, 102, 49, 22, 52, 58, 39, 55, 113, 86, 103, 43, 112, 91, 33, 46, 97, 93, 100, 92, 44, 88, 90, 110, 24, 29, 27, 40, 45, 99, 89, 19, 26, 83, 82, 36, 105, 108, 25, 109, 17, 37, 32, 18, 80, 16, 35, 87, 77, 12, 30, 94, 76, 84, 28, 104, 79, 15, 31, 74, 41, 21, 13, 96, 81, 10, 6, 20, 23, 101, 73, 98, 78, 14, 95, 75, 34, 85, 71, 8, 11, 7, 3, 1, 9, 67, 68, 70, 4, 65, 64, 0, 5, 66, 69, 72, 2], [123, 62, 111, 127, 121, 51, 60, 115, 63, 118, 47, 125, 61, 53, 54, 117, 106, 57, 126, 124, 119, 120, 116, 114, 59, 56, 122, 49, 42, 107, 50, 48, 52, 102, 22, 103, 55, 38, 58, 86, 113, 112, 39, 43, 46, 91, 97, 110, 93, 33, 90, 88, 44, 92, 100, 24, 19, 45, 27, 83, 99, 29, 36, 108, 21, 26, 89, 82, 87, 35, 109, 40, 32, 76, 80, 15, 16, 105, 77, 17, 10, 41, 18, 79, 104, 28, 13, 81, 12, 25, 85, 31, 94, 37, 96, 84, 30, 74, 20, 23, 34, 14, 78, 101, 98, 65, 11, 8, 9, 75, 73, 71, 95, 6, 70, 0, 68, 69, 67, 7, 3, 5, 64, 66, 4, 1, 72, 2], [123, 62, 111, 127, 121, 51, 115, 60, 63, 118, 47, 125, 61, 124, 53, 117, 126, 114, 54, 59, 56, 106, 120, 107, 57, 119, 50, 48, 38, 102, 116, 42, 49, 22, 103, 55, 122, 112, 52, 43, 86, 58, 113, 39, 46, 91, 110, 93, 97, 44, 92, 90, 100, 45, 33, 27, 89, 24, 29, 40, 108, 88, 104, 99, 19, 26, 25, 36, 82, 41, 109, 83, 35, 32, 28, 87, 105, 80, 18, 85, 16, 37, 76, 96, 23, 20, 17, 30, 31, 21, 84, 15, 94, 13, 79, 77, 12, 78, 81, 98, 10, 34, 95, 101, 14, 11, 75, 74, 73, 8, 70, 71, 0, 3, 65, 9, 5, 67, 66, 69, 4, 68, 6, 1, 2, 64, 7, 72], [123, 62, 111, 127, 121, 63, 60, 51, 118, 115, 47, 125, 61, 124, 53, 117, 59, 106, 119, 126, 57, 107, 56, 54, 120, 114, 50, 122, 38, 58, 55, 116, 49, 48, 22, 52, 102, 42, 86, 112, 43, 39, 103, 113, 46, 110, 44, 91, 92, 33, 97, 100, 93, 108, 88, 90, 109, 24, 45, 82, 19, 29, 83, 36, 105, 89, 80, 27, 35, 18, 104, 26, 25, 16, 13, 28, 40, 99, 17, 41, 30, 76, 87, 84, 78, 94, 21, 32, 79, 37, 23, 12, 14, 20, 96, 10, 85, 81, 98, 95, 31, 11, 74, 75, 101, 70, 77, 73, 15, 71, 9, 7, 8, 34, 67, 64, 0, 68, 65, 3, 4, 1, 6, 69, 66, 5, 72, 2], [123, 62, 111, 127, 121, 60, 51, 115, 118, 63, 47, 125, 124, 53, 61, 106, 56, 117, 119, 57, 54, 114, 120, 126, 59, 107, 50, 116, 122, 55, 42, 48, 38, 49, 52, 58, 102, 22, 86, 112, 103, 43, 39, 113, 110, 46, 91, 44, 93, 97, 100, 33, 92, 108, 24, 27, 45, 109, 88, 90, 29, 19, 82, 83, 36, 26, 40, 99, 32, 25, 104, 28, 80, 35, 18, 21, 16, 41, 89, 105, 17, 76, 20, 31, 23, 13, 37, 87, 94, 84, 12, 30, 81, 78, 96, 15, 98, 85, 74, 77, 10, 79, 14, 95, 75, 70, 34, 101, 73, 11, 71, 8, 68, 7, 9, 65, 64, 4, 3, 1, 67, 0, 5, 69, 72, 6, 2, 66], [123, 62, 111, 127, 121, 51, 60, 115, 118, 63, 47, 125, 124, 61, 53, 117, 106, 114, 54, 59, 120, 126, 57, 56, 119, 107, 116, 122, 48, 55, 42, 58, 49, 50, 102, 38, 22, 52, 112, 113, 86, 39, 103, 43, 46, 44, 93, 100, 110, 97, 33, 91, 45, 92, 27, 90, 24, 88, 108, 36, 109, 83, 82, 40, 26, 29, 21, 99, 19, 41, 104, 89, 18, 32, 15, 25, 12, 16, 28, 87, 10, 30, 79, 17, 31, 35, 13, 81, 76, 105, 80, 37, 96, 23, 84, 85, 98, 94, 74, 34, 77, 73, 20, 14, 78, 11, 101, 8, 75, 95, 70, 65, 69, 7, 71, 9, 64, 6, 1, 4, 0, 67, 68, 3, 72, 2, 5, 66], [123, 62, 111, 127, 121, 115, 51, 60, 63, 118, 47, 125, 61, 124, 53, 59, 57, 117, 126, 119, 54, 120, 106, 56, 107, 122, 38, 114, 52, 55, 58, 48, 49, 116, 42, 22, 103, 102, 86, 50, 39, 112, 113, 46, 43, 44, 91, 100, 33, 97, 93, 110, 92, 27, 90, 88, 45, 109, 108, 99, 24, 29, 83, 89, 26, 36, 104, 40, 19, 35, 32, 87, 80, 25, 105, 41, 82, 84, 28, 16, 18, 79, 85, 81, 13, 23, 37, 21, 30, 12, 17, 34, 101, 98, 94, 31, 76, 20, 15, 77, 96, 10, 95, 78, 73, 11, 75, 14, 74, 6, 7, 9, 71, 0, 64, 65, 8, 70, 3, 5, 1, 69, 72, 67, 66, 2, 4, 68], [123, 62, 111, 127, 121, 51, 115, 118, 63, 60, 47, 125, 53, 61, 124, 119, 126, 106, 117, 56, 57, 48, 107, 120, 54, 59, 38, 50, 122, 114, 55, 49, 42, 116, 22, 102, 58, 103, 86, 52, 113, 112, 39, 43, 46, 44, 97, 91, 33, 93, 100, 90, 110, 92, 45, 27, 108, 36, 88, 29, 109, 24, 40, 25, 105, 104, 19, 83, 87, 82, 35, 32, 26, 16, 89, 28, 99, 80, 18, 41, 13, 84, 34, 21, 37, 20, 17, 96, 30, 12, 81, 79, 23, 85, 14, 94, 76, 15, 78, 98, 101, 77, 31, 10, 74, 11, 95, 73, 9, 67, 75, 72, 6, 71, 70, 69, 68, 64, 7, 1, 0, 3, 65, 2, 4, 66, 5, 8], [123, 111, 62, 127, 121, 115, 51, 118, 63, 60, 47, 125, 53, 61, 117, 124, 56, 106, 120, 57, 119, 54, 58, 107, 59, 38, 126, 42, 116, 55, 102, 122, 114, 103, 50, 48, 113, 49, 39, 22, 112, 43, 86, 52, 46, 100, 97, 91, 33, 44, 93, 108, 92, 110, 45, 88, 104, 24, 36, 90, 29, 109, 40, 99, 27, 83, 25, 32, 19, 89, 82, 35, 105, 87, 26, 37, 18, 84, 21, 16, 101, 41, 30, 28, 98, 80, 96, 34, 23, 85, 94, 20, 31, 15, 81, 14, 17, 79, 13, 95, 12, 10, 77, 76, 6, 78, 9, 11, 67, 74, 75, 73, 4, 65, 0, 72, 71, 64, 7, 1, 5, 68, 3, 69, 66, 2, 8, 70], [123, 62, 111, 127, 121, 51, 63, 115, 60, 118, 47, 125, 53, 61, 124, 117, 106, 120, 59, 107, 56, 119, 57, 126, 54, 48, 116, 58, 114, 122, 38, 50, 22, 102, 42, 49, 39, 55, 86, 103, 112, 113, 52, 43, 44, 46, 97, 33, 100, 92, 93, 91, 90, 45, 27, 24, 110, 88, 29, 36, 82, 104, 19, 89, 35, 99, 26, 109, 108, 32, 28, 40, 41, 25, 83, 16, 18, 84, 87, 80, 21, 96, 23, 20, 105, 12, 30, 37, 98, 31, 13, 76, 94, 77, 81, 15, 101, 34, 17, 11, 79, 10, 14, 85, 74, 6, 95, 78, 9, 73, 75, 72, 71, 7, 3, 1, 4, 69, 64, 65, 70, 67, 5, 0, 66, 8, 68, 2], [123, 62, 111, 127, 121, 51, 115, 63, 60, 118, 47, 125, 53, 124, 61, 54, 117, 106, 119, 59, 126, 120, 122, 114, 107, 57, 50, 55, 116, 56, 49, 48, 22, 58, 38, 42, 86, 43, 102, 39, 52, 113, 103, 112, 46, 93, 91, 44, 33, 90, 92, 97, 27, 100, 45, 24, 89, 36, 88, 110, 29, 26, 108, 82, 109, 19, 40, 32, 35, 83, 28, 41, 104, 84, 18, 99, 21, 80, 16, 25, 23, 87, 17, 20, 12, 37, 13, 30, 96, 31, 98, 81, 79, 34, 76, 10, 15, 105, 94, 101, 77, 74, 85, 14, 78, 73, 7, 11, 75, 9, 3, 95, 1, 72, 6, 71, 0, 4, 69, 64, 68, 67, 65, 5, 70, 8, 2, 66], [123, 62, 111, 127, 121, 51, 118, 60, 63, 115, 47, 125, 53, 124, 61, 120, 106, 126, 59, 119, 117, 116, 54, 56, 122, 107, 58, 49, 38, 57, 114, 48, 55, 42, 103, 102, 39, 50, 113, 43, 22, 112, 52, 86, 46, 91, 93, 44, 90, 100, 97, 110, 33, 92, 24, 45, 108, 27, 36, 88, 29, 26, 32, 109, 89, 19, 104, 35, 99, 41, 83, 82, 40, 18, 28, 87, 25, 23, 16, 30, 85, 84, 96, 80, 31, 10, 21, 37, 15, 105, 17, 101, 13, 12, 94, 78, 20, 76, 98, 34, 77, 81, 79, 95, 14, 73, 75, 72, 74, 3, 11, 9, 71, 70, 64, 65, 1, 7, 0, 6, 68, 66, 67, 5, 69, 4, 8, 2], [123, 62, 111, 127, 121, 51, 60, 63, 115, 118, 47, 125, 53, 124, 117, 54, 61, 106, 59, 114, 120, 107, 126, 122, 56, 57, 119, 116, 58, 48, 39, 103, 102, 55, 38, 22, 42, 49, 50, 112, 52, 86, 113, 43, 93, 97, 100, 110, 46, 33, 44, 90, 91, 92, 45, 27, 36, 24, 108, 88, 89, 104, 40, 29, 26, 109, 99, 32, 83, 82, 25, 87, 35, 19, 28, 84, 30, 21, 16, 41, 80, 18, 96, 23, 105, 37, 101, 31, 78, 85, 15, 12, 20, 13, 94, 76, 10, 34, 95, 81, 14, 98, 79, 17, 77, 73, 11, 70, 74, 9, 4, 1, 65, 71, 0, 67, 75, 72, 3, 64, 69, 7, 2, 68, 66, 6, 5, 8], [123, 62, 111, 127, 121, 51, 60, 63, 118, 115, 47, 125, 53, 61, 124, 59, 106, 54, 117, 56, 114, 107, 126, 119, 58, 116, 57, 48, 120, 122, 49, 38, 22, 42, 55, 103, 50, 102, 52, 39, 86, 43, 113, 112, 46, 93, 92, 90, 33, 97, 91, 100, 27, 88, 44, 24, 45, 110, 36, 29, 26, 82, 89, 109, 25, 99, 83, 28, 18, 41, 80, 108, 19, 87, 32, 20, 104, 105, 40, 35, 96, 31, 16, 30, 79, 37, 84, 81, 21, 94, 12, 73, 14, 17, 76, 85, 13, 23, 77, 10, 34, 15, 74, 78, 101, 11, 98, 70, 7, 95, 75, 71, 9, 0, 3, 67, 72, 69, 4, 65, 5, 1, 66, 6, 68, 8, 64, 2], [123, 62, 111, 127, 121, 51, 118, 60, 115, 63, 47, 125, 61, 53, 124, 57, 117, 56, 106, 120, 122, 54, 126, 119, 59, 107, 48, 50, 116, 58, 22, 49, 114, 42, 38, 86, 103, 102, 55, 52, 113, 39, 112, 43, 46, 33, 110, 45, 97, 91, 100, 93, 90, 44, 92, 108, 27, 109, 88, 24, 83, 19, 99, 26, 29, 40, 89, 36, 18, 25, 82, 35, 41, 104, 21, 30, 16, 28, 87, 23, 32, 84, 12, 31, 80, 105, 94, 77, 101, 20, 13, 37, 79, 85, 17, 15, 81, 14, 96, 98, 10, 74, 78, 76, 73, 34, 70, 95, 7, 9, 11, 75, 64, 71, 1, 0, 72, 4, 3, 65, 69, 67, 66, 68, 5, 8, 2, 6], [123, 62, 111, 127, 121, 118, 51, 115, 60, 63, 47, 125, 61, 53, 124, 117, 54, 106, 57, 59, 56, 107, 120, 126, 58, 119, 122, 48, 50, 116, 49, 112, 114, 103, 38, 102, 22, 55, 42, 86, 39, 113, 52, 43, 46, 93, 44, 97, 45, 100, 92, 33, 110, 91, 90, 24, 27, 108, 88, 40, 19, 29, 109, 89, 26, 25, 99, 36, 83, 82, 28, 35, 87, 18, 21, 84, 41, 16, 105, 30, 31, 104, 32, 80, 85, 94, 17, 96, 15, 12, 98, 81, 20, 101, 23, 77, 37, 13, 76, 10, 79, 34, 95, 78, 74, 14, 11, 9, 70, 75, 73, 7, 8, 68, 71, 3, 1, 65, 64, 0, 6, 72, 67, 5, 69, 2, 4, 66], [123, 62, 111, 127, 121, 51, 118, 115, 60, 63, 47, 125, 61, 53, 124, 120, 117, 59, 106, 54, 56, 57, 114, 107, 122, 50, 48, 116, 126, 38, 58, 49, 119, 102, 22, 42, 55, 103, 113, 86, 52, 112, 39, 43, 46, 110, 97, 91, 93, 45, 44, 33, 108, 100, 92, 99, 24, 88, 90, 19, 36, 27, 40, 26, 89, 29, 109, 35, 28, 105, 104, 18, 25, 30, 83, 80, 31, 82, 101, 87, 16, 23, 21, 20, 32, 37, 85, 84, 41, 12, 94, 13, 79, 17, 78, 10, 76, 34, 77, 96, 98, 81, 15, 95, 74, 9, 11, 14, 73, 75, 7, 70, 8, 67, 6, 71, 3, 1, 64, 0, 69, 5, 4, 68, 65, 66, 2, 72], [123, 62, 111, 127, 121, 51, 60, 115, 118, 63, 47, 125, 61, 53, 124, 106, 54, 117, 120, 56, 50, 114, 107, 59, 57, 119, 48, 126, 22, 122, 58, 116, 42, 49, 38, 86, 113, 39, 102, 103, 52, 112, 55, 43, 97, 33, 92, 44, 91, 93, 110, 90, 45, 88, 46, 100, 108, 27, 82, 19, 29, 26, 36, 24, 89, 83, 109, 40, 18, 99, 16, 25, 28, 87, 80, 20, 32, 104, 23, 35, 105, 13, 17, 21, 30, 94, 84, 41, 37, 85, 31, 12, 10, 81, 78, 76, 79, 9, 96, 101, 77, 15, 34, 95, 74, 98, 6, 14, 11, 67, 75, 8, 7, 73, 0, 65, 71, 1, 3, 4, 70, 5, 64, 68, 66, 2, 69, 72], [123, 111, 62, 127, 51, 121, 60, 115, 118, 63, 47, 125, 61, 124, 53, 56, 106, 54, 117, 48, 116, 57, 114, 50, 126, 119, 107, 42, 59, 120, 122, 58, 113, 38, 102, 22, 49, 86, 112, 52, 103, 39, 55, 43, 110, 33, 97, 91, 46, 100, 44, 93, 92, 88, 90, 27, 24, 36, 45, 29, 99, 40, 89, 108, 109, 32, 26, 104, 18, 41, 19, 83, 25, 82, 28, 21, 35, 80, 94, 96, 12, 15, 105, 23, 30, 101, 87, 17, 37, 81, 16, 13, 85, 20, 31, 84, 98, 76, 74, 77, 10, 95, 78, 34, 9, 14, 6, 79, 64, 73, 11, 65, 7, 75, 3, 4, 1, 67, 70, 71, 68, 5, 8, 66, 69, 2, 0, 72], [123, 111, 62, 127, 121, 51, 115, 60, 118, 63, 47, 125, 53, 61, 124, 106, 56, 48, 57, 120, 126, 117, 50, 119, 59, 54, 107, 114, 42, 116, 22, 122, 58, 103, 86, 38, 102, 49, 55, 39, 112, 113, 52, 43, 44, 33, 110, 93, 46, 100, 97, 92, 88, 91, 27, 90, 108, 36, 24, 19, 45, 29, 40, 89, 26, 109, 32, 82, 99, 83, 104, 18, 28, 87, 25, 16, 35, 85, 76, 105, 12, 15, 84, 80, 21, 30, 96, 41, 37, 79, 81, 77, 17, 98, 23, 10, 74, 13, 14, 20, 94, 101, 95, 73, 78, 9, 6, 31, 11, 34, 75, 8, 71, 1, 67, 4, 66, 64, 7, 65, 3, 68, 5, 0, 70, 69, 72, 2], [123, 62, 111, 127, 121, 51, 60, 115, 63, 118, 47, 125, 53, 61, 124, 56, 106, 117, 48, 57, 126, 120, 119, 59, 114, 54, 50, 107, 116, 122, 49, 42, 38, 22, 58, 112, 86, 103, 102, 113, 55, 52, 43, 39, 33, 100, 46, 110, 91, 97, 93, 108, 90, 44, 92, 27, 88, 109, 45, 36, 29, 40, 83, 82, 26, 89, 105, 19, 32, 104, 99, 18, 16, 24, 80, 87, 41, 35, 25, 94, 30, 28, 77, 84, 37, 21, 101, 17, 15, 74, 98, 81, 79, 12, 6, 76, 96, 85, 14, 20, 31, 23, 10, 75, 13, 78, 9, 71, 11, 95, 73, 34, 7, 8, 0, 3, 68, 67, 1, 65, 4, 70, 64, 2, 69, 66, 72, 5], [123, 62, 111, 127, 121, 60, 51, 115, 118, 63, 47, 125, 61, 53, 124, 120, 106, 57, 117, 48, 59, 56, 54, 126, 116, 107, 114, 122, 119, 22, 42, 38, 103, 86, 102, 39, 58, 50, 49, 112, 52, 55, 113, 100, 43, 46, 110, 33, 97, 91, 93, 92, 44, 88, 90, 108, 27, 45, 89, 19, 24, 29, 26, 99, 36, 83, 16, 25, 105, 32, 104, 28, 109, 18, 30, 80, 87, 84, 82, 35, 40, 76, 77, 20, 12, 81, 85, 79, 21, 17, 15, 37, 23, 41, 94, 10, 14, 74, 13, 73, 101, 96, 75, 78, 31, 34, 98, 11, 6, 9, 7, 8, 71, 95, 5, 70, 67, 3, 4, 1, 72, 69, 64, 65, 0, 68, 66, 2]], "model.layers.14.self_attn.q_proj": [[60, 120, 62, 37, 51, 63, 33, 53, 90, 101, 30, 118, 117, 87, 19, 86, 57, 125, 58, 85, 74, 93, 123, 111, 109, 115, 119, 59, 54, 92, 21, 116, 121, 12, 26, 50, 52, 114, 42, 44, 29, 126, 61, 91, 127, 122, 45, 55, 56, 48, 39, 105, 124, 6, 110, 15, 49, 4, 81, 43, 97, 112, 46, 36, 113, 25, 108, 20, 104, 94, 38, 47, 17, 64, 106, 88, 107, 71, 41, 18, 13, 103, 78, 23, 99, 34, 102, 22, 16, 2, 98, 40, 32, 65, 28, 10, 89, 72, 100, 95, 31, 1, 27, 35, 14, 79, 96, 68, 83, 24, 84, 11, 82, 66, 76, 80, 70, 69, 77, 75, 7, 8, 3, 0, 73, 67, 5, 9], [60, 120, 62, 37, 33, 90, 30, 118, 19, 101, 87, 117, 51, 53, 86, 59, 115, 57, 119, 92, 58, 111, 121, 126, 85, 54, 12, 15, 63, 116, 123, 26, 127, 48, 114, 56, 122, 74, 125, 46, 105, 71, 52, 43, 81, 38, 97, 110, 61, 42, 124, 83, 41, 55, 44, 45, 93, 50, 94, 39, 88, 69, 108, 112, 102, 40, 109, 103, 106, 113, 47, 20, 6, 29, 13, 49, 107, 1, 79, 28, 2, 99, 22, 17, 25, 104, 31, 95, 34, 14, 91, 23, 8, 66, 36, 21, 24, 89, 7, 72, 64, 32, 82, 100, 76, 16, 84, 98, 35, 96, 80, 75, 4, 18, 78, 11, 10, 70, 27, 65, 67, 9, 77, 5, 73, 3, 68, 0], [60, 120, 37, 62, 90, 118, 51, 101, 33, 19, 53, 87, 117, 30, 86, 42, 74, 4, 12, 59, 93, 111, 21, 114, 58, 39, 116, 63, 46, 92, 113, 54, 57, 126, 50, 121, 115, 26, 52, 105, 2, 49, 125, 15, 123, 25, 119, 127, 45, 48, 43, 122, 94, 91, 88, 61, 17, 110, 83, 103, 112, 56, 71, 55, 124, 85, 109, 38, 41, 81, 98, 47, 106, 104, 40, 14, 108, 102, 44, 6, 8, 107, 78, 29, 34, 99, 79, 76, 28, 23, 64, 72, 31, 69, 22, 89, 18, 65, 35, 66, 84, 36, 16, 20, 97, 1, 32, 68, 100, 24, 27, 77, 96, 95, 7, 82, 73, 80, 13, 11, 10, 75, 5, 70, 0, 67, 9, 3], [120, 60, 37, 62, 118, 90, 33, 117, 30, 51, 101, 53, 111, 59, 19, 87, 63, 86, 58, 57, 85, 105, 121, 48, 115, 92, 54, 42, 12, 126, 116, 55, 122, 119, 123, 46, 125, 52, 56, 26, 93, 74, 61, 127, 110, 108, 50, 112, 124, 114, 88, 41, 69, 109, 49, 113, 47, 91, 15, 82, 4, 21, 79, 44, 107, 43, 106, 81, 45, 39, 2, 25, 97, 104, 103, 94, 28, 38, 64, 71, 22, 36, 83, 78, 29, 31, 17, 6, 13, 40, 1, 100, 66, 99, 76, 102, 35, 34, 95, 32, 24, 72, 98, 84, 23, 96, 73, 18, 16, 89, 75, 68, 10, 65, 8, 27, 20, 0, 14, 11, 80, 70, 5, 67, 9, 77, 7, 3], [52, 102, 51, 124, 125, 29, 33, 60, 116, 84, 61, 123, 26, 86, 87, 88, 56, 119, 62, 93, 55, 38, 107, 120, 118, 106, 114, 115, 81, 39, 57, 122, 113, 109, 127, 37, 45, 94, 50, 53, 110, 58, 121, 28, 20, 54, 42, 63, 101, 105, 111, 41, 103, 112, 99, 35, 49, 108, 36, 40, 104, 97, 48, 22, 44, 43, 117, 34, 90, 59, 46, 47, 85, 25, 15, 100, 126, 98, 95, 73, 14, 32, 24, 21, 96, 82, 30, 31, 23, 92, 17, 18, 91, 11, 27, 71, 89, 80, 83, 74, 19, 16, 10, 7, 13, 5, 67, 78, 79, 9, 77, 8, 76, 12, 72, 75, 69, 66, 68, 65, 6, 64, 1, 4, 2, 70, 3, 0], [52, 102, 124, 33, 29, 125, 87, 60, 61, 116, 88, 123, 56, 38, 55, 119, 51, 73, 84, 45, 101, 62, 107, 57, 86, 28, 112, 106, 115, 39, 113, 110, 50, 53, 105, 127, 63, 67, 26, 118, 120, 42, 36, 54, 121, 114, 49, 58, 108, 43, 117, 109, 64, 47, 46, 126, 48, 40, 94, 122, 111, 44, 41, 59, 15, 93, 32, 103, 104, 97, 24, 22, 83, 99, 11, 100, 91, 20, 98, 90, 37, 35, 65, 81, 95, 34, 82, 31, 3, 25, 66, 96, 69, 27, 30, 23, 92, 71, 21, 89, 13, 5, 7, 9, 17, 79, 77, 19, 1, 6, 76, 18, 85, 10, 80, 78, 75, 14, 72, 74, 4, 0, 16, 12, 70, 68, 2, 8], [52, 102, 33, 124, 86, 29, 116, 88, 125, 61, 84, 82, 60, 73, 26, 87, 15, 56, 38, 66, 24, 93, 123, 51, 81, 14, 119, 90, 105, 55, 20, 62, 28, 19, 50, 110, 9, 112, 57, 113, 18, 10, 95, 13, 120, 43, 91, 54, 5, 106, 21, 45, 79, 99, 2, 22, 53, 63, 121, 49, 77, 108, 115, 85, 31, 101, 30, 118, 127, 114, 83, 4, 107, 23, 34, 78, 39, 75, 48, 17, 11, 25, 40, 117, 64, 98, 58, 27, 122, 12, 109, 0, 71, 44, 7, 72, 37, 94, 42, 70, 92, 111, 126, 16, 59, 103, 97, 69, 35, 46, 47, 1, 76, 89, 36, 41, 104, 80, 96, 32, 3, 100, 8, 6, 74, 68, 67, 65], [52, 102, 33, 29, 125, 51, 61, 26, 86, 124, 56, 116, 88, 82, 60, 84, 81, 87, 93, 15, 71, 123, 20, 119, 85, 11, 120, 55, 38, 73, 110, 113, 97, 22, 32, 62, 17, 75, 28, 90, 103, 14, 57, 24, 13, 50, 19, 76, 5, 54, 106, 109, 115, 127, 10, 112, 67, 25, 18, 42, 63, 118, 77, 48, 122, 45, 49, 79, 121, 107, 27, 58, 23, 3, 111, 108, 16, 31, 37, 104, 46, 89, 114, 43, 39, 105, 101, 53, 40, 36, 98, 94, 30, 117, 64, 41, 7, 126, 35, 21, 47, 83, 6, 80, 9, 91, 92, 1, 44, 100, 65, 99, 59, 34, 74, 70, 96, 95, 78, 12, 72, 69, 68, 4, 8, 66, 2, 0], [103, 97, 53, 117, 23, 2, 80, 11, 9, 85, 65, 0, 69, 81, 83, 67, 51, 14, 4, 3, 12, 71, 116, 70, 1, 7, 124, 61, 127, 112, 64, 87, 118, 60, 106, 6, 122, 73, 50, 5, 89, 113, 126, 66, 74, 13, 55, 114, 25, 68, 121, 54, 120, 24, 88, 8, 39, 63, 30, 91, 10, 49, 76, 15, 78, 28, 75, 17, 59, 108, 29, 45, 119, 104, 82, 58, 42, 79, 109, 31, 43, 52, 105, 110, 47, 77, 44, 46, 20, 19, 27, 123, 90, 72, 56, 34, 40, 57, 22, 125, 26, 16, 21, 98, 32, 102, 100, 99, 86, 37, 35, 107, 101, 84, 41, 62, 95, 36, 93, 18, 38, 48, 92, 33, 111, 94, 115, 96], [103, 97, 53, 117, 106, 81, 80, 87, 14, 12, 85, 23, 74, 4, 2, 112, 51, 83, 7, 11, 127, 116, 9, 124, 118, 69, 0, 54, 60, 61, 3, 25, 15, 24, 113, 50, 55, 70, 65, 126, 88, 122, 64, 30, 45, 121, 120, 114, 63, 6, 1, 76, 18, 75, 29, 72, 73, 5, 71, 68, 28, 89, 91, 39, 49, 26, 78, 58, 16, 8, 10, 67, 59, 44, 40, 19, 109, 110, 21, 52, 105, 17, 82, 98, 92, 66, 108, 42, 86, 46, 32, 31, 79, 27, 41, 13, 77, 36, 119, 95, 90, 125, 43, 84, 47, 100, 48, 34, 57, 107, 62, 102, 38, 22, 104, 99, 37, 101, 20, 35, 115, 93, 56, 94, 96, 111, 123, 33], [103, 97, 117, 53, 85, 87, 80, 51, 58, 14, 83, 12, 106, 11, 27, 16, 10, 23, 24, 5, 127, 124, 49, 81, 113, 104, 76, 43, 116, 118, 112, 45, 54, 71, 57, 91, 25, 88, 120, 86, 108, 122, 17, 109, 60, 50, 66, 47, 78, 55, 121, 110, 92, 63, 114, 52, 6, 21, 61, 44, 99, 125, 119, 62, 40, 105, 42, 123, 38, 37, 111, 89, 126, 56, 41, 19, 101, 102, 75, 98, 72, 34, 59, 9, 29, 115, 67, 100, 46, 68, 20, 22, 4, 30, 48, 36, 107, 26, 32, 1, 94, 95, 28, 82, 35, 18, 93, 90, 77, 96, 64, 31, 39, 2, 15, 73, 69, 79, 8, 84, 13, 7, 70, 74, 33, 65, 3, 0], [103, 97, 53, 117, 81, 11, 85, 14, 87, 106, 23, 69, 80, 12, 9, 2, 88, 60, 127, 7, 5, 124, 3, 51, 74, 112, 116, 0, 65, 70, 61, 4, 28, 126, 24, 118, 16, 29, 121, 83, 15, 122, 22, 45, 54, 44, 30, 120, 6, 25, 105, 114, 21, 79, 49, 71, 78, 50, 75, 67, 10, 17, 89, 63, 76, 55, 73, 64, 113, 40, 8, 1, 19, 98, 66, 86, 77, 58, 46, 109, 27, 82, 42, 108, 72, 13, 92, 104, 91, 34, 110, 84, 59, 62, 20, 39, 31, 125, 52, 18, 123, 90, 68, 41, 26, 32, 93, 94, 96, 107, 95, 48, 57, 99, 43, 119, 101, 38, 111, 37, 36, 35, 100, 47, 102, 56, 115, 33], [56, 102, 127, 24, 17, 93, 44, 60, 78, 11, 61, 33, 86, 88, 29, 116, 113, 108, 90, 50, 35, 114, 115, 47, 19, 59, 6, 62, 92, 123, 31, 40, 26, 72, 63, 119, 54, 20, 46, 120, 118, 122, 112, 126, 49, 104, 51, 111, 53, 124, 99, 121, 117, 23, 125, 37, 48, 55, 85, 57, 110, 36, 109, 42, 106, 32, 34, 43, 94, 45, 58, 30, 103, 39, 107, 52, 38, 8, 16, 105, 41, 100, 83, 89, 87, 96, 91, 95, 81, 98, 79, 28, 101, 82, 70, 25, 14, 27, 74, 21, 4, 10, 22, 3, 84, 77, 97, 75, 71, 76, 13, 18, 12, 80, 2, 15, 66, 69, 64, 67, 9, 7, 5, 0, 73, 68, 1, 65], [56, 102, 127, 24, 61, 113, 93, 60, 116, 114, 50, 108, 115, 63, 62, 59, 47, 126, 122, 88, 123, 119, 90, 38, 120, 112, 49, 53, 125, 46, 51, 121, 55, 124, 111, 117, 54, 42, 33, 48, 44, 39, 110, 57, 52, 58, 118, 109, 17, 103, 45, 30, 105, 43, 32, 81, 104, 40, 36, 78, 29, 75, 107, 106, 37, 84, 35, 41, 96, 34, 22, 92, 86, 19, 66, 94, 99, 101, 26, 100, 87, 2, 8, 80, 83, 98, 20, 11, 95, 91, 31, 85, 28, 97, 27, 79, 14, 73, 89, 15, 16, 6, 72, 3, 23, 64, 70, 77, 25, 21, 76, 5, 68, 82, 4, 13, 74, 9, 0, 18, 1, 67, 10, 12, 7, 65, 71, 69], [56, 108, 102, 127, 93, 9, 33, 24, 17, 61, 90, 94, 113, 60, 103, 1, 116, 88, 86, 39, 115, 65, 2, 50, 30, 114, 47, 59, 120, 62, 34, 23, 85, 123, 122, 126, 119, 69, 63, 87, 44, 55, 46, 73, 111, 104, 3, 0, 121, 18, 20, 64, 112, 31, 38, 54, 53, 49, 96, 68, 91, 51, 109, 98, 124, 36, 79, 95, 5, 48, 11, 117, 26, 37, 13, 57, 32, 77, 28, 35, 125, 42, 58, 52, 21, 7, 110, 118, 8, 27, 97, 10, 74, 4, 106, 105, 100, 16, 83, 72, 99, 66, 107, 15, 25, 40, 29, 19, 92, 45, 89, 82, 70, 71, 101, 84, 78, 6, 41, 67, 80, 22, 43, 76, 12, 81, 75, 14], [56, 102, 33, 108, 127, 93, 17, 24, 88, 113, 61, 90, 11, 86, 60, 82, 116, 78, 35, 59, 29, 20, 6, 47, 114, 50, 26, 44, 38, 123, 62, 122, 115, 120, 16, 106, 37, 21, 34, 63, 95, 119, 30, 126, 112, 87, 76, 121, 55, 49, 94, 51, 27, 53, 54, 28, 36, 83, 85, 80, 9, 75, 72, 89, 117, 124, 25, 110, 48, 91, 111, 125, 81, 79, 46, 42, 22, 104, 45, 103, 118, 105, 43, 57, 58, 96, 109, 98, 39, 52, 40, 99, 18, 32, 12, 15, 97, 23, 107, 31, 92, 84, 5, 7, 19, 100, 101, 74, 41, 77, 10, 70, 13, 73, 64, 14, 4, 3, 0, 67, 71, 2, 66, 69, 8, 68, 1, 65], [123, 39, 113, 69, 3, 64, 112, 1, 77, 71, 49, 63, 29, 13, 48, 111, 91, 61, 73, 98, 122, 54, 60, 119, 120, 4, 11, 72, 124, 88, 82, 24, 53, 115, 101, 56, 78, 22, 66, 62, 95, 17, 121, 59, 57, 81, 125, 55, 65, 83, 40, 118, 43, 127, 114, 93, 51, 8, 94, 70, 68, 46, 92, 15, 116, 106, 96, 36, 89, 47, 50, 35, 76, 2, 99, 52, 110, 97, 109, 102, 108, 44, 80, 45, 117, 104, 107, 126, 38, 41, 28, 9, 105, 58, 74, 37, 32, 26, 23, 33, 10, 100, 21, 42, 0, 25, 67, 12, 87, 19, 6, 31, 30, 90, 16, 7, 18, 20, 27, 84, 103, 5, 34, 75, 85, 79, 14, 86], [113, 123, 39, 13, 73, 71, 17, 83, 115, 74, 92, 78, 76, 59, 60, 55, 126, 63, 114, 57, 120, 127, 47, 116, 52, 62, 95, 119, 118, 117, 53, 121, 54, 69, 112, 82, 51, 56, 99, 46, 122, 109, 50, 124, 3, 58, 111, 48, 6, 100, 16, 125, 49, 110, 61, 108, 45, 88, 11, 44, 75, 106, 37, 107, 42, 43, 31, 86, 28, 72, 21, 98, 94, 15, 84, 41, 105, 67, 104, 93, 5, 36, 68, 85, 65, 38, 102, 91, 101, 40, 35, 97, 30, 25, 1, 64, 90, 22, 103, 33, 96, 87, 20, 32, 23, 29, 34, 2, 80, 8, 27, 89, 18, 81, 24, 14, 4, 26, 0, 77, 12, 19, 79, 10, 70, 66, 7, 9], [123, 39, 113, 112, 49, 32, 54, 95, 60, 99, 63, 115, 120, 90, 83, 124, 122, 48, 43, 13, 121, 94, 87, 125, 119, 61, 98, 56, 53, 111, 57, 85, 40, 127, 17, 38, 59, 62, 118, 36, 55, 114, 102, 105, 37, 110, 97, 92, 101, 81, 26, 47, 104, 109, 28, 35, 51, 45, 46, 96, 108, 116, 107, 50, 30, 41, 100, 106, 74, 52, 117, 126, 31, 44, 23, 42, 58, 82, 93, 33, 73, 25, 91, 29, 22, 84, 6, 21, 78, 18, 79, 86, 89, 34, 88, 11, 27, 24, 14, 15, 19, 76, 16, 75, 103, 20, 69, 10, 71, 8, 80, 72, 66, 77, 7, 3, 4, 70, 68, 12, 67, 64, 2, 1, 65, 9, 0, 5], [113, 123, 39, 119, 52, 120, 63, 126, 121, 118, 53, 57, 115, 106, 114, 47, 56, 13, 59, 116, 55, 51, 60, 58, 122, 127, 117, 111, 46, 50, 54, 92, 48, 109, 110, 62, 45, 43, 124, 108, 107, 61, 44, 74, 42, 112, 105, 125, 73, 49, 69, 101, 82, 41, 76, 64, 83, 99, 21, 17, 102, 104, 78, 5, 38, 71, 91, 1, 6, 40, 3, 66, 70, 72, 37, 100, 90, 30, 97, 8, 25, 81, 36, 15, 4, 89, 93, 26, 75, 35, 16, 96, 80, 19, 2, 11, 88, 33, 68, 14, 9, 84, 79, 98, 27, 87, 86, 32, 31, 67, 24, 18, 103, 10, 95, 20, 94, 12, 28, 65, 29, 85, 34, 23, 22, 7, 77, 0], [62, 63, 39, 53, 127, 32, 57, 36, 54, 121, 107, 47, 116, 46, 115, 59, 52, 55, 50, 51, 41, 105, 58, 61, 123, 96, 60, 125, 91, 27, 113, 122, 120, 106, 48, 124, 44, 103, 117, 126, 114, 98, 49, 119, 56, 118, 110, 45, 85, 43, 35, 38, 89, 112, 109, 101, 104, 40, 111, 108, 81, 37, 25, 42, 99, 22, 100, 34, 102, 92, 94, 87, 19, 33, 31, 23, 95, 0, 93, 21, 86, 26, 20, 97, 78, 17, 10, 80, 12, 29, 28, 83, 90, 66, 74, 65, 77, 82, 15, 30, 64, 24, 71, 72, 18, 69, 9, 84, 67, 76, 6, 1, 3, 68, 13, 11, 5, 4, 8, 14, 16, 88, 2, 75, 79, 70, 7, 73], [39, 63, 62, 24, 84, 94, 33, 18, 53, 86, 26, 88, 92, 80, 32, 78, 90, 127, 14, 29, 75, 73, 23, 30, 16, 121, 67, 17, 57, 82, 70, 54, 9, 95, 107, 1, 98, 116, 58, 47, 115, 15, 50, 27, 59, 52, 21, 22, 74, 60, 20, 55, 46, 83, 11, 51, 93, 8, 13, 85, 61, 31, 34, 125, 96, 123, 124, 91, 28, 79, 117, 113, 120, 4, 64, 77, 41, 76, 81, 5, 89, 25, 6, 122, 42, 72, 48, 12, 2, 126, 36, 35, 65, 118, 49, 102, 38, 87, 110, 101, 103, 114, 56, 19, 71, 119, 106, 108, 45, 37, 7, 97, 104, 100, 109, 111, 44, 112, 43, 105, 99, 3, 10, 40, 69, 68, 66, 0], [63, 62, 39, 53, 127, 57, 32, 54, 116, 121, 52, 59, 55, 47, 50, 115, 125, 61, 46, 51, 58, 60, 96, 123, 120, 122, 90, 113, 91, 86, 117, 124, 41, 48, 126, 34, 119, 118, 56, 106, 114, 92, 27, 109, 107, 101, 49, 110, 26, 35, 33, 89, 45, 21, 111, 102, 105, 108, 100, 36, 85, 112, 93, 44, 42, 43, 104, 99, 40, 98, 22, 29, 81, 88, 37, 10, 94, 64, 38, 103, 95, 16, 66, 65, 31, 19, 0, 97, 14, 25, 30, 67, 83, 72, 17, 24, 76, 87, 20, 6, 23, 74, 28, 78, 68, 69, 9, 12, 8, 15, 11, 84, 1, 5, 7, 79, 77, 82, 80, 4, 71, 18, 70, 73, 2, 3, 13, 75], [39, 62, 63, 94, 84, 24, 88, 53, 86, 21, 32, 74, 14, 10, 33, 26, 83, 90, 18, 127, 8, 92, 20, 69, 30, 23, 36, 57, 16, 7, 76, 66, 68, 121, 67, 54, 96, 27, 116, 89, 73, 87, 13, 52, 47, 82, 55, 28, 72, 115, 59, 17, 50, 6, 85, 77, 60, 70, 58, 34, 22, 80, 46, 95, 5, 81, 65, 61, 107, 125, 29, 51, 98, 49, 123, 93, 91, 9, 117, 124, 101, 108, 19, 120, 79, 25, 11, 113, 78, 15, 31, 38, 35, 64, 12, 103, 105, 99, 118, 41, 110, 106, 48, 122, 56, 100, 45, 97, 126, 37, 119, 104, 114, 40, 71, 43, 109, 4, 44, 102, 42, 111, 112, 1, 75, 0, 3, 2], [113, 48, 101, 112, 26, 94, 87, 18, 123, 20, 49, 86, 122, 59, 120, 79, 57, 62, 124, 58, 55, 60, 54, 115, 76, 43, 125, 37, 53, 119, 6, 39, 45, 51, 117, 126, 52, 114, 63, 61, 56, 50, 118, 106, 30, 75, 98, 34, 88, 32, 104, 107, 111, 127, 47, 110, 41, 116, 121, 92, 82, 108, 33, 44, 29, 102, 40, 42, 15, 103, 89, 90, 96, 105, 109, 99, 46, 23, 36, 35, 24, 100, 17, 22, 13, 31, 19, 97, 28, 70, 25, 91, 16, 95, 85, 27, 84, 11, 78, 21, 38, 83, 93, 12, 81, 14, 77, 73, 67, 8, 74, 9, 72, 71, 80, 3, 10, 7, 5, 4, 65, 68, 69, 66, 1, 2, 0, 64], [48, 113, 101, 112, 26, 122, 18, 94, 59, 87, 20, 43, 123, 57, 76, 79, 30, 63, 92, 98, 49, 53, 61, 124, 51, 88, 120, 86, 58, 117, 119, 39, 60, 121, 55, 125, 62, 115, 6, 50, 52, 89, 54, 56, 126, 96, 107, 114, 45, 102, 110, 29, 118, 47, 82, 35, 127, 34, 40, 46, 106, 24, 111, 32, 42, 100, 116, 108, 105, 37, 109, 44, 75, 90, 103, 104, 93, 36, 97, 25, 41, 31, 13, 27, 22, 28, 16, 95, 99, 38, 19, 91, 83, 12, 23, 85, 81, 33, 15, 17, 84, 21, 14, 11, 9, 78, 70, 8, 72, 74, 73, 77, 80, 67, 3, 71, 10, 7, 5, 65, 68, 4, 69, 1, 66, 2, 0, 64], [48, 113, 74, 16, 101, 7, 13, 68, 64, 69, 4, 112, 2, 122, 0, 87, 5, 1, 66, 65, 94, 67, 86, 3, 20, 58, 71, 53, 54, 98, 125, 55, 107, 57, 70, 6, 60, 49, 56, 120, 119, 52, 114, 121, 32, 26, 18, 62, 117, 124, 50, 118, 10, 11, 75, 110, 127, 30, 63, 47, 89, 51, 45, 82, 105, 104, 115, 61, 80, 106, 8, 103, 28, 76, 44, 77, 73, 96, 72, 108, 12, 126, 111, 79, 59, 42, 9, 109, 123, 24, 90, 23, 46, 85, 84, 93, 81, 37, 15, 14, 22, 78, 29, 19, 116, 17, 40, 34, 102, 83, 27, 35, 43, 21, 91, 33, 88, 92, 31, 25, 97, 95, 41, 38, 39, 100, 99, 36], [48, 113, 101, 122, 94, 112, 87, 26, 18, 59, 20, 123, 86, 49, 43, 79, 98, 57, 19, 120, 124, 30, 89, 32, 8, 115, 51, 76, 107, 58, 39, 21, 97, 82, 61, 63, 60, 62, 88, 29, 13, 52, 42, 6, 125, 34, 53, 117, 56, 55, 37, 119, 111, 96, 54, 28, 106, 44, 100, 114, 16, 75, 108, 104, 102, 85, 118, 126, 50, 105, 17, 45, 36, 27, 103, 116, 127, 31, 40, 91, 110, 92, 25, 121, 35, 47, 41, 22, 23, 109, 38, 33, 83, 46, 90, 95, 99, 74, 84, 24, 93, 12, 14, 78, 81, 73, 15, 11, 9, 72, 70, 3, 67, 77, 7, 80, 71, 10, 69, 65, 4, 5, 68, 1, 66, 2, 0, 64], [56, 113, 63, 102, 117, 49, 124, 68, 53, 76, 59, 85, 55, 5, 114, 60, 116, 58, 94, 121, 61, 89, 16, 7, 2, 66, 72, 50, 62, 8, 9, 12, 111, 51, 80, 115, 123, 118, 6, 126, 122, 48, 77, 54, 120, 52, 101, 40, 125, 69, 87, 91, 46, 119, 21, 27, 1, 3, 4, 29, 30, 96, 127, 42, 112, 83, 105, 92, 43, 44, 57, 35, 39, 36, 75, 22, 45, 109, 17, 24, 107, 110, 14, 104, 108, 88, 103, 47, 18, 79, 25, 23, 78, 41, 64, 15, 28, 97, 37, 93, 106, 20, 99, 98, 95, 81, 19, 26, 33, 82, 90, 100, 10, 38, 70, 31, 11, 84, 34, 73, 32, 13, 67, 65, 74, 86, 71, 0], [113, 56, 63, 124, 53, 59, 117, 55, 9, 49, 40, 116, 94, 58, 81, 69, 121, 61, 77, 62, 50, 114, 48, 118, 54, 60, 64, 111, 125, 51, 115, 123, 122, 126, 2, 120, 1, 24, 43, 57, 127, 68, 8, 52, 12, 39, 46, 119, 21, 70, 101, 112, 3, 45, 105, 107, 104, 109, 110, 47, 106, 44, 102, 108, 96, 30, 79, 6, 42, 92, 85, 72, 41, 103, 26, 36, 33, 7, 37, 15, 98, 100, 66, 16, 35, 25, 65, 83, 74, 97, 34, 93, 73, 95, 99, 90, 4, 17, 31, 28, 88, 91, 75, 38, 89, 67, 19, 23, 10, 87, 0, 5, 29, 13, 20, 32, 71, 78, 84, 27, 18, 14, 11, 82, 80, 76, 86, 22], [113, 56, 63, 94, 124, 49, 102, 117, 24, 96, 53, 38, 59, 104, 19, 55, 92, 43, 40, 58, 26, 91, 89, 35, 9, 116, 48, 114, 118, 37, 121, 22, 62, 51, 61, 50, 15, 60, 30, 122, 97, 126, 87, 46, 111, 54, 69, 29, 123, 52, 83, 120, 1, 85, 33, 125, 127, 17, 36, 77, 98, 12, 64, 81, 68, 119, 115, 3, 73, 105, 57, 75, 90, 7, 112, 86, 45, 79, 39, 109, 2, 8, 108, 44, 99, 6, 110, 34, 95, 25, 28, 76, 100, 10, 106, 27, 16, 93, 101, 18, 82, 78, 14, 47, 42, 41, 103, 88, 70, 107, 23, 31, 13, 21, 72, 20, 4, 32, 84, 80, 11, 74, 66, 67, 71, 0, 65, 5], [113, 56, 63, 124, 49, 117, 53, 40, 59, 114, 55, 102, 58, 116, 48, 24, 50, 94, 26, 121, 51, 54, 96, 60, 62, 118, 61, 87, 89, 126, 35, 43, 120, 77, 122, 123, 81, 111, 125, 57, 109, 52, 105, 9, 46, 17, 115, 104, 29, 119, 127, 92, 97, 30, 112, 99, 44, 22, 70, 45, 91, 110, 1, 37, 42, 108, 107, 103, 100, 101, 47, 38, 36, 15, 39, 6, 41, 27, 85, 106, 3, 20, 31, 90, 98, 33, 34, 88, 14, 73, 28, 23, 95, 19, 72, 64, 68, 12, 93, 79, 18, 13, 16, 86, 32, 82, 21, 25, 8, 69, 83, 78, 74, 11, 84, 80, 76, 10, 2, 75, 7, 65, 66, 71, 5, 0, 4, 67]], "model.layers.14.self_attn.k_proj": [[60, 101, 97, 62, 86, 117, 120, 94, 51, 59, 53, 90, 118, 58, 126, 57, 48, 111, 123, 121, 115, 54, 116, 87, 61, 81, 114, 125, 119, 56, 52, 127, 124, 55, 107, 19, 110, 122, 105, 50, 63, 106, 112, 89, 37, 40, 46, 44, 109, 45, 47, 43, 49, 102, 88, 108, 113, 12, 103, 21, 92, 104, 78, 15, 25, 42, 41, 32, 38, 39, 16, 93, 1, 34, 74, 67, 100, 27, 36, 71, 70, 31, 95, 13, 91, 98, 35, 68, 0, 20, 83, 73, 24, 33, 99, 96, 14, 79, 84, 72, 22, 28, 29, 11, 85, 80, 26, 77, 30, 66, 18, 8, 23, 17, 76, 82, 10, 9, 75, 5, 69, 2, 7, 65, 64, 3, 6, 4], [52, 38, 97, 86, 60, 93, 124, 56, 119, 123, 125, 61, 50, 57, 26, 113, 110, 62, 121, 127, 55, 81, 58, 116, 63, 109, 112, 53, 45, 115, 117, 108, 42, 49, 15, 46, 54, 106, 48, 111, 122, 118, 120, 88, 47, 84, 33, 114, 126, 82, 107, 103, 43, 39, 59, 22, 40, 102, 41, 87, 37, 105, 85, 36, 44, 75, 83, 100, 96, 77, 35, 13, 101, 104, 9, 99, 0, 98, 31, 16, 27, 30, 92, 34, 25, 32, 95, 51, 80, 17, 89, 28, 94, 10, 76, 69, 65, 29, 19, 14, 21, 73, 70, 91, 2, 24, 78, 72, 12, 71, 7, 4, 18, 90, 67, 68, 23, 8, 20, 11, 79, 5, 3, 74, 1, 66, 6, 64], [53, 39, 33, 87, 117, 14, 81, 80, 7, 9, 12, 74, 0, 42, 11, 65, 85, 2, 3, 60, 4, 48, 69, 70, 114, 83, 116, 61, 51, 64, 127, 54, 66, 67, 122, 79, 126, 113, 55, 118, 63, 124, 52, 5, 72, 120, 68, 88, 91, 109, 89, 25, 115, 112, 121, 108, 6, 45, 103, 59, 40, 73, 71, 22, 49, 1, 41, 34, 105, 77, 104, 23, 26, 10, 21, 43, 106, 44, 47, 96, 13, 50, 30, 92, 16, 110, 119, 18, 93, 123, 28, 76, 20, 58, 125, 94, 75, 8, 78, 29, 102, 36, 24, 46, 101, 90, 111, 56, 97, 57, 107, 31, 95, 35, 99, 19, 37, 27, 98, 38, 84, 100, 62, 82, 17, 86, 32, 15], [56, 38, 127, 86, 97, 44, 60, 61, 119, 114, 50, 113, 122, 116, 123, 62, 110, 63, 29, 115, 126, 47, 112, 59, 120, 51, 90, 55, 121, 39, 53, 49, 57, 124, 24, 117, 58, 45, 30, 78, 48, 118, 54, 125, 6, 109, 111, 17, 11, 1, 103, 52, 46, 107, 101, 42, 0, 41, 102, 105, 106, 28, 23, 108, 89, 20, 40, 104, 16, 43, 33, 35, 100, 98, 76, 25, 96, 82, 68, 15, 84, 85, 99, 32, 77, 37, 18, 74, 95, 36, 2, 34, 91, 19, 7, 64, 21, 22, 12, 31, 80, 93, 27, 3, 92, 87, 10, 67, 13, 79, 72, 94, 9, 26, 71, 69, 5, 73, 8, 66, 81, 14, 75, 4, 65, 83, 70, 88], [123, 113, 103, 22, 34, 60, 122, 54, 124, 61, 53, 125, 111, 56, 57, 49, 62, 119, 121, 55, 18, 47, 63, 114, 127, 115, 51, 40, 59, 96, 112, 93, 117, 116, 52, 126, 120, 46, 58, 118, 50, 44, 48, 109, 45, 107, 42, 104, 27, 98, 110, 43, 75, 41, 108, 106, 14, 65, 38, 100, 7, 35, 105, 92, 68, 84, 102, 37, 101, 0, 26, 67, 80, 36, 15, 9, 32, 31, 5, 33, 24, 30, 8, 87, 97, 88, 77, 94, 99, 25, 95, 6, 79, 20, 10, 39, 28, 81, 72, 91, 23, 76, 83, 70, 2, 90, 89, 12, 29, 66, 78, 21, 82, 17, 16, 11, 85, 74, 64, 19, 71, 4, 69, 86, 3, 1, 73, 13], [63, 62, 103, 86, 127, 53, 57, 121, 54, 116, 55, 30, 59, 50, 52, 58, 115, 125, 123, 97, 120, 61, 92, 60, 46, 84, 18, 51, 113, 26, 117, 124, 96, 118, 47, 126, 48, 88, 49, 24, 110, 114, 122, 100, 56, 119, 80, 15, 108, 106, 91, 111, 45, 107, 42, 14, 112, 109, 101, 38, 41, 43, 102, 40, 33, 75, 99, 44, 9, 105, 37, 31, 77, 83, 104, 93, 35, 94, 21, 17, 16, 25, 13, 98, 85, 36, 72, 82, 23, 34, 11, 19, 79, 29, 6, 66, 78, 32, 68, 0, 12, 95, 69, 22, 27, 81, 89, 28, 10, 87, 71, 90, 20, 39, 74, 76, 65, 3, 7, 73, 70, 67, 8, 1, 2, 4, 5, 64], [112, 64, 37, 113, 48, 49, 1, 69, 16, 74, 30, 68, 86, 87, 7, 123, 13, 2, 53, 20, 122, 34, 43, 58, 57, 96, 121, 118, 59, 120, 66, 125, 62, 56, 119, 54, 60, 75, 3, 26, 18, 55, 4, 52, 6, 115, 50, 114, 124, 111, 117, 126, 63, 79, 61, 0, 51, 47, 76, 127, 67, 110, 103, 116, 41, 109, 46, 106, 108, 93, 45, 104, 89, 38, 44, 36, 105, 8, 29, 35, 39, 42, 100, 71, 81, 102, 28, 15, 33, 21, 31, 90, 40, 27, 107, 25, 94, 19, 78, 24, 84, 99, 92, 88, 70, 73, 97, 85, 22, 72, 80, 5, 9, 91, 98, 95, 14, 77, 17, 32, 23, 83, 65, 12, 10, 82, 101, 11], [56, 113, 63, 38, 99, 124, 117, 59, 53, 22, 58, 116, 114, 55, 62, 122, 60, 32, 61, 50, 126, 51, 123, 111, 48, 121, 54, 127, 115, 118, 52, 46, 120, 125, 119, 57, 108, 112, 49, 45, 110, 109, 27, 40, 47, 35, 43, 104, 44, 89, 107, 97, 41, 42, 101, 106, 103, 105, 39, 92, 30, 98, 93, 33, 36, 87, 100, 102, 37, 19, 96, 18, 31, 13, 95, 34, 24, 17, 26, 91, 86, 20, 15, 29, 94, 28, 88, 85, 65, 2, 23, 0, 70, 80, 90, 7, 83, 10, 78, 74, 82, 25, 84, 14, 73, 8, 11, 3, 67, 81, 79, 75, 68, 16, 69, 21, 5, 71, 76, 4, 9, 12, 77, 72, 66, 64, 1, 6]], "model.layers.14.self_attn.qk_proj": [[56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 116, 58, 120, 121, 124, 122, 57, 125, 127, 61, 103, 115, 55, 51, 59, 22, 97, 50, 119, 114, 38, 102, 49, 54, 39, 37, 118, 23, 126, 101, 47, 87, 111, 94, 86, 108, 16, 80, 33, 46, 0, 42, 110, 17, 26, 64, 109, 43, 90, 24, 106, 45, 88, 81, 93, 78, 14, 44, 107, 10, 69, 105, 29, 7, 5, 83, 74, 71, 12, 84, 11, 30, 40, 34, 19, 13, 4, 77, 2, 85, 9, 96, 73, 20, 21, 1, 66, 76, 41, 75, 67, 68, 28, 104, 99, 15, 65, 18, 82, 3, 36, 89, 35, 79, 92, 25, 98, 32, 70, 6, 100, 8, 31, 91, 95, 27, 72], [113, 56, 53, 52, 60, 123, 63, 62, 48, 112, 117, 116, 58, 124, 120, 127, 61, 125, 121, 122, 55, 103, 57, 115, 51, 59, 97, 102, 39, 22, 49, 38, 114, 54, 50, 23, 118, 37, 101, 119, 126, 94, 111, 47, 87, 109, 33, 86, 16, 64, 108, 43, 80, 0, 24, 17, 106, 90, 42, 46, 110, 45, 10, 26, 88, 14, 107, 78, 81, 93, 44, 29, 74, 4, 68, 71, 11, 85, 5, 105, 83, 69, 12, 9, 99, 75, 41, 34, 96, 19, 7, 21, 28, 77, 84, 40, 104, 65, 13, 20, 18, 1, 30, 76, 6, 92, 2, 73, 66, 67, 32, 36, 79, 25, 82, 70, 15, 98, 100, 35, 31, 89, 91, 8, 3, 27, 95, 72], [56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 116, 58, 127, 124, 61, 120, 122, 103, 125, 121, 59, 115, 57, 39, 54, 55, 97, 51, 49, 38, 50, 102, 114, 118, 47, 101, 119, 126, 37, 111, 46, 23, 22, 87, 94, 43, 108, 86, 0, 33, 64, 16, 110, 106, 109, 107, 80, 45, 88, 44, 90, 24, 42, 26, 30, 17, 93, 14, 29, 71, 10, 41, 105, 81, 78, 85, 69, 83, 34, 5, 99, 96, 12, 74, 7, 11, 4, 40, 65, 19, 68, 13, 66, 28, 104, 1, 9, 21, 75, 77, 76, 20, 73, 6, 84, 2, 35, 98, 32, 3, 25, 18, 67, 36, 82, 15, 92, 89, 70, 91, 31, 27, 79, 72, 100, 95, 8], [56, 113, 53, 52, 60, 123, 63, 62, 48, 112, 117, 116, 58, 125, 121, 122, 124, 61, 120, 127, 57, 49, 103, 114, 55, 39, 54, 97, 115, 59, 50, 51, 102, 111, 119, 101, 22, 38, 126, 47, 118, 23, 37, 94, 110, 46, 87, 108, 43, 0, 64, 16, 86, 80, 45, 109, 33, 90, 106, 24, 107, 17, 44, 93, 26, 42, 78, 88, 29, 81, 41, 69, 74, 2, 19, 7, 10, 104, 14, 105, 71, 30, 85, 96, 83, 13, 34, 12, 66, 76, 84, 77, 40, 65, 5, 11, 1, 9, 73, 4, 28, 3, 68, 20, 99, 75, 92, 36, 6, 32, 21, 98, 67, 18, 25, 100, 89, 15, 35, 82, 79, 70, 72, 31, 91, 95, 27, 8], [56, 113, 53, 52, 60, 123, 63, 62, 48, 112, 117, 122, 58, 121, 125, 116, 57, 61, 120, 55, 124, 103, 49, 127, 115, 114, 39, 59, 97, 118, 38, 51, 50, 22, 46, 102, 101, 47, 23, 54, 126, 94, 37, 108, 111, 110, 86, 0, 16, 119, 87, 80, 64, 33, 43, 109, 90, 106, 14, 81, 42, 44, 107, 24, 17, 26, 78, 71, 10, 30, 93, 2, 45, 66, 83, 11, 74, 69, 19, 88, 29, 105, 5, 4, 104, 68, 84, 13, 9, 12, 76, 41, 7, 40, 96, 73, 21, 1, 34, 75, 18, 85, 20, 77, 28, 65, 3, 79, 92, 82, 32, 89, 15, 99, 98, 6, 67, 35, 100, 70, 36, 25, 27, 91, 31, 72, 95, 8], [56, 113, 53, 52, 123, 60, 63, 62, 48, 112, 117, 116, 121, 55, 127, 125, 58, 124, 120, 122, 103, 57, 61, 59, 49, 115, 114, 97, 22, 118, 39, 102, 51, 38, 54, 50, 119, 23, 37, 101, 109, 94, 87, 108, 126, 110, 111, 86, 47, 16, 80, 64, 17, 33, 14, 43, 90, 26, 42, 81, 0, 44, 24, 78, 46, 45, 106, 29, 11, 4, 88, 93, 10, 9, 83, 12, 74, 76, 84, 30, 75, 41, 85, 19, 7, 71, 105, 96, 18, 68, 107, 69, 66, 20, 5, 13, 73, 77, 104, 21, 32, 82, 79, 65, 2, 15, 3, 40, 34, 28, 89, 98, 92, 1, 70, 99, 36, 67, 6, 31, 25, 35, 100, 72, 91, 27, 95, 8], [56, 113, 53, 123, 52, 60, 63, 62, 48, 112, 117, 116, 121, 120, 127, 55, 58, 115, 125, 61, 49, 122, 114, 59, 57, 103, 124, 22, 118, 97, 102, 23, 119, 38, 51, 39, 37, 101, 94, 50, 54, 87, 126, 86, 109, 111, 16, 47, 110, 80, 17, 26, 43, 108, 33, 90, 14, 46, 78, 81, 42, 24, 64, 45, 106, 85, 29, 0, 88, 44, 30, 11, 10, 105, 74, 104, 9, 75, 76, 93, 84, 71, 107, 20, 73, 7, 69, 83, 12, 15, 41, 5, 77, 96, 21, 19, 28, 40, 13, 82, 18, 32, 2, 66, 34, 67, 79, 4, 99, 36, 6, 98, 92, 68, 65, 89, 1, 70, 25, 3, 35, 31, 100, 27, 72, 91, 95, 8], [56, 113, 53, 52, 123, 60, 63, 62, 48, 112, 117, 120, 58, 121, 116, 59, 115, 55, 114, 124, 57, 122, 127, 103, 49, 97, 125, 38, 51, 22, 102, 61, 119, 23, 118, 54, 37, 101, 39, 126, 94, 87, 47, 50, 86, 46, 111, 109, 110, 16, 43, 108, 33, 26, 0, 64, 90, 80, 88, 78, 45, 14, 81, 17, 85, 107, 42, 29, 24, 30, 44, 84, 106, 75, 10, 96, 83, 11, 105, 93, 21, 74, 20, 5, 34, 71, 104, 65, 76, 9, 77, 7, 15, 41, 13, 18, 82, 4, 69, 1, 68, 12, 73, 2, 66, 36, 70, 19, 32, 79, 35, 28, 92, 98, 99, 89, 25, 3, 6, 91, 40, 67, 31, 100, 72, 27, 95, 8], [56, 113, 53, 52, 123, 60, 63, 62, 48, 112, 117, 116, 120, 125, 58, 127, 121, 122, 49, 124, 55, 115, 57, 103, 97, 38, 54, 61, 51, 102, 114, 50, 101, 59, 39, 118, 23, 22, 119, 37, 111, 94, 87, 47, 43, 108, 86, 109, 80, 64, 0, 126, 110, 16, 33, 46, 106, 88, 78, 90, 17, 14, 26, 85, 105, 44, 45, 81, 29, 24, 10, 42, 30, 93, 4, 96, 74, 83, 84, 19, 104, 1, 71, 107, 41, 5, 34, 7, 76, 99, 21, 69, 20, 65, 75, 68, 66, 13, 28, 73, 2, 77, 11, 12, 15, 9, 32, 98, 18, 70, 25, 92, 36, 40, 35, 82, 6, 3, 79, 67, 91, 89, 100, 31, 27, 72, 95, 8], [56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 58, 120, 116, 57, 55, 125, 124, 121, 49, 122, 114, 127, 59, 51, 97, 103, 38, 115, 61, 39, 50, 54, 119, 23, 22, 111, 118, 102, 37, 101, 87, 94, 110, 126, 33, 64, 47, 0, 16, 80, 108, 86, 46, 17, 107, 14, 78, 45, 90, 42, 109, 24, 44, 81, 43, 26, 93, 10, 29, 71, 74, 7, 11, 88, 85, 99, 106, 30, 68, 69, 13, 12, 83, 34, 28, 84, 105, 5, 76, 96, 9, 66, 73, 4, 21, 18, 104, 75, 77, 20, 1, 70, 67, 65, 3, 2, 41, 15, 19, 82, 79, 40, 32, 89, 98, 6, 92, 100, 91, 35, 25, 36, 8, 31, 95, 27, 72], [56, 113, 53, 52, 60, 123, 62, 63, 48, 112, 117, 116, 58, 120, 55, 121, 124, 57, 49, 122, 127, 125, 103, 115, 114, 59, 39, 61, 51, 97, 50, 22, 102, 54, 23, 126, 118, 38, 101, 37, 87, 119, 47, 110, 0, 86, 94, 64, 16, 108, 80, 111, 17, 109, 46, 33, 90, 10, 106, 14, 74, 42, 78, 107, 29, 93, 45, 81, 26, 24, 43, 30, 5, 44, 71, 69, 105, 88, 66, 7, 12, 76, 13, 19, 68, 73, 104, 83, 2, 11, 84, 15, 65, 96, 18, 85, 41, 9, 77, 70, 4, 20, 40, 75, 1, 21, 34, 79, 3, 82, 28, 99, 67, 6, 36, 32, 89, 98, 92, 35, 91, 100, 8, 25, 27, 31, 72, 95], [56, 113, 53, 52, 123, 60, 63, 62, 48, 112, 117, 116, 120, 58, 121, 55, 122, 127, 124, 103, 115, 114, 49, 57, 61, 125, 51, 22, 39, 118, 23, 59, 38, 102, 97, 119, 37, 54, 101, 50, 126, 94, 111, 110, 86, 87, 108, 16, 80, 109, 17, 64, 107, 0, 47, 14, 33, 42, 46, 81, 78, 26, 90, 10, 43, 74, 29, 44, 45, 106, 30, 24, 68, 105, 88, 93, 83, 69, 41, 84, 20, 4, 76, 5, 75, 85, 73, 7, 11, 19, 12, 13, 66, 2, 77, 9, 104, 28, 71, 1, 96, 32, 18, 82, 15, 21, 67, 34, 3, 70, 79, 6, 99, 40, 65, 35, 89, 25, 36, 98, 100, 8, 31, 91, 92, 27, 72, 95], [56, 113, 53, 52, 60, 123, 63, 62, 48, 112, 117, 120, 116, 58, 127, 115, 124, 103, 55, 57, 59, 121, 125, 114, 61, 38, 50, 49, 51, 122, 119, 39, 22, 102, 23, 97, 111, 54, 37, 118, 101, 94, 87, 108, 126, 47, 86, 110, 33, 17, 109, 46, 16, 80, 88, 14, 81, 26, 42, 64, 43, 0, 44, 106, 45, 90, 24, 107, 78, 29, 105, 93, 30, 10, 74, 104, 75, 41, 11, 21, 7, 83, 85, 68, 4, 69, 84, 99, 20, 96, 19, 28, 77, 34, 76, 5, 32, 82, 13, 18, 73, 92, 71, 66, 36, 98, 9, 1, 15, 12, 2, 40, 3, 65, 6, 31, 25, 100, 91, 89, 95, 79, 35, 70, 27, 67, 8, 72], [56, 113, 53, 52, 60, 123, 62, 63, 48, 112, 117, 120, 116, 127, 58, 59, 125, 115, 124, 49, 114, 55, 57, 51, 121, 103, 119, 39, 122, 61, 22, 50, 97, 111, 54, 118, 102, 37, 38, 87, 23, 64, 110, 94, 101, 86, 109, 108, 47, 126, 0, 17, 42, 46, 80, 14, 74, 33, 16, 44, 81, 45, 90, 43, 26, 78, 88, 24, 29, 10, 7, 71, 73, 105, 18, 75, 83, 93, 76, 30, 69, 11, 104, 77, 107, 19, 5, 13, 66, 41, 9, 6, 4, 96, 106, 1, 84, 65, 34, 20, 21, 99, 12, 85, 15, 28, 68, 40, 36, 2, 79, 32, 82, 70, 67, 3, 92, 25, 98, 35, 27, 8, 91, 89, 31, 100, 95, 72], [56, 113, 53, 52, 123, 60, 63, 62, 48, 112, 117, 120, 121, 116, 124, 55, 127, 125, 49, 58, 114, 57, 59, 122, 103, 39, 61, 115, 50, 119, 51, 97, 22, 38, 118, 102, 23, 54, 37, 101, 94, 111, 110, 108, 126, 86, 87, 109, 16, 0, 64, 46, 47, 43, 80, 33, 42, 14, 90, 17, 74, 44, 45, 78, 106, 26, 81, 88, 107, 10, 7, 93, 24, 29, 30, 105, 69, 11, 71, 83, 75, 84, 73, 76, 104, 66, 19, 21, 18, 13, 5, 20, 34, 40, 4, 68, 28, 1, 3, 67, 12, 85, 2, 9, 77, 6, 96, 41, 15, 32, 65, 99, 82, 70, 79, 36, 92, 89, 98, 100, 25, 27, 8, 35, 31, 91, 95, 72], [56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 116, 120, 114, 55, 121, 58, 127, 124, 122, 49, 103, 125, 115, 59, 61, 57, 39, 102, 119, 51, 118, 37, 22, 54, 97, 50, 23, 38, 126, 46, 111, 94, 108, 16, 86, 110, 87, 101, 17, 64, 45, 47, 80, 44, 109, 0, 33, 43, 106, 107, 74, 14, 90, 42, 10, 105, 81, 4, 26, 83, 78, 29, 2, 93, 11, 76, 88, 24, 68, 5, 69, 7, 75, 71, 66, 41, 19, 84, 28, 21, 13, 30, 96, 9, 20, 104, 65, 40, 12, 73, 77, 18, 6, 34, 85, 98, 70, 15, 67, 79, 92, 99, 36, 32, 3, 1, 8, 89, 31, 35, 82, 100, 25, 91, 27, 95, 72], [56, 113, 53, 52, 60, 123, 63, 62, 48, 112, 117, 120, 58, 116, 114, 121, 124, 127, 55, 115, 103, 59, 39, 125, 57, 49, 122, 50, 119, 61, 38, 118, 22, 51, 97, 54, 23, 102, 126, 37, 101, 94, 86, 111, 87, 110, 17, 46, 108, 44, 16, 45, 109, 80, 33, 0, 26, 47, 64, 107, 90, 106, 78, 43, 10, 42, 93, 29, 88, 81, 30, 14, 105, 24, 74, 11, 7, 28, 5, 75, 71, 41, 77, 21, 40, 34, 18, 83, 96, 68, 104, 4, 98, 9, 13, 85, 20, 12, 69, 84, 36, 66, 65, 76, 19, 99, 6, 32, 1, 2, 92, 73, 70, 79, 82, 35, 25, 15, 100, 3, 31, 91, 89, 8, 27, 67, 95, 72], [56, 113, 53, 52, 123, 60, 63, 62, 48, 112, 117, 120, 116, 58, 121, 61, 55, 124, 115, 103, 127, 125, 59, 49, 114, 122, 39, 38, 119, 57, 118, 22, 97, 23, 54, 50, 51, 101, 37, 102, 126, 87, 86, 94, 47, 111, 46, 64, 0, 108, 16, 109, 33, 110, 44, 45, 80, 106, 17, 42, 14, 90, 107, 88, 43, 26, 78, 81, 24, 30, 93, 105, 74, 75, 7, 28, 10, 66, 71, 96, 19, 29, 69, 40, 76, 83, 11, 104, 20, 65, 34, 99, 77, 21, 84, 85, 9, 5, 18, 4, 68, 1, 82, 70, 13, 41, 73, 12, 2, 36, 67, 15, 6, 3, 92, 79, 89, 31, 35, 25, 98, 91, 32, 27, 100, 8, 95, 72], [56, 113, 53, 123, 60, 52, 63, 62, 48, 112, 117, 58, 121, 116, 120, 103, 124, 114, 122, 125, 127, 38, 57, 55, 49, 59, 115, 51, 97, 61, 54, 39, 50, 119, 101, 118, 22, 102, 23, 94, 111, 110, 37, 87, 33, 109, 47, 46, 64, 126, 108, 0, 86, 16, 44, 80, 107, 106, 90, 45, 24, 26, 43, 78, 10, 17, 81, 30, 93, 40, 105, 42, 88, 14, 28, 34, 104, 96, 74, 65, 85, 29, 99, 7, 71, 69, 19, 20, 4, 13, 5, 83, 21, 76, 98, 66, 75, 12, 84, 41, 9, 11, 18, 68, 77, 2, 92, 1, 35, 25, 3, 73, 82, 70, 32, 36, 67, 100, 91, 89, 31, 15, 79, 6, 27, 95, 72, 8], [56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 116, 120, 58, 121, 124, 127, 59, 61, 55, 125, 49, 103, 114, 39, 57, 122, 115, 97, 54, 22, 102, 119, 51, 50, 38, 118, 23, 37, 126, 94, 101, 111, 87, 108, 44, 33, 109, 86, 107, 0, 16, 46, 80, 47, 17, 106, 43, 64, 45, 90, 26, 24, 110, 93, 78, 42, 88, 14, 74, 10, 81, 105, 30, 29, 75, 4, 76, 19, 96, 7, 83, 40, 12, 11, 71, 99, 34, 85, 84, 5, 68, 20, 77, 28, 65, 9, 104, 21, 82, 73, 98, 1, 69, 18, 36, 41, 13, 70, 2, 15, 79, 66, 32, 35, 6, 25, 92, 89, 100, 91, 67, 31, 3, 27, 95, 72, 8], [56, 113, 53, 123, 52, 60, 63, 62, 48, 112, 117, 120, 121, 61, 58, 55, 116, 59, 125, 127, 122, 124, 115, 49, 114, 103, 57, 119, 22, 54, 118, 97, 39, 38, 51, 23, 37, 50, 126, 102, 94, 101, 86, 108, 46, 111, 87, 107, 44, 80, 110, 16, 43, 47, 109, 90, 0, 45, 88, 33, 64, 26, 14, 10, 106, 17, 105, 78, 74, 42, 81, 93, 24, 7, 76, 12, 69, 30, 19, 83, 11, 29, 28, 71, 4, 96, 2, 104, 84, 9, 75, 5, 99, 20, 41, 77, 18, 40, 67, 85, 34, 13, 21, 73, 66, 65, 82, 98, 79, 68, 70, 36, 92, 1, 15, 3, 32, 6, 91, 89, 72, 35, 25, 31, 100, 27, 95, 8], [56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 58, 120, 121, 61, 59, 116, 125, 55, 127, 122, 49, 103, 115, 38, 114, 54, 57, 124, 39, 51, 119, 118, 23, 97, 126, 101, 22, 102, 37, 50, 87, 86, 47, 111, 94, 80, 64, 108, 46, 90, 16, 110, 0, 33, 109, 107, 44, 45, 43, 17, 26, 88, 106, 14, 10, 105, 93, 78, 42, 81, 24, 74, 29, 19, 7, 83, 5, 76, 30, 104, 28, 71, 65, 69, 34, 40, 20, 75, 9, 84, 85, 11, 18, 77, 96, 4, 68, 12, 13, 41, 21, 73, 2, 99, 1, 82, 70, 79, 3, 98, 36, 92, 91, 66, 15, 89, 31, 25, 35, 32, 6, 72, 67, 100, 27, 95, 8], [56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 120, 59, 58, 124, 121, 103, 116, 38, 125, 127, 122, 55, 57, 61, 115, 54, 114, 97, 118, 49, 51, 22, 39, 50, 101, 23, 119, 102, 126, 37, 94, 86, 87, 109, 111, 47, 16, 108, 46, 64, 33, 44, 80, 110, 0, 90, 45, 88, 42, 106, 26, 81, 93, 105, 14, 10, 24, 43, 17, 78, 74, 107, 83, 30, 11, 104, 5, 68, 29, 19, 34, 4, 7, 96, 77, 40, 20, 99, 69, 85, 84, 71, 76, 2, 28, 65, 21, 66, 92, 13, 73, 9, 75, 12, 41, 18, 36, 82, 6, 89, 1, 15, 3, 25, 98, 79, 35, 32, 67, 100, 91, 27, 70, 95, 72, 31, 8], [56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 125, 58, 120, 121, 124, 59, 55, 61, 116, 57, 127, 103, 114, 122, 38, 97, 115, 49, 22, 51, 39, 118, 54, 23, 37, 119, 50, 94, 101, 126, 87, 111, 102, 16, 86, 47, 33, 80, 90, 110, 44, 109, 64, 42, 26, 0, 17, 108, 46, 45, 78, 106, 10, 14, 29, 88, 81, 93, 74, 24, 43, 83, 30, 107, 11, 28, 105, 76, 104, 71, 75, 4, 73, 84, 68, 41, 12, 96, 6, 7, 99, 5, 85, 66, 69, 15, 40, 13, 34, 77, 9, 19, 2, 20, 21, 82, 3, 18, 36, 32, 67, 92, 1, 100, 65, 25, 70, 89, 98, 91, 79, 27, 35, 72, 31, 95, 8], [56, 113, 53, 60, 123, 52, 63, 62, 48, 112, 117, 120, 121, 58, 59, 125, 61, 55, 116, 127, 49, 103, 57, 114, 124, 22, 115, 122, 118, 39, 38, 54, 119, 23, 51, 37, 97, 50, 86, 102, 101, 87, 94, 47, 111, 80, 126, 108, 110, 109, 46, 16, 26, 43, 33, 17, 106, 45, 78, 90, 88, 0, 64, 44, 107, 81, 29, 11, 74, 42, 14, 10, 24, 105, 83, 5, 93, 85, 30, 76, 9, 71, 40, 7, 84, 104, 69, 28, 41, 20, 13, 2, 77, 82, 18, 12, 75, 15, 96, 73, 19, 34, 1, 21, 99, 65, 66, 4, 32, 98, 68, 36, 3, 6, 100, 67, 79, 25, 89, 35, 70, 91, 31, 72, 92, 27, 95, 8], [56, 113, 60, 52, 53, 123, 63, 62, 48, 112, 117, 120, 59, 58, 61, 121, 57, 127, 116, 55, 124, 125, 103, 122, 114, 115, 22, 49, 54, 38, 118, 39, 50, 119, 51, 97, 23, 102, 37, 101, 94, 126, 86, 87, 47, 109, 110, 106, 33, 80, 26, 90, 16, 42, 88, 43, 107, 81, 111, 64, 17, 44, 108, 78, 0, 10, 29, 14, 46, 93, 24, 45, 75, 40, 85, 30, 104, 83, 74, 28, 105, 84, 41, 11, 71, 21, 76, 19, 5, 20, 32, 96, 69, 12, 18, 7, 99, 9, 77, 68, 34, 4, 36, 13, 65, 6, 2, 15, 82, 25, 66, 98, 100, 79, 73, 70, 1, 92, 89, 35, 91, 31, 3, 67, 95, 72, 27, 8], [56, 113, 60, 53, 52, 123, 63, 62, 48, 112, 117, 120, 127, 124, 59, 58, 61, 57, 121, 122, 103, 115, 116, 125, 49, 50, 51, 55, 54, 114, 39, 22, 38, 97, 23, 119, 126, 101, 118, 47, 102, 86, 37, 46, 94, 87, 44, 17, 111, 80, 26, 0, 107, 109, 64, 108, 33, 16, 90, 43, 24, 42, 106, 45, 81, 88, 105, 110, 10, 14, 30, 93, 29, 74, 68, 28, 85, 76, 78, 84, 40, 71, 83, 5, 96, 11, 104, 2, 21, 69, 77, 13, 20, 4, 12, 41, 34, 19, 66, 7, 82, 9, 75, 99, 73, 65, 67, 25, 98, 1, 3, 18, 92, 6, 15, 35, 79, 32, 70, 36, 91, 89, 31, 27, 100, 95, 72, 8], [56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 124, 120, 121, 58, 116, 125, 122, 61, 127, 57, 55, 59, 114, 115, 103, 97, 22, 54, 39, 49, 38, 118, 51, 50, 101, 102, 23, 126, 37, 119, 94, 87, 86, 64, 0, 80, 108, 16, 47, 43, 90, 109, 111, 33, 26, 17, 81, 45, 46, 14, 110, 88, 106, 10, 93, 78, 44, 107, 42, 29, 71, 74, 11, 76, 105, 73, 24, 83, 75, 9, 84, 30, 12, 85, 69, 4, 7, 82, 28, 66, 65, 40, 77, 96, 104, 19, 1, 21, 5, 20, 34, 41, 13, 68, 18, 67, 2, 79, 99, 3, 70, 25, 6, 91, 32, 92, 89, 15, 98, 36, 31, 27, 35, 8, 100, 95, 72], [56, 113, 53, 52, 60, 123, 63, 62, 48, 112, 117, 120, 116, 125, 57, 121, 58, 122, 127, 124, 61, 55, 103, 97, 51, 115, 49, 54, 126, 39, 114, 118, 59, 22, 23, 38, 50, 102, 101, 37, 47, 119, 46, 94, 111, 0, 108, 109, 43, 16, 80, 87, 86, 110, 33, 90, 64, 45, 81, 17, 14, 26, 106, 42, 10, 93, 88, 74, 44, 105, 78, 83, 29, 30, 24, 71, 7, 13, 69, 107, 5, 85, 40, 34, 12, 76, 9, 2, 11, 19, 28, 65, 20, 104, 96, 98, 68, 73, 70, 4, 84, 99, 66, 82, 77, 75, 41, 92, 67, 1, 21, 79, 6, 36, 89, 18, 91, 32, 35, 100, 3, 31, 8, 15, 27, 25, 95, 72], [56, 113, 53, 52, 60, 123, 63, 62, 48, 112, 117, 58, 116, 121, 120, 125, 61, 55, 124, 122, 59, 127, 57, 103, 22, 97, 49, 115, 54, 51, 50, 119, 114, 39, 37, 38, 126, 102, 101, 23, 47, 118, 87, 94, 86, 45, 80, 43, 109, 16, 111, 46, 0, 26, 78, 17, 81, 10, 90, 108, 33, 64, 14, 110, 106, 29, 88, 2, 24, 93, 42, 44, 107, 74, 83, 85, 69, 12, 76, 105, 104, 73, 4, 96, 19, 40, 30, 5, 7, 11, 75, 20, 71, 84, 41, 9, 34, 68, 77, 99, 28, 21, 82, 70, 66, 13, 18, 3, 79, 65, 67, 1, 15, 32, 89, 36, 98, 6, 25, 35, 92, 8, 91, 100, 31, 95, 27, 72], [56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 116, 125, 58, 120, 61, 121, 122, 57, 124, 127, 59, 97, 115, 55, 103, 114, 22, 54, 39, 51, 50, 49, 119, 102, 37, 23, 126, 86, 38, 118, 111, 87, 94, 101, 47, 110, 16, 0, 17, 33, 64, 43, 45, 80, 78, 26, 108, 46, 109, 29, 42, 90, 44, 81, 10, 24, 88, 41, 83, 106, 107, 74, 93, 68, 71, 4, 30, 7, 5, 12, 14, 69, 75, 9, 99, 96, 105, 11, 19, 73, 76, 34, 18, 2, 13, 104, 70, 77, 66, 85, 40, 28, 21, 67, 65, 1, 84, 20, 79, 32, 89, 25, 98, 82, 15, 36, 35, 31, 6, 91, 92, 3, 8, 100, 27, 95, 72], [56, 113, 53, 52, 60, 123, 63, 62, 48, 112, 117, 120, 116, 121, 125, 58, 122, 61, 55, 59, 124, 103, 22, 127, 57, 97, 114, 51, 115, 54, 23, 38, 50, 49, 126, 102, 39, 119, 101, 37, 118, 86, 94, 87, 111, 47, 17, 78, 108, 109, 80, 26, 16, 33, 43, 42, 45, 88, 90, 46, 24, 10, 0, 11, 29, 110, 44, 107, 14, 64, 106, 74, 93, 81, 30, 83, 12, 5, 105, 75, 9, 71, 40, 13, 99, 76, 7, 73, 84, 19, 66, 85, 96, 4, 20, 18, 104, 34, 69, 70, 77, 41, 79, 15, 28, 21, 65, 25, 68, 82, 89, 32, 6, 3, 2, 92, 1, 67, 98, 36, 35, 91, 8, 100, 31, 27, 95, 72]], "model.layers.15.self_attn.q_proj": [[103, 62, 113, 33, 14, 21, 8, 11, 16, 18, 49, 89, 60, 67, 91, 19, 57, 69, 79, 26, 2, 22, 24, 59, 84, 46, 3, 95, 75, 70, 87, 65, 28, 66, 13, 6, 101, 27, 72, 80, 10, 25, 0, 73, 5, 78, 44, 88, 74, 83, 71, 56, 117, 77, 81, 76, 82, 85, 94, 20, 4, 64, 9, 92, 7, 17, 12, 119, 29, 15, 90, 23, 1, 43, 86, 116, 61, 68, 123, 110, 96, 104, 30, 40, 37, 98, 108, 112, 127, 125, 93, 106, 102, 51, 50, 122, 32, 45, 118, 120, 42, 124, 55, 111, 31, 34, 36, 54, 53, 100, 63, 99, 126, 121, 114, 58, 35, 38, 97, 47, 109, 41, 105, 48, 52, 107, 115, 39], [62, 113, 57, 60, 123, 59, 61, 58, 114, 121, 126, 56, 124, 127, 116, 120, 50, 63, 125, 122, 53, 54, 119, 55, 117, 51, 118, 48, 111, 46, 112, 52, 47, 109, 115, 49, 110, 45, 44, 42, 43, 108, 107, 35, 101, 41, 106, 105, 38, 37, 40, 104, 103, 102, 97, 36, 100, 88, 34, 99, 39, 98, 33, 96, 84, 23, 20, 30, 32, 95, 29, 31, 17, 19, 93, 90, 86, 22, 28, 94, 76, 92, 91, 26, 79, 81, 24, 21, 89, 12, 87, 14, 16, 77, 13, 83, 10, 73, 18, 27, 85, 25, 70, 82, 9, 68, 1, 4, 74, 7, 8, 2, 11, 15, 5, 67, 66, 64, 71, 80, 65, 78, 69, 6, 0, 3, 72, 75], [113, 62, 57, 60, 121, 59, 119, 126, 116, 61, 120, 123, 58, 127, 56, 114, 63, 54, 53, 125, 118, 55, 124, 122, 109, 112, 49, 51, 117, 52, 48, 50, 103, 111, 47, 115, 99, 38, 43, 106, 44, 108, 41, 110, 45, 107, 42, 46, 35, 105, 40, 104, 88, 100, 37, 101, 102, 20, 96, 36, 97, 29, 90, 39, 34, 98, 95, 17, 93, 33, 87, 32, 31, 23, 92, 24, 13, 30, 94, 28, 84, 26, 91, 22, 86, 81, 76, 77, 89, 74, 27, 79, 21, 83, 73, 18, 85, 19, 9, 10, 25, 68, 12, 15, 82, 69, 14, 16, 70, 8, 4, 5, 78, 1, 71, 6, 11, 80, 0, 64, 65, 7, 66, 2, 67, 72, 75, 3], [62, 103, 113, 57, 60, 59, 61, 58, 123, 56, 36, 126, 98, 121, 54, 116, 49, 120, 114, 117, 51, 55, 101, 125, 124, 119, 63, 53, 38, 108, 112, 122, 118, 46, 22, 48, 44, 52, 50, 32, 100, 45, 106, 34, 127, 33, 111, 99, 109, 42, 43, 47, 105, 107, 115, 35, 110, 104, 41, 89, 97, 40, 95, 93, 96, 102, 87, 31, 37, 94, 29, 17, 26, 28, 30, 86, 92, 19, 27, 23, 39, 91, 79, 24, 21, 83, 81, 88, 20, 25, 13, 18, 84, 90, 16, 15, 9, 80, 82, 85, 76, 77, 12, 10, 14, 73, 74, 5, 4, 75, 78, 11, 72, 2, 71, 6, 68, 70, 7, 8, 66, 1, 69, 65, 67, 3, 64, 0], [39, 112, 97, 45, 48, 125, 19, 21, 119, 115, 89, 14, 17, 95, 118, 93, 79, 25, 120, 12, 27, 8, 53, 22, 23, 111, 77, 40, 86, 57, 7, 127, 5, 28, 42, 55, 99, 124, 122, 10, 78, 49, 29, 85, 46, 47, 62, 9, 59, 91, 114, 116, 54, 90, 58, 108, 88, 63, 123, 24, 51, 110, 107, 117, 106, 94, 104, 113, 101, 32, 96, 82, 16, 52, 71, 100, 121, 37, 60, 84, 56, 73, 44, 38, 43, 30, 11, 34, 87, 67, 18, 126, 92, 35, 98, 41, 81, 26, 61, 102, 31, 69, 66, 50, 105, 80, 36, 20, 109, 3, 13, 83, 103, 72, 33, 76, 15, 64, 74, 1, 2, 0, 70, 6, 75, 65, 4, 68], [39, 112, 45, 97, 48, 115, 89, 19, 27, 14, 21, 118, 119, 125, 120, 53, 57, 46, 122, 99, 24, 95, 55, 108, 59, 17, 22, 28, 121, 123, 106, 58, 60, 116, 107, 124, 25, 126, 62, 63, 54, 101, 114, 88, 75, 111, 127, 34, 79, 37, 47, 113, 40, 11, 36, 30, 56, 49, 42, 50, 87, 100, 61, 71, 51, 104, 52, 109, 43, 8, 44, 110, 29, 117, 96, 85, 102, 41, 92, 35, 93, 105, 23, 91, 32, 26, 38, 98, 31, 73, 84, 12, 74, 94, 16, 78, 20, 90, 83, 80, 15, 82, 86, 81, 77, 33, 67, 103, 7, 18, 69, 5, 10, 13, 2, 76, 9, 6, 66, 72, 65, 64, 3, 70, 68, 0, 1, 4], [39, 45, 97, 48, 112, 118, 21, 19, 79, 89, 17, 9, 27, 14, 7, 12, 6, 95, 25, 115, 65, 23, 5, 122, 18, 124, 16, 127, 74, 119, 125, 8, 93, 66, 24, 3, 28, 4, 78, 22, 76, 55, 1, 15, 70, 64, 111, 51, 120, 29, 80, 10, 77, 46, 67, 117, 68, 114, 72, 109, 56, 86, 73, 30, 82, 13, 75, 57, 123, 20, 2, 121, 96, 69, 58, 116, 62, 81, 85, 71, 108, 84, 53, 43, 107, 61, 49, 42, 60, 92, 83, 100, 31, 88, 11, 40, 90, 99, 50, 98, 94, 36, 32, 44, 113, 103, 0, 38, 26, 126, 47, 41, 105, 59, 104, 37, 63, 33, 54, 35, 87, 34, 91, 52, 106, 101, 110, 102], [39, 97, 45, 112, 48, 12, 17, 19, 67, 21, 118, 25, 9, 3, 1, 7, 79, 0, 89, 95, 73, 69, 124, 5, 23, 22, 8, 122, 14, 71, 85, 66, 127, 120, 10, 28, 13, 74, 119, 114, 4, 103, 75, 93, 70, 76, 117, 51, 15, 81, 2, 24, 55, 58, 78, 29, 84, 111, 125, 72, 80, 83, 6, 115, 65, 116, 30, 18, 16, 77, 92, 82, 123, 57, 27, 11, 31, 49, 47, 108, 26, 91, 50, 99, 88, 94, 56, 41, 87, 121, 113, 53, 35, 96, 107, 46, 43, 86, 36, 90, 109, 59, 100, 62, 40, 64, 54, 37, 32, 106, 68, 63, 61, 20, 105, 102, 42, 34, 52, 60, 104, 38, 126, 101, 110, 98, 44, 33], [51, 61, 117, 36, 81, 22, 30, 27, 88, 97, 100, 10, 78, 18, 44, 96, 94, 19, 108, 2, 69, 28, 91, 80, 54, 42, 20, 68, 25, 5, 74, 104, 93, 33, 63, 11, 124, 64, 14, 115, 86, 77, 83, 71, 8, 21, 114, 12, 85, 16, 103, 118, 17, 53, 23, 119, 66, 62, 84, 120, 26, 109, 111, 24, 6, 31, 110, 76, 73, 15, 121, 70, 79, 127, 13, 34, 123, 59, 82, 38, 87, 102, 37, 126, 0, 105, 72, 50, 9, 112, 122, 1, 56, 52, 89, 107, 57, 7, 46, 43, 65, 45, 49, 29, 4, 106, 75, 55, 101, 67, 48, 39, 58, 98, 90, 95, 35, 92, 32, 113, 125, 116, 40, 47, 41, 60, 99, 3], [51, 61, 36, 117, 27, 88, 30, 96, 100, 22, 78, 19, 81, 25, 10, 94, 20, 97, 44, 91, 71, 32, 21, 62, 34, 54, 69, 53, 29, 89, 103, 80, 76, 85, 82, 33, 86, 42, 83, 11, 23, 124, 13, 119, 16, 90, 110, 5, 108, 14, 87, 98, 116, 66, 18, 93, 106, 92, 26, 28, 102, 118, 77, 111, 17, 84, 101, 45, 31, 43, 6, 40, 114, 38, 74, 99, 123, 50, 24, 35, 41, 2, 109, 95, 104, 121, 12, 122, 126, 73, 48, 39, 37, 127, 120, 79, 105, 115, 7, 9, 59, 64, 55, 63, 49, 107, 46, 113, 4, 56, 72, 57, 15, 67, 52, 75, 47, 0, 60, 70, 58, 112, 125, 8, 3, 1, 68, 65], [117, 51, 36, 100, 61, 97, 102, 91, 115, 88, 30, 18, 94, 96, 25, 44, 22, 80, 27, 93, 11, 62, 20, 33, 28, 54, 53, 78, 19, 124, 63, 81, 103, 108, 76, 119, 6, 120, 111, 42, 104, 21, 59, 3, 85, 10, 4, 32, 110, 16, 127, 82, 9, 114, 69, 15, 83, 71, 123, 48, 38, 112, 12, 65, 52, 73, 118, 26, 43, 107, 122, 35, 58, 50, 126, 56, 0, 46, 121, 40, 116, 109, 60, 14, 77, 37, 67, 57, 55, 125, 41, 47, 92, 66, 39, 98, 1, 84, 106, 45, 105, 113, 24, 75, 72, 90, 49, 86, 23, 87, 95, 79, 34, 13, 99, 89, 101, 29, 68, 2, 5, 8, 70, 31, 17, 74, 7, 64], [61, 117, 51, 36, 88, 100, 30, 108, 97, 44, 85, 115, 124, 102, 62, 27, 104, 34, 54, 120, 111, 63, 59, 94, 114, 119, 91, 127, 33, 46, 52, 123, 112, 103, 122, 126, 109, 121, 50, 78, 58, 42, 43, 56, 107, 110, 116, 80, 19, 23, 57, 55, 98, 31, 22, 25, 48, 60, 125, 113, 93, 53, 105, 118, 45, 35, 47, 21, 49, 101, 96, 106, 41, 81, 37, 40, 39, 38, 32, 99, 24, 26, 69, 10, 29, 28, 5, 90, 74, 95, 2, 83, 71, 17, 86, 92, 65, 89, 73, 7, 84, 14, 76, 3, 20, 82, 87, 72, 77, 16, 11, 0, 9, 75, 66, 64, 8, 18, 67, 15, 6, 79, 70, 1, 13, 68, 4, 12], [39, 47, 115, 34, 25, 71, 12, 10, 83, 17, 14, 4, 86, 117, 111, 79, 123, 87, 22, 18, 63, 92, 7, 89, 66, 64, 56, 9, 98, 2, 21, 5, 1, 78, 91, 24, 67, 94, 76, 62, 110, 30, 19, 68, 102, 65, 6, 15, 69, 13, 27, 51, 73, 85, 80, 57, 99, 8, 70, 88, 29, 74, 23, 84, 77, 101, 55, 96, 16, 38, 40, 116, 72, 11, 50, 26, 75, 81, 31, 93, 112, 60, 90, 3, 43, 0, 48, 82, 28, 42, 106, 95, 118, 108, 20, 37, 53, 45, 41, 36, 114, 97, 113, 124, 61, 52, 49, 103, 107, 126, 127, 109, 121, 32, 35, 46, 100, 33, 44, 105, 54, 120, 58, 125, 122, 59, 119, 104], [47, 39, 115, 34, 114, 27, 37, 43, 111, 116, 25, 117, 94, 112, 56, 83, 123, 63, 51, 79, 86, 124, 55, 30, 126, 91, 89, 16, 62, 110, 58, 60, 127, 17, 109, 15, 99, 54, 46, 118, 122, 40, 107, 57, 98, 53, 52, 59, 48, 113, 125, 29, 50, 104, 44, 10, 14, 24, 41, 108, 97, 102, 61, 23, 95, 38, 121, 88, 42, 101, 106, 120, 12, 96, 80, 21, 36, 49, 35, 119, 105, 28, 85, 22, 45, 90, 19, 33, 82, 100, 26, 93, 92, 9, 31, 32, 18, 20, 81, 8, 84, 87, 77, 75, 74, 78, 103, 13, 2, 4, 73, 11, 72, 68, 70, 76, 71, 6, 69, 67, 5, 66, 3, 0, 7, 64, 65, 1], [115, 47, 39, 43, 34, 27, 25, 60, 51, 117, 37, 112, 56, 83, 114, 116, 86, 123, 55, 63, 30, 94, 10, 127, 58, 24, 15, 16, 79, 110, 126, 89, 62, 111, 17, 118, 48, 61, 124, 57, 12, 14, 72, 122, 21, 98, 107, 54, 53, 52, 113, 125, 99, 109, 105, 120, 44, 102, 91, 41, 119, 121, 66, 38, 49, 101, 104, 46, 59, 95, 50, 4, 106, 36, 100, 68, 22, 108, 45, 96, 32, 13, 93, 19, 75, 28, 42, 40, 80, 31, 97, 26, 85, 84, 71, 18, 23, 29, 35, 33, 8, 82, 9, 103, 74, 5, 87, 92, 90, 67, 88, 78, 2, 81, 20, 70, 77, 76, 3, 6, 11, 73, 0, 64, 69, 65, 7, 1], [115, 39, 47, 114, 34, 27, 116, 55, 117, 25, 56, 123, 63, 24, 37, 112, 94, 41, 83, 58, 44, 126, 91, 89, 86, 124, 110, 62, 51, 30, 45, 60, 52, 53, 113, 15, 127, 54, 84, 118, 61, 43, 119, 111, 46, 121, 108, 125, 59, 101, 109, 107, 122, 106, 57, 42, 49, 102, 120, 104, 48, 50, 79, 29, 96, 22, 99, 36, 80, 10, 38, 105, 92, 85, 97, 20, 100, 21, 26, 17, 93, 40, 98, 16, 12, 14, 31, 33, 28, 19, 35, 103, 70, 8, 32, 95, 23, 75, 18, 88, 87, 81, 9, 82, 90, 68, 72, 13, 11, 78, 66, 74, 2, 4, 6, 77, 5, 3, 71, 67, 0, 76, 64, 69, 73, 7, 1, 65], [53, 120, 101, 127, 110, 38, 121, 25, 125, 56, 51, 100, 102, 28, 22, 40, 80, 30, 33, 97, 116, 29, 49, 104, 11, 114, 59, 113, 87, 118, 50, 32, 84, 86, 63, 35, 57, 55, 77, 61, 75, 60, 16, 119, 115, 24, 90, 79, 46, 39, 54, 124, 93, 112, 37, 98, 117, 7, 52, 96, 62, 99, 9, 48, 94, 106, 92, 108, 18, 23, 105, 45, 111, 27, 109, 34, 123, 126, 122, 103, 107, 89, 72, 58, 47, 69, 91, 83, 15, 88, 44, 26, 1, 78, 20, 42, 36, 71, 21, 31, 43, 13, 95, 41, 81, 5, 85, 19, 73, 66, 4, 14, 82, 10, 8, 17, 2, 12, 76, 67, 70, 74, 3, 68, 0, 6, 65, 64], [120, 127, 53, 51, 113, 110, 59, 104, 49, 50, 125, 56, 112, 124, 116, 114, 63, 121, 101, 44, 52, 62, 55, 61, 57, 117, 60, 118, 119, 126, 46, 115, 58, 111, 37, 123, 54, 45, 48, 122, 39, 43, 47, 27, 107, 105, 108, 109, 42, 40, 106, 38, 79, 41, 96, 103, 100, 29, 35, 33, 82, 19, 85, 87, 78, 98, 34, 99, 102, 36, 30, 88, 95, 97, 6, 31, 64, 86, 24, 66, 65, 77, 92, 91, 32, 10, 94, 9, 8, 83, 22, 75, 67, 84, 5, 20, 17, 93, 28, 4, 0, 71, 18, 90, 14, 80, 11, 25, 21, 12, 15, 68, 26, 74, 1, 81, 7, 2, 23, 69, 72, 70, 3, 76, 73, 13, 89, 16], [127, 120, 110, 53, 40, 101, 100, 121, 49, 38, 51, 25, 118, 97, 63, 56, 62, 28, 113, 117, 84, 61, 39, 125, 119, 30, 32, 124, 59, 29, 96, 52, 104, 115, 88, 105, 112, 18, 94, 50, 116, 19, 23, 99, 111, 0, 24, 87, 60, 33, 89, 37, 98, 70, 35, 108, 95, 55, 103, 48, 41, 31, 21, 122, 109, 114, 57, 126, 43, 54, 102, 14, 22, 76, 86, 44, 46, 27, 80, 47, 78, 90, 34, 10, 42, 45, 6, 93, 66, 107, 85, 17, 36, 13, 65, 12, 83, 123, 75, 26, 106, 58, 81, 3, 20, 82, 11, 74, 79, 68, 1, 91, 15, 67, 69, 72, 8, 77, 92, 9, 71, 64, 2, 5, 73, 16, 4, 7], [127, 101, 53, 120, 40, 59, 28, 84, 33, 97, 100, 30, 25, 37, 87, 51, 50, 113, 86, 63, 77, 46, 104, 112, 102, 88, 96, 29, 27, 20, 116, 35, 121, 38, 22, 83, 126, 91, 125, 56, 94, 11, 80, 98, 75, 45, 19, 34, 78, 17, 52, 103, 60, 55, 54, 62, 24, 122, 110, 61, 115, 32, 79, 81, 41, 114, 15, 93, 71, 107, 124, 48, 21, 58, 105, 99, 8, 31, 39, 7, 106, 12, 44, 10, 57, 118, 42, 76, 95, 123, 109, 111, 47, 82, 108, 119, 92, 43, 4, 26, 89, 2, 18, 49, 74, 85, 90, 36, 5, 68, 117, 72, 16, 1, 9, 14, 23, 69, 70, 66, 0, 65, 3, 6, 13, 67, 64, 73], [104, 117, 25, 95, 34, 92, 86, 52, 19, 54, 77, 97, 8, 53, 61, 51, 79, 22, 28, 17, 120, 80, 68, 59, 88, 85, 114, 45, 72, 12, 60, 121, 24, 124, 13, 40, 49, 116, 4, 122, 113, 56, 87, 55, 58, 57, 23, 73, 107, 91, 109, 46, 15, 110, 63, 127, 62, 89, 93, 65, 74, 118, 83, 48, 115, 47, 21, 31, 18, 69, 75, 90, 0, 33, 126, 100, 35, 39, 111, 125, 94, 2, 14, 43, 106, 82, 20, 112, 6, 42, 36, 3, 50, 32, 64, 44, 5, 101, 123, 105, 98, 119, 102, 76, 29, 99, 108, 84, 27, 26, 30, 9, 16, 96, 66, 103, 81, 11, 1, 38, 71, 78, 7, 70, 41, 37, 10, 67], [117, 104, 120, 25, 95, 54, 52, 34, 61, 92, 103, 86, 88, 97, 58, 51, 116, 12, 114, 124, 55, 122, 53, 60, 113, 102, 49, 121, 63, 47, 59, 85, 127, 46, 62, 106, 111, 109, 48, 56, 28, 18, 126, 118, 19, 44, 115, 8, 119, 69, 125, 45, 14, 112, 57, 91, 24, 123, 80, 43, 42, 110, 108, 50, 107, 17, 66, 20, 87, 98, 105, 22, 39, 36, 71, 33, 100, 41, 38, 32, 37, 79, 26, 35, 77, 99, 94, 93, 101, 75, 74, 40, 30, 84, 31, 82, 13, 29, 96, 16, 72, 3, 89, 78, 11, 27, 90, 23, 9, 4, 15, 65, 81, 7, 68, 21, 83, 5, 76, 2, 1, 0, 73, 6, 67, 64, 10, 70], [117, 104, 95, 25, 52, 54, 61, 34, 92, 56, 97, 86, 120, 60, 24, 12, 47, 17, 51, 116, 53, 113, 88, 20, 122, 49, 99, 124, 85, 103, 119, 80, 19, 59, 102, 77, 28, 48, 91, 63, 57, 31, 112, 106, 126, 26, 58, 18, 62, 109, 118, 111, 115, 114, 121, 127, 125, 107, 100, 8, 123, 110, 44, 45, 50, 69, 42, 55, 43, 22, 105, 36, 38, 46, 16, 37, 15, 108, 96, 78, 30, 87, 39, 75, 94, 79, 32, 33, 35, 41, 40, 82, 90, 14, 98, 84, 29, 27, 93, 83, 89, 101, 81, 21, 23, 9, 73, 76, 74, 72, 10, 11, 66, 3, 4, 7, 5, 2, 6, 13, 71, 1, 70, 0, 65, 68, 64, 67], [117, 104, 52, 25, 95, 61, 56, 86, 92, 97, 34, 54, 60, 51, 19, 53, 58, 77, 120, 17, 8, 80, 113, 114, 31, 122, 59, 66, 62, 124, 127, 116, 69, 22, 12, 49, 48, 46, 57, 88, 47, 121, 106, 55, 85, 112, 79, 115, 72, 28, 102, 14, 74, 109, 45, 63, 15, 10, 87, 110, 125, 36, 40, 111, 118, 24, 4, 43, 126, 35, 73, 94, 33, 119, 123, 27, 42, 93, 98, 30, 5, 103, 50, 100, 91, 21, 44, 3, 108, 82, 29, 32, 105, 37, 107, 26, 41, 99, 90, 78, 38, 101, 83, 20, 39, 6, 18, 96, 75, 89, 23, 11, 16, 76, 84, 71, 64, 13, 70, 81, 7, 2, 68, 9, 1, 65, 0, 67], [39, 121, 112, 33, 1, 114, 93, 23, 69, 82, 0, 21, 79, 20, 13, 14, 84, 67, 48, 2, 118, 10, 25, 90, 16, 91, 22, 5, 29, 81, 72, 17, 65, 89, 78, 124, 3, 75, 71, 66, 68, 61, 87, 80, 88, 7, 30, 56, 47, 52, 4, 6, 60, 19, 55, 120, 12, 11, 110, 119, 122, 125, 63, 116, 115, 57, 53, 42, 126, 73, 92, 49, 83, 76, 86, 9, 70, 34, 100, 64, 102, 107, 27, 59, 74, 108, 101, 98, 43, 127, 51, 111, 99, 106, 35, 85, 44, 28, 50, 8, 45, 113, 94, 24, 117, 18, 109, 58, 26, 40, 37, 95, 96, 54, 38, 41, 62, 77, 46, 36, 123, 104, 105, 32, 31, 15, 97, 103], [112, 39, 114, 93, 33, 121, 23, 20, 90, 84, 17, 110, 56, 10, 53, 61, 115, 49, 22, 91, 119, 101, 116, 108, 117, 113, 43, 50, 47, 29, 24, 55, 125, 51, 118, 16, 99, 40, 54, 82, 63, 81, 57, 59, 60, 100, 46, 42, 38, 52, 58, 124, 111, 79, 126, 45, 123, 120, 109, 6, 87, 48, 107, 13, 122, 105, 106, 62, 102, 88, 44, 3, 104, 41, 127, 95, 94, 34, 37, 98, 85, 36, 72, 83, 92, 97, 30, 27, 86, 80, 35, 32, 25, 26, 96, 11, 74, 28, 19, 103, 31, 89, 76, 21, 5, 70, 18, 15, 77, 12, 64, 71, 14, 73, 67, 78, 68, 9, 8, 7, 75, 0, 2, 4, 1, 65, 69, 66], [112, 39, 121, 114, 93, 33, 23, 61, 110, 48, 17, 120, 20, 84, 90, 47, 22, 56, 115, 91, 124, 117, 53, 45, 82, 60, 116, 49, 51, 118, 57, 119, 55, 10, 50, 29, 94, 38, 43, 24, 125, 111, 52, 30, 108, 63, 79, 126, 62, 99, 88, 59, 113, 54, 122, 109, 107, 102, 123, 44, 58, 46, 40, 104, 100, 85, 41, 6, 101, 42, 127, 106, 81, 103, 105, 13, 86, 98, 87, 25, 92, 97, 21, 74, 31, 35, 95, 76, 36, 37, 96, 26, 34, 32, 27, 15, 77, 28, 11, 8, 16, 18, 89, 3, 80, 67, 72, 83, 70, 19, 5, 12, 71, 75, 68, 78, 7, 64, 2, 73, 14, 0, 9, 1, 4, 69, 65, 66], [39, 112, 33, 93, 121, 114, 23, 120, 20, 10, 22, 17, 79, 84, 110, 96, 13, 61, 29, 72, 49, 87, 90, 21, 56, 82, 109, 6, 117, 60, 70, 47, 125, 16, 52, 26, 81, 50, 118, 92, 77, 119, 51, 57, 115, 42, 25, 53, 11, 30, 124, 34, 104, 107, 91, 116, 122, 3, 95, 98, 38, 99, 83, 100, 86, 43, 111, 41, 101, 126, 48, 74, 5, 37, 55, 88, 62, 94, 44, 27, 24, 63, 108, 113, 67, 40, 35, 59, 45, 54, 78, 123, 32, 89, 127, 14, 28, 58, 105, 46, 18, 15, 85, 106, 9, 36, 31, 12, 19, 8, 64, 80, 75, 73, 102, 4, 76, 7, 68, 97, 71, 2, 0, 1, 103, 69, 65, 66], [53, 60, 127, 124, 122, 119, 123, 120, 51, 116, 56, 55, 125, 57, 38, 126, 54, 115, 61, 63, 50, 52, 118, 49, 58, 36, 59, 114, 62, 48, 45, 121, 112, 111, 101, 39, 113, 105, 110, 47, 46, 117, 106, 42, 108, 109, 43, 104, 44, 34, 107, 40, 99, 103, 41, 91, 24, 102, 94, 95, 19, 27, 21, 97, 93, 35, 37, 31, 89, 98, 100, 29, 16, 96, 14, 23, 92, 33, 25, 90, 83, 13, 32, 85, 30, 87, 11, 88, 20, 82, 4, 80, 8, 78, 68, 72, 28, 26, 75, 77, 70, 86, 6, 17, 81, 67, 3, 79, 74, 84, 18, 15, 10, 73, 76, 9, 22, 65, 71, 1, 12, 5, 7, 64, 66, 2, 0, 69], [53, 60, 120, 124, 39, 62, 119, 36, 127, 123, 125, 56, 100, 122, 46, 104, 109, 31, 51, 37, 101, 108, 61, 110, 126, 121, 118, 117, 63, 33, 42, 115, 113, 57, 52, 54, 44, 116, 107, 106, 41, 58, 23, 43, 59, 45, 24, 50, 48, 112, 55, 47, 97, 114, 40, 95, 111, 49, 102, 105, 90, 38, 103, 92, 94, 21, 82, 32, 98, 29, 34, 86, 25, 35, 99, 85, 91, 30, 93, 14, 13, 96, 16, 20, 19, 89, 87, 88, 27, 26, 28, 22, 18, 11, 83, 78, 80, 72, 15, 84, 68, 17, 77, 81, 79, 4, 75, 8, 6, 70, 73, 10, 12, 74, 67, 9, 3, 76, 71, 7, 5, 1, 69, 2, 66, 65, 0, 64], [60, 53, 127, 56, 124, 119, 122, 51, 123, 125, 55, 52, 116, 61, 57, 114, 126, 58, 63, 54, 48, 115, 121, 59, 50, 113, 49, 118, 112, 106, 111, 62, 120, 47, 117, 38, 46, 110, 45, 109, 108, 44, 107, 43, 42, 41, 105, 40, 39, 36, 103, 100, 104, 102, 37, 97, 29, 22, 98, 101, 33, 34, 35, 99, 86, 95, 32, 90, 23, 31, 85, 96, 91, 83, 25, 87, 18, 80, 30, 94, 92, 84, 24, 75, 27, 93, 26, 89, 17, 82, 16, 21, 19, 13, 78, 81, 79, 14, 20, 68, 8, 28, 88, 76, 15, 72, 4, 11, 74, 9, 77, 6, 3, 7, 2, 70, 1, 10, 67, 12, 64, 69, 65, 0, 73, 5, 66, 71], [60, 53, 120, 20, 79, 76, 92, 36, 9, 124, 7, 82, 17, 24, 97, 2, 62, 86, 69, 71, 0, 66, 32, 125, 56, 5, 122, 100, 74, 14, 73, 12, 3, 52, 119, 34, 25, 33, 18, 11, 80, 38, 65, 94, 21, 89, 48, 28, 13, 67, 78, 15, 81, 123, 8, 84, 127, 88, 96, 19, 93, 10, 75, 99, 83, 31, 101, 16, 26, 95, 108, 23, 6, 90, 72, 77, 70, 1, 85, 87, 64, 68, 27, 43, 4, 41, 30, 110, 91, 55, 29, 44, 35, 22, 109, 59, 102, 117, 58, 112, 39, 126, 98, 104, 37, 107, 61, 103, 51, 49, 113, 47, 118, 42, 115, 105, 63, 106, 116, 45, 54, 114, 40, 121, 46, 57, 111, 50]], "model.layers.15.self_attn.k_proj": [[113, 39, 62, 22, 18, 11, 60, 14, 89, 16, 97, 8, 21, 19, 57, 59, 123, 56, 110, 92, 67, 58, 120, 70, 116, 63, 53, 127, 119, 108, 79, 10, 122, 126, 117, 61, 54, 55, 48, 109, 114, 121, 87, 51, 124, 91, 112, 107, 52, 111, 125, 101, 42, 50, 118, 30, 44, 106, 47, 36, 115, 13, 46, 76, 0, 45, 43, 41, 104, 105, 75, 37, 35, 49, 69, 38, 29, 26, 7, 9, 27, 102, 40, 71, 85, 83, 31, 100, 17, 68, 95, 96, 99, 72, 33, 2, 34, 88, 15, 73, 93, 32, 78, 80, 82, 20, 5, 90, 25, 98, 77, 23, 28, 84, 12, 65, 24, 81, 94, 66, 1, 74, 6, 86, 3, 64, 103, 4], [103, 109, 112, 33, 45, 89, 21, 118, 12, 19, 79, 17, 9, 122, 119, 14, 31, 51, 7, 125, 5, 0, 117, 3, 120, 116, 124, 55, 115, 53, 93, 27, 57, 127, 50, 123, 47, 60, 20, 114, 56, 1, 49, 40, 59, 94, 46, 61, 54, 43, 8, 58, 66, 62, 23, 63, 111, 18, 108, 25, 28, 24, 52, 35, 121, 110, 42, 48, 10, 32, 86, 30, 126, 68, 11, 70, 22, 4, 44, 87, 106, 91, 113, 105, 74, 96, 107, 104, 82, 41, 98, 100, 83, 38, 34, 99, 77, 92, 37, 102, 88, 6, 26, 81, 101, 95, 13, 36, 84, 29, 73, 65, 2, 16, 76, 78, 90, 69, 71, 39, 15, 80, 85, 75, 64, 72, 97, 67], [115, 51, 117, 61, 100, 22, 30, 33, 53, 27, 108, 19, 88, 78, 124, 81, 62, 10, 120, 54, 80, 59, 32, 114, 20, 119, 127, 118, 63, 111, 64, 44, 71, 106, 110, 4, 123, 116, 48, 112, 58, 66, 56, 125, 122, 52, 126, 55, 76, 60, 50, 109, 1, 25, 43, 39, 121, 107, 46, 17, 102, 113, 11, 38, 13, 104, 57, 47, 69, 85, 49, 24, 40, 45, 99, 15, 41, 84, 82, 36, 29, 77, 35, 92, 72, 90, 42, 105, 37, 73, 93, 28, 98, 67, 8, 86, 101, 103, 87, 89, 95, 96, 6, 26, 65, 34, 31, 94, 97, 75, 16, 18, 21, 3, 23, 70, 9, 79, 74, 91, 12, 83, 7, 0, 5, 68, 2, 14], [103, 115, 47, 111, 86, 98, 51, 25, 17, 12, 117, 83, 14, 27, 10, 30, 110, 71, 116, 56, 1, 79, 112, 126, 123, 4, 55, 63, 62, 6, 64, 9, 58, 114, 66, 127, 121, 52, 61, 113, 122, 69, 59, 43, 124, 48, 109, 54, 106, 101, 32, 125, 21, 45, 60, 41, 53, 75, 118, 34, 108, 5, 120, 2, 49, 50, 46, 13, 57, 88, 87, 105, 67, 119, 102, 29, 92, 85, 72, 40, 96, 36, 107, 44, 104, 31, 28, 37, 24, 8, 20, 82, 81, 76, 26, 100, 42, 95, 38, 99, 91, 70, 90, 18, 97, 23, 35, 15, 0, 33, 93, 78, 94, 16, 19, 84, 77, 73, 80, 3, 7, 68, 89, 11, 22, 65, 74, 39], [127, 37, 120, 53, 104, 22, 97, 102, 32, 56, 46, 110, 94, 61, 121, 125, 25, 51, 60, 28, 93, 35, 80, 89, 113, 92, 55, 116, 118, 54, 122, 119, 124, 63, 108, 117, 52, 20, 96, 57, 99, 126, 59, 112, 47, 45, 48, 115, 91, 58, 114, 41, 30, 111, 106, 50, 98, 77, 123, 33, 44, 9, 109, 49, 88, 87, 62, 107, 101, 42, 19, 39, 43, 18, 95, 4, 36, 103, 66, 86, 105, 84, 31, 65, 40, 71, 75, 17, 64, 34, 78, 12, 90, 8, 79, 10, 29, 15, 0, 85, 82, 21, 6, 16, 24, 27, 26, 13, 67, 3, 72, 69, 5, 11, 100, 23, 14, 83, 38, 81, 76, 7, 68, 73, 74, 1, 70, 2], [117, 40, 31, 98, 86, 28, 52, 61, 25, 62, 120, 60, 114, 48, 56, 122, 113, 116, 51, 124, 59, 49, 127, 115, 109, 57, 46, 125, 55, 47, 54, 58, 33, 19, 123, 121, 85, 110, 111, 12, 126, 112, 18, 119, 80, 45, 63, 118, 43, 106, 53, 24, 8, 79, 50, 108, 42, 35, 44, 39, 105, 15, 41, 36, 107, 2, 64, 87, 102, 38, 34, 101, 29, 81, 68, 100, 16, 92, 37, 77, 17, 23, 99, 74, 27, 5, 103, 104, 20, 32, 88, 96, 94, 75, 21, 91, 89, 65, 1, 30, 97, 13, 9, 67, 93, 10, 14, 11, 71, 90, 6, 84, 82, 26, 83, 78, 95, 70, 76, 73, 7, 22, 66, 72, 69, 0, 3, 4], [103, 121, 112, 97, 48, 29, 114, 22, 57, 120, 23, 84, 118, 50, 119, 61, 116, 17, 52, 56, 111, 115, 90, 49, 53, 79, 60, 10, 43, 42, 82, 64, 3, 59, 122, 47, 46, 55, 58, 72, 124, 125, 36, 123, 102, 62, 104, 117, 63, 126, 45, 13, 110, 51, 37, 106, 91, 113, 28, 127, 41, 44, 6, 38, 54, 109, 21, 68, 107, 24, 2, 25, 76, 93, 73, 98, 105, 32, 108, 89, 78, 86, 71, 101, 40, 99, 83, 35, 80, 33, 16, 26, 34, 15, 31, 11, 27, 85, 94, 77, 95, 19, 92, 96, 18, 100, 75, 14, 12, 30, 69, 39, 7, 65, 5, 88, 9, 1, 8, 20, 87, 66, 4, 0, 70, 81, 67, 74], [60, 53, 86, 100, 120, 94, 76, 125, 79, 7, 124, 20, 101, 9, 82, 92, 74, 69, 96, 17, 25, 122, 44, 62, 24, 61, 119, 52, 118, 2, 106, 56, 127, 123, 117, 57, 51, 63, 121, 19, 58, 112, 126, 48, 0, 109, 107, 54, 114, 55, 59, 16, 113, 49, 47, 46, 50, 14, 90, 1, 115, 116, 111, 104, 72, 110, 41, 34, 13, 45, 5, 6, 43, 108, 81, 97, 75, 39, 42, 3, 10, 27, 37, 40, 11, 105, 102, 103, 35, 98, 12, 15, 23, 99, 33, 21, 22, 31, 30, 71, 78, 38, 73, 26, 93, 29, 85, 28, 95, 32, 8, 84, 67, 91, 70, 77, 18, 87, 83, 65, 89, 4, 68, 66, 64, 88, 36, 80]], "model.layers.15.self_attn.qk_proj": [[117, 112, 53, 115, 60, 113, 62, 51, 120, 61, 127, 47, 121, 45, 114, 124, 48, 86, 39, 100, 57, 56, 125, 118, 25, 116, 103, 89, 122, 22, 110, 111, 91, 109, 46, 97, 40, 63, 59, 50, 81, 30, 54, 119, 33, 123, 104, 93, 19, 49, 108, 55, 52, 83, 17, 58, 21, 79, 85, 126, 14, 101, 94, 36, 92, 98, 15, 12, 44, 107, 76, 78, 88, 20, 28, 106, 24, 37, 43, 84, 34, 74, 42, 31, 102, 95, 87, 27, 10, 9, 29, 32, 23, 7, 71, 96, 41, 82, 80, 16, 18, 5, 73, 38, 35, 105, 72, 26, 11, 69, 77, 75, 67, 3, 64, 0, 13, 66, 99, 8, 90, 2, 68, 70, 4, 1, 6, 65], [117, 112, 53, 115, 60, 62, 113, 51, 120, 61, 127, 47, 121, 45, 114, 57, 48, 39, 86, 124, 56, 103, 100, 25, 118, 125, 22, 89, 46, 109, 116, 122, 54, 63, 111, 119, 91, 97, 110, 50, 40, 55, 49, 59, 52, 30, 108, 81, 104, 33, 123, 93, 126, 101, 83, 94, 19, 17, 15, 36, 58, 21, 85, 107, 98, 14, 12, 78, 92, 79, 76, 88, 34, 24, 28, 37, 10, 20, 106, 43, 44, 102, 74, 27, 84, 7, 31, 9, 42, 95, 23, 87, 71, 18, 82, 41, 96, 80, 16, 29, 32, 26, 35, 38, 99, 72, 0, 8, 69, 73, 5, 105, 2, 66, 75, 77, 11, 64, 67, 3, 13, 90, 4, 65, 6, 70, 68, 1], [117, 112, 53, 60, 115, 113, 62, 51, 120, 61, 127, 47, 121, 45, 114, 39, 56, 48, 124, 57, 118, 86, 100, 89, 103, 122, 111, 46, 25, 116, 109, 59, 125, 22, 91, 123, 97, 104, 110, 63, 40, 54, 119, 33, 30, 108, 52, 55, 93, 36, 81, 101, 50, 94, 58, 49, 19, 83, 126, 17, 21, 15, 28, 37, 85, 12, 24, 98, 92, 107, 44, 88, 76, 78, 34, 14, 102, 43, 79, 27, 95, 42, 106, 84, 9, 10, 74, 31, 20, 87, 23, 29, 7, 71, 18, 41, 32, 38, 64, 26, 82, 16, 96, 35, 2, 5, 0, 8, 80, 66, 99, 73, 69, 105, 67, 90, 11, 75, 13, 3, 72, 77, 6, 68, 65, 1, 4, 70], [117, 112, 53, 60, 115, 62, 113, 51, 120, 61, 47, 127, 121, 45, 124, 114, 48, 39, 57, 56, 118, 100, 125, 116, 89, 103, 86, 109, 111, 25, 22, 122, 97, 91, 110, 54, 63, 59, 40, 30, 55, 81, 119, 46, 104, 58, 123, 52, 50, 108, 33, 126, 93, 101, 49, 19, 94, 21, 17, 37, 107, 79, 98, 14, 85, 12, 83, 76, 28, 88, 36, 92, 24, 78, 34, 15, 102, 44, 42, 20, 95, 27, 43, 16, 106, 84, 23, 80, 96, 9, 29, 82, 74, 87, 31, 10, 38, 18, 7, 32, 0, 71, 5, 41, 69, 35, 26, 73, 99, 66, 8, 11, 67, 3, 64, 90, 77, 2, 105, 1, 75, 72, 65, 13, 6, 4, 68, 70], [117, 112, 53, 115, 60, 62, 113, 51, 120, 61, 127, 47, 121, 45, 124, 114, 118, 48, 57, 56, 39, 125, 86, 100, 103, 116, 122, 59, 63, 22, 89, 110, 25, 109, 55, 97, 111, 54, 40, 91, 46, 119, 104, 30, 108, 123, 81, 33, 52, 49, 58, 50, 17, 19, 83, 93, 101, 12, 85, 15, 14, 98, 37, 43, 78, 79, 126, 94, 76, 92, 21, 107, 24, 42, 28, 74, 106, 44, 88, 84, 34, 102, 20, 36, 87, 10, 38, 96, 27, 9, 8, 7, 95, 32, 71, 41, 69, 35, 80, 23, 82, 18, 16, 5, 31, 105, 64, 29, 73, 26, 3, 66, 2, 75, 67, 77, 11, 13, 0, 99, 72, 1, 65, 90, 4, 68, 6, 70], [117, 112, 53, 115, 60, 113, 62, 51, 120, 61, 127, 47, 121, 45, 114, 118, 124, 57, 56, 86, 39, 48, 89, 100, 25, 116, 22, 125, 63, 111, 110, 103, 59, 91, 97, 54, 30, 109, 52, 40, 122, 119, 50, 81, 55, 49, 108, 46, 33, 123, 104, 93, 17, 58, 85, 83, 14, 19, 126, 76, 21, 12, 101, 15, 79, 94, 107, 92, 78, 44, 28, 88, 98, 34, 36, 42, 84, 24, 43, 37, 20, 10, 95, 87, 106, 9, 23, 18, 82, 16, 31, 80, 74, 7, 102, 27, 96, 38, 71, 32, 41, 8, 29, 35, 13, 75, 105, 73, 5, 69, 77, 67, 11, 99, 26, 64, 2, 66, 90, 0, 3, 68, 72, 6, 4, 65, 1, 70], [117, 112, 53, 60, 115, 62, 113, 51, 120, 61, 127, 47, 121, 45, 118, 114, 57, 48, 124, 86, 100, 89, 39, 22, 56, 25, 59, 125, 103, 63, 111, 110, 91, 97, 122, 54, 116, 30, 81, 40, 123, 55, 119, 52, 109, 93, 46, 19, 126, 104, 50, 83, 108, 33, 101, 21, 49, 17, 92, 85, 76, 14, 15, 12, 58, 78, 79, 107, 94, 44, 28, 98, 84, 34, 88, 36, 24, 42, 106, 27, 37, 20, 87, 18, 10, 95, 23, 74, 96, 9, 38, 102, 16, 82, 105, 32, 31, 43, 80, 41, 71, 7, 29, 8, 13, 35, 73, 69, 11, 75, 26, 5, 77, 3, 0, 2, 99, 67, 66, 64, 72, 90, 68, 1, 6, 70, 4, 65], [117, 112, 53, 60, 115, 62, 113, 51, 120, 61, 127, 47, 121, 45, 114, 57, 118, 48, 39, 89, 56, 86, 103, 100, 25, 22, 124, 122, 125, 59, 97, 116, 91, 63, 111, 46, 30, 54, 110, 119, 109, 55, 40, 123, 104, 33, 83, 19, 108, 81, 49, 93, 50, 52, 101, 126, 17, 21, 92, 15, 36, 12, 14, 79, 28, 58, 85, 98, 78, 94, 76, 107, 24, 44, 42, 87, 88, 20, 84, 37, 106, 34, 43, 27, 96, 102, 23, 38, 31, 74, 18, 10, 41, 16, 9, 82, 95, 29, 32, 7, 105, 71, 80, 26, 35, 8, 0, 73, 11, 75, 5, 13, 66, 69, 99, 2, 64, 67, 3, 77, 72, 65, 70, 90, 1, 68, 4, 6], [117, 112, 53, 60, 115, 113, 51, 62, 120, 127, 61, 121, 47, 45, 57, 48, 118, 114, 56, 124, 39, 86, 89, 100, 125, 25, 103, 22, 122, 97, 63, 109, 30, 116, 111, 91, 55, 110, 123, 50, 54, 46, 59, 104, 119, 40, 101, 33, 49, 81, 19, 83, 93, 108, 98, 17, 58, 52, 21, 126, 36, 14, 107, 12, 79, 76, 94, 92, 85, 15, 24, 78, 42, 37, 88, 44, 28, 34, 20, 95, 106, 102, 27, 43, 16, 84, 31, 41, 87, 18, 32, 23, 10, 29, 74, 96, 80, 71, 9, 38, 82, 105, 35, 7, 73, 75, 99, 8, 13, 77, 11, 5, 0, 69, 26, 2, 72, 64, 67, 1, 66, 3, 90, 70, 65, 4, 68, 6], [117, 112, 53, 60, 115, 62, 113, 51, 61, 127, 120, 47, 121, 45, 114, 48, 124, 39, 57, 56, 118, 89, 125, 86, 100, 103, 22, 122, 25, 111, 123, 97, 55, 110, 109, 63, 91, 116, 54, 52, 59, 30, 119, 58, 46, 81, 83, 40, 104, 49, 50, 108, 126, 33, 93, 17, 19, 101, 14, 15, 94, 98, 85, 21, 12, 79, 107, 76, 44, 102, 28, 92, 36, 34, 78, 74, 24, 37, 42, 20, 43, 10, 84, 27, 88, 71, 7, 87, 23, 106, 41, 95, 18, 38, 9, 31, 16, 73, 32, 80, 96, 29, 5, 69, 82, 105, 0, 8, 35, 64, 3, 99, 66, 2, 67, 72, 13, 77, 26, 75, 11, 90, 70, 4, 68, 65, 1, 6], [117, 112, 53, 60, 115, 113, 62, 51, 120, 61, 127, 47, 121, 45, 114, 124, 39, 48, 118, 57, 56, 89, 86, 100, 122, 22, 25, 116, 125, 103, 110, 119, 97, 109, 46, 30, 59, 111, 54, 91, 123, 63, 40, 81, 55, 104, 52, 108, 33, 101, 93, 83, 50, 58, 49, 12, 19, 17, 14, 76, 79, 94, 21, 126, 15, 36, 78, 88, 85, 24, 28, 98, 107, 92, 10, 43, 44, 84, 34, 7, 102, 20, 87, 37, 71, 74, 18, 9, 106, 80, 5, 16, 23, 42, 29, 32, 38, 41, 95, 69, 73, 72, 75, 82, 64, 96, 27, 66, 0, 31, 35, 8, 2, 67, 105, 3, 13, 77, 11, 99, 1, 65, 90, 68, 26, 6, 4, 70], [117, 112, 53, 115, 60, 113, 62, 51, 61, 127, 120, 47, 121, 45, 114, 39, 124, 118, 48, 86, 89, 57, 25, 22, 110, 100, 116, 125, 103, 109, 56, 63, 122, 55, 54, 59, 97, 91, 46, 30, 104, 40, 119, 111, 123, 81, 50, 52, 19, 49, 93, 108, 17, 101, 21, 12, 33, 83, 76, 15, 14, 126, 79, 98, 58, 92, 44, 94, 43, 78, 107, 28, 85, 88, 20, 87, 36, 106, 34, 24, 84, 42, 10, 18, 102, 9, 37, 74, 95, 7, 23, 16, 82, 41, 71, 27, 73, 32, 75, 80, 31, 96, 29, 35, 72, 38, 5, 69, 77, 0, 13, 11, 3, 105, 8, 99, 64, 2, 1, 26, 66, 67, 70, 6, 4, 68, 90, 65], [117, 112, 53, 115, 60, 62, 51, 113, 120, 61, 127, 47, 121, 45, 114, 118, 57, 48, 39, 56, 86, 124, 89, 100, 22, 25, 103, 111, 125, 55, 97, 63, 109, 59, 91, 54, 116, 110, 119, 122, 30, 93, 46, 40, 104, 81, 52, 108, 123, 126, 33, 36, 101, 50, 83, 19, 49, 94, 107, 76, 98, 21, 79, 17, 92, 15, 58, 14, 85, 28, 44, 20, 88, 12, 37, 42, 43, 78, 34, 87, 24, 27, 41, 106, 95, 84, 74, 102, 31, 96, 18, 23, 82, 35, 29, 38, 10, 105, 80, 7, 32, 73, 16, 72, 71, 99, 26, 5, 75, 9, 13, 11, 67, 77, 90, 69, 3, 66, 1, 2, 8, 0, 68, 64, 6, 4, 70, 65], [117, 112, 53, 115, 60, 62, 113, 51, 127, 61, 47, 120, 121, 45, 48, 114, 39, 118, 57, 56, 124, 86, 125, 89, 116, 100, 22, 54, 103, 25, 122, 55, 109, 111, 91, 119, 123, 59, 63, 40, 97, 30, 46, 104, 110, 93, 81, 33, 50, 108, 52, 94, 49, 19, 58, 83, 76, 15, 107, 101, 79, 21, 14, 126, 78, 17, 98, 36, 85, 44, 12, 74, 24, 28, 92, 20, 10, 42, 88, 71, 43, 34, 73, 37, 7, 23, 29, 16, 84, 102, 87, 32, 18, 72, 95, 38, 64, 82, 31, 80, 35, 27, 41, 96, 9, 5, 69, 0, 106, 75, 2, 99, 105, 3, 26, 66, 13, 11, 67, 77, 8, 6, 1, 65, 68, 90, 4, 70], [117, 112, 53, 115, 60, 62, 113, 51, 127, 120, 61, 47, 121, 45, 114, 48, 57, 56, 118, 39, 125, 124, 86, 100, 89, 55, 103, 25, 63, 110, 22, 119, 116, 109, 111, 54, 122, 97, 59, 91, 30, 46, 40, 108, 104, 94, 50, 33, 123, 93, 19, 81, 52, 101, 43, 79, 76, 83, 36, 21, 49, 14, 126, 98, 44, 15, 42, 17, 12, 78, 85, 92, 58, 28, 10, 24, 88, 34, 84, 74, 107, 20, 95, 102, 23, 7, 73, 18, 87, 106, 27, 71, 37, 9, 41, 72, 16, 38, 32, 75, 5, 80, 31, 35, 82, 29, 96, 105, 69, 0, 64, 13, 2, 26, 66, 11, 8, 67, 77, 99, 3, 90, 68, 6, 1, 4, 70, 65], [117, 112, 53, 115, 60, 62, 113, 51, 120, 127, 61, 47, 121, 45, 114, 39, 57, 124, 118, 48, 63, 86, 100, 116, 56, 103, 22, 89, 25, 110, 119, 125, 55, 97, 122, 54, 109, 91, 111, 40, 30, 59, 52, 108, 104, 46, 50, 81, 123, 101, 126, 93, 94, 83, 79, 19, 12, 49, 76, 17, 33, 36, 21, 14, 98, 44, 15, 85, 92, 78, 74, 107, 28, 58, 88, 42, 20, 34, 43, 24, 95, 87, 73, 37, 23, 82, 18, 106, 80, 84, 102, 16, 38, 96, 27, 9, 71, 32, 7, 41, 29, 72, 10, 99, 31, 105, 69, 5, 77, 75, 35, 67, 11, 26, 0, 13, 66, 8, 3, 64, 90, 2, 1, 6, 68, 4, 65, 70], [117, 112, 53, 115, 60, 62, 113, 51, 61, 120, 127, 47, 121, 45, 114, 39, 57, 48, 89, 100, 116, 124, 86, 118, 125, 22, 25, 103, 56, 122, 54, 63, 97, 111, 109, 55, 110, 104, 91, 59, 52, 30, 119, 123, 46, 93, 49, 40, 19, 126, 50, 81, 83, 108, 101, 17, 33, 36, 21, 94, 107, 98, 85, 28, 44, 34, 15, 14, 76, 58, 79, 92, 12, 78, 24, 43, 102, 20, 87, 88, 96, 27, 74, 106, 84, 42, 37, 41, 18, 23, 29, 95, 38, 80, 10, 16, 31, 71, 32, 99, 105, 9, 82, 7, 73, 35, 26, 72, 5, 77, 69, 90, 64, 75, 66, 67, 13, 0, 11, 65, 8, 3, 2, 4, 70, 68, 1, 6], [117, 112, 53, 60, 115, 62, 113, 51, 127, 61, 47, 120, 121, 45, 114, 48, 56, 57, 39, 103, 124, 100, 86, 118, 116, 89, 25, 22, 125, 54, 59, 91, 122, 63, 109, 119, 123, 104, 97, 55, 30, 111, 40, 110, 46, 93, 49, 33, 52, 81, 126, 50, 108, 19, 101, 36, 17, 94, 83, 76, 14, 79, 15, 92, 98, 107, 28, 21, 44, 78, 85, 74, 58, 12, 37, 24, 34, 42, 88, 20, 102, 87, 106, 10, 43, 84, 27, 41, 38, 23, 32, 95, 71, 96, 7, 80, 82, 16, 18, 73, 9, 29, 105, 31, 5, 35, 0, 69, 8, 2, 26, 3, 72, 66, 99, 64, 75, 77, 13, 90, 67, 11, 1, 4, 68, 70, 65, 6], [117, 112, 53, 115, 60, 62, 113, 51, 120, 127, 61, 47, 121, 45, 114, 39, 124, 57, 56, 48, 118, 100, 103, 63, 86, 25, 125, 22, 116, 109, 89, 122, 104, 111, 97, 110, 54, 119, 59, 123, 91, 108, 40, 30, 55, 126, 49, 33, 46, 94, 93, 50, 83, 19, 101, 17, 81, 98, 52, 76, 106, 85, 79, 44, 42, 107, 58, 78, 34, 14, 36, 21, 102, 37, 28, 92, 24, 12, 15, 10, 88, 38, 43, 74, 96, 84, 27, 32, 41, 95, 23, 87, 7, 20, 16, 35, 18, 80, 31, 9, 71, 5, 29, 82, 73, 0, 99, 69, 64, 26, 13, 67, 66, 8, 105, 72, 2, 75, 11, 3, 90, 77, 1, 70, 4, 65, 68, 6], [117, 112, 53, 115, 60, 62, 113, 51, 120, 127, 61, 47, 121, 45, 114, 39, 124, 57, 48, 89, 118, 86, 56, 100, 116, 103, 22, 54, 122, 110, 109, 97, 25, 63, 125, 30, 91, 46, 126, 59, 111, 52, 119, 55, 50, 104, 40, 33, 108, 123, 93, 81, 36, 49, 101, 19, 83, 94, 58, 12, 79, 98, 28, 21, 44, 85, 15, 34, 76, 78, 14, 42, 92, 74, 107, 17, 102, 24, 106, 37, 87, 20, 88, 95, 84, 41, 27, 31, 23, 38, 18, 96, 43, 29, 16, 82, 7, 80, 9, 71, 10, 32, 35, 8, 99, 105, 73, 26, 75, 66, 69, 13, 5, 90, 0, 11, 64, 77, 2, 67, 72, 3, 68, 1, 70, 4, 65, 6], [117, 112, 115, 53, 60, 113, 62, 51, 61, 120, 127, 47, 121, 45, 114, 124, 48, 56, 57, 118, 86, 39, 89, 116, 100, 103, 22, 125, 63, 109, 122, 110, 54, 59, 97, 91, 30, 25, 46, 55, 111, 40, 104, 126, 52, 119, 50, 123, 93, 81, 108, 33, 17, 21, 19, 15, 83, 101, 58, 76, 14, 79, 92, 85, 44, 12, 28, 49, 24, 34, 36, 98, 88, 74, 94, 107, 43, 78, 42, 37, 87, 20, 106, 84, 23, 102, 9, 16, 31, 18, 71, 96, 29, 35, 7, 80, 27, 32, 38, 95, 41, 10, 82, 26, 105, 69, 8, 5, 77, 75, 73, 66, 11, 3, 13, 64, 0, 2, 90, 72, 99, 67, 4, 70, 65, 68, 1, 6], [117, 112, 53, 115, 60, 113, 62, 51, 120, 61, 127, 47, 121, 45, 114, 56, 124, 57, 48, 118, 89, 100, 103, 86, 39, 116, 125, 122, 22, 63, 54, 40, 97, 91, 109, 25, 111, 59, 119, 104, 126, 30, 110, 55, 123, 46, 50, 81, 17, 93, 33, 83, 52, 94, 19, 58, 108, 49, 15, 101, 21, 98, 36, 28, 79, 76, 12, 37, 92, 88, 24, 14, 85, 44, 34, 43, 78, 20, 87, 27, 74, 107, 42, 106, 84, 31, 102, 96, 18, 38, 23, 80, 95, 7, 32, 71, 29, 35, 41, 69, 16, 10, 9, 0, 82, 8, 73, 64, 105, 26, 66, 5, 67, 99, 90, 77, 11, 3, 75, 13, 2, 1, 4, 72, 65, 6, 70, 68], [117, 112, 53, 115, 60, 113, 62, 51, 120, 61, 127, 47, 121, 45, 114, 39, 48, 124, 118, 56, 100, 86, 125, 89, 103, 57, 116, 22, 25, 97, 122, 54, 104, 63, 91, 59, 111, 109, 55, 119, 46, 110, 30, 40, 123, 108, 52, 126, 33, 81, 19, 93, 58, 50, 83, 101, 36, 15, 94, 85, 92, 17, 79, 76, 98, 28, 21, 49, 12, 14, 78, 34, 37, 43, 24, 44, 88, 87, 42, 38, 84, 102, 107, 96, 27, 20, 106, 10, 23, 32, 95, 18, 74, 31, 7, 29, 82, 71, 41, 80, 8, 35, 9, 105, 16, 99, 11, 5, 75, 69, 26, 64, 73, 66, 77, 2, 0, 67, 90, 13, 3, 72, 4, 65, 1, 6, 68, 70], [117, 112, 53, 115, 60, 113, 62, 51, 61, 120, 127, 47, 121, 45, 114, 39, 48, 56, 57, 116, 124, 100, 89, 103, 86, 118, 125, 22, 59, 91, 97, 110, 25, 122, 52, 30, 54, 109, 63, 111, 104, 46, 119, 40, 55, 126, 33, 123, 81, 108, 93, 19, 50, 49, 58, 83, 79, 17, 94, 85, 15, 101, 14, 12, 28, 44, 21, 92, 34, 76, 98, 74, 107, 24, 78, 88, 36, 37, 43, 102, 96, 42, 20, 84, 87, 106, 8, 27, 23, 10, 7, 95, 32, 31, 29, 38, 71, 35, 16, 73, 41, 82, 80, 18, 105, 9, 26, 69, 75, 5, 67, 11, 13, 99, 2, 90, 77, 64, 3, 0, 66, 72, 6, 4, 68, 1, 70, 65], [117, 112, 53, 115, 60, 113, 62, 51, 120, 127, 61, 47, 121, 45, 114, 86, 57, 118, 124, 48, 56, 125, 39, 22, 100, 103, 116, 122, 89, 59, 63, 25, 97, 109, 110, 91, 54, 40, 119, 30, 123, 111, 104, 81, 108, 55, 46, 126, 52, 50, 33, 83, 17, 14, 93, 19, 49, 76, 101, 85, 58, 21, 36, 92, 15, 44, 94, 12, 79, 107, 78, 43, 74, 28, 88, 42, 34, 98, 84, 24, 87, 106, 20, 102, 71, 23, 37, 96, 16, 27, 10, 18, 7, 95, 38, 32, 105, 82, 69, 80, 29, 41, 9, 8, 31, 73, 35, 11, 26, 77, 75, 5, 66, 3, 67, 0, 2, 72, 64, 13, 99, 90, 68, 6, 65, 1, 4, 70], [117, 112, 53, 115, 60, 62, 113, 51, 61, 120, 127, 47, 121, 45, 114, 57, 56, 118, 124, 86, 48, 125, 103, 89, 22, 100, 122, 39, 25, 63, 54, 119, 59, 116, 97, 46, 91, 30, 110, 109, 126, 55, 111, 104, 40, 123, 52, 108, 49, 81, 33, 19, 93, 92, 21, 17, 50, 94, 85, 44, 83, 58, 14, 101, 36, 15, 12, 76, 79, 98, 43, 28, 37, 88, 107, 24, 34, 106, 78, 87, 84, 96, 10, 95, 102, 23, 20, 42, 74, 27, 82, 7, 32, 41, 31, 29, 38, 80, 18, 73, 16, 35, 105, 71, 9, 8, 26, 99, 69, 11, 75, 77, 5, 72, 90, 66, 13, 0, 2, 64, 3, 67, 6, 68, 65, 4, 70, 1], [117, 112, 53, 115, 60, 113, 62, 51, 61, 127, 120, 47, 121, 45, 114, 124, 56, 118, 57, 48, 86, 100, 39, 103, 89, 125, 22, 25, 122, 59, 116, 123, 40, 63, 119, 91, 109, 54, 111, 55, 30, 46, 104, 97, 110, 93, 81, 108, 52, 50, 19, 33, 101, 126, 58, 17, 92, 44, 49, 36, 83, 94, 79, 15, 21, 85, 12, 14, 28, 76, 98, 102, 24, 78, 43, 34, 88, 37, 106, 107, 96, 87, 42, 20, 16, 84, 32, 23, 82, 10, 29, 95, 38, 27, 7, 31, 71, 73, 80, 74, 18, 41, 35, 99, 9, 26, 69, 72, 105, 75, 11, 5, 64, 2, 8, 67, 0, 66, 77, 13, 65, 3, 6, 90, 68, 1, 70, 4], [117, 112, 53, 60, 115, 62, 113, 51, 61, 120, 127, 47, 121, 45, 114, 124, 48, 39, 57, 118, 56, 86, 103, 89, 100, 116, 125, 22, 25, 119, 110, 63, 97, 30, 54, 40, 91, 122, 46, 52, 59, 109, 111, 55, 104, 123, 81, 58, 50, 126, 33, 19, 17, 93, 83, 49, 108, 94, 21, 85, 15, 24, 101, 36, 76, 79, 92, 12, 14, 78, 44, 37, 43, 98, 28, 84, 74, 88, 34, 10, 107, 20, 42, 106, 87, 102, 7, 16, 96, 71, 31, 23, 82, 41, 29, 27, 72, 9, 32, 18, 73, 80, 95, 105, 35, 5, 38, 26, 0, 69, 2, 77, 67, 64, 11, 66, 3, 99, 75, 13, 8, 90, 1, 68, 4, 70, 65, 6], [117, 112, 53, 60, 115, 62, 113, 51, 120, 61, 127, 47, 121, 45, 114, 39, 124, 48, 57, 118, 86, 100, 125, 116, 110, 89, 56, 22, 103, 25, 63, 119, 46, 109, 59, 40, 97, 91, 104, 52, 123, 122, 54, 30, 111, 108, 58, 101, 55, 93, 33, 81, 36, 126, 21, 50, 17, 19, 83, 94, 92, 12, 15, 98, 107, 44, 14, 43, 78, 76, 79, 85, 34, 49, 106, 42, 28, 87, 24, 88, 102, 10, 37, 84, 7, 18, 74, 41, 71, 20, 82, 32, 96, 9, 95, 31, 5, 72, 16, 38, 27, 23, 29, 69, 26, 2, 64, 11, 35, 73, 80, 0, 13, 105, 90, 66, 77, 75, 3, 99, 67, 4, 70, 8, 1, 65, 68, 6], [117, 112, 53, 60, 115, 62, 113, 51, 120, 61, 127, 47, 121, 45, 114, 39, 57, 124, 56, 86, 118, 125, 116, 100, 103, 22, 48, 89, 110, 25, 59, 54, 63, 97, 91, 122, 30, 40, 52, 109, 111, 126, 46, 123, 104, 58, 55, 119, 50, 108, 33, 17, 81, 93, 19, 83, 107, 85, 12, 14, 49, 21, 101, 15, 94, 92, 98, 36, 44, 79, 76, 78, 106, 34, 24, 42, 88, 28, 37, 43, 10, 84, 96, 20, 74, 102, 87, 27, 7, 9, 16, 23, 31, 38, 72, 95, 71, 41, 18, 32, 80, 73, 29, 82, 26, 105, 5, 77, 11, 69, 35, 66, 99, 3, 13, 67, 75, 64, 2, 90, 0, 65, 8, 68, 70, 4, 6, 1], [117, 112, 53, 115, 60, 62, 113, 51, 120, 127, 61, 47, 121, 45, 124, 39, 114, 57, 125, 56, 118, 103, 48, 116, 86, 100, 89, 22, 122, 91, 46, 40, 110, 63, 109, 25, 59, 111, 55, 123, 54, 97, 52, 50, 58, 126, 108, 104, 119, 30, 33, 81, 93, 101, 83, 94, 49, 17, 21, 36, 107, 79, 12, 19, 76, 44, 14, 78, 15, 92, 42, 28, 85, 24, 34, 98, 106, 20, 10, 37, 43, 71, 88, 84, 74, 7, 96, 87, 72, 27, 102, 32, 31, 9, 73, 95, 38, 80, 23, 16, 5, 69, 29, 82, 18, 11, 41, 66, 0, 105, 26, 64, 35, 99, 77, 13, 67, 2, 3, 70, 4, 75, 90, 8, 68, 1, 6, 65], [117, 112, 53, 115, 60, 113, 62, 51, 120, 61, 127, 47, 121, 45, 114, 39, 56, 124, 57, 86, 100, 118, 125, 89, 116, 48, 22, 103, 91, 25, 59, 111, 122, 97, 40, 109, 110, 119, 54, 123, 63, 30, 55, 104, 81, 46, 93, 126, 33, 19, 50, 52, 17, 49, 79, 83, 85, 101, 14, 94, 15, 92, 12, 21, 78, 108, 76, 58, 44, 98, 107, 36, 10, 28, 88, 74, 20, 106, 24, 43, 84, 87, 34, 37, 102, 42, 31, 72, 96, 71, 27, 95, 9, 73, 23, 7, 38, 18, 16, 32, 82, 80, 29, 35, 26, 69, 99, 5, 13, 11, 41, 75, 77, 105, 90, 8, 2, 66, 3, 70, 67, 0, 64, 6, 65, 4, 68, 1]], "model.layers.16.self_attn.q_proj": [[61, 125, 115, 121, 36, 101, 43, 62, 127, 63, 55, 92, 100, 97, 57, 40, 124, 60, 119, 54, 109, 49, 123, 126, 53, 59, 58, 113, 47, 117, 114, 118, 112, 50, 103, 51, 116, 52, 122, 45, 120, 102, 56, 41, 48, 89, 46, 110, 111, 37, 42, 107, 44, 108, 104, 32, 33, 39, 38, 105, 106, 99, 84, 35, 34, 98, 76, 10, 13, 24, 29, 72, 70, 95, 5, 16, 88, 21, 96, 2, 25, 71, 9, 4, 94, 86, 65, 0, 26, 80, 31, 23, 11, 93, 15, 30, 82, 77, 20, 3, 28, 78, 22, 67, 73, 18, 27, 90, 91, 87, 85, 6, 14, 75, 83, 79, 69, 8, 74, 19, 12, 81, 17, 68, 66, 1, 7, 64], [125, 61, 121, 115, 62, 55, 124, 101, 57, 126, 49, 52, 119, 127, 60, 112, 63, 50, 123, 120, 59, 53, 47, 117, 54, 113, 114, 118, 43, 56, 116, 122, 51, 107, 58, 48, 109, 45, 46, 111, 110, 40, 108, 44, 106, 92, 42, 41, 35, 105, 104, 39, 36, 38, 103, 37, 100, 102, 98, 99, 22, 25, 34, 97, 33, 96, 19, 32, 93, 89, 95, 18, 31, 94, 86, 15, 30, 29, 76, 78, 4, 26, 24, 23, 11, 72, 28, 16, 70, 9, 13, 77, 27, 21, 87, 83, 81, 90, 85, 17, 91, 88, 10, 71, 20, 2, 73, 84, 0, 82, 65, 74, 3, 79, 5, 80, 14, 67, 6, 12, 8, 1, 75, 64, 68, 66, 69, 7], [61, 125, 27, 121, 36, 94, 87, 100, 25, 62, 115, 35, 21, 63, 101, 20, 43, 127, 122, 60, 55, 32, 57, 49, 102, 40, 96, 74, 84, 95, 54, 126, 123, 52, 79, 53, 37, 113, 124, 118, 47, 119, 93, 114, 50, 117, 44, 120, 10, 112, 56, 51, 109, 59, 16, 48, 116, 83, 58, 45, 99, 46, 42, 19, 41, 104, 30, 31, 90, 82, 110, 29, 111, 92, 6, 107, 86, 12, 89, 105, 23, 13, 80, 15, 97, 98, 39, 91, 18, 28, 34, 108, 38, 77, 78, 33, 106, 17, 4, 24, 26, 103, 88, 73, 85, 5, 66, 68, 1, 9, 2, 76, 0, 67, 14, 81, 8, 22, 71, 7, 69, 64, 70, 72, 3, 75, 11, 65], [61, 125, 100, 96, 26, 30, 88, 122, 27, 121, 87, 77, 92, 98, 115, 32, 81, 75, 20, 43, 17, 93, 8, 94, 36, 62, 33, 29, 90, 44, 86, 99, 23, 41, 63, 34, 127, 40, 85, 49, 68, 101, 83, 57, 73, 102, 69, 19, 55, 110, 53, 56, 118, 60, 113, 48, 116, 2, 103, 16, 84, 13, 24, 12, 11, 50, 52, 47, 54, 31, 112, 51, 91, 79, 14, 109, 18, 6, 117, 126, 95, 78, 123, 119, 25, 97, 89, 21, 120, 124, 35, 111, 1, 72, 46, 42, 58, 76, 15, 114, 104, 45, 64, 59, 80, 38, 7, 28, 105, 67, 39, 107, 108, 106, 74, 82, 70, 71, 37, 66, 10, 4, 22, 9, 5, 3, 0, 65], [42, 98, 30, 124, 24, 85, 116, 106, 15, 19, 12, 17, 8, 88, 102, 78, 95, 52, 27, 10, 68, 66, 70, 94, 81, 38, 7, 119, 60, 90, 125, 22, 47, 83, 64, 120, 63, 55, 11, 75, 21, 59, 37, 92, 41, 53, 1, 26, 86, 76, 9, 111, 109, 114, 28, 44, 49, 103, 126, 23, 80, 117, 93, 121, 57, 36, 91, 108, 34, 25, 62, 123, 29, 6, 14, 48, 87, 35, 58, 3, 105, 79, 32, 45, 20, 33, 99, 118, 67, 113, 100, 18, 51, 69, 43, 115, 110, 31, 61, 46, 127, 5, 13, 122, 40, 89, 39, 72, 104, 56, 73, 54, 65, 2, 97, 82, 101, 50, 77, 107, 74, 0, 112, 16, 84, 96, 71, 4], [42, 124, 98, 63, 116, 30, 106, 38, 27, 19, 85, 88, 24, 62, 15, 35, 90, 17, 28, 10, 87, 57, 102, 99, 53, 122, 114, 47, 59, 61, 78, 109, 48, 108, 56, 60, 94, 123, 120, 125, 117, 113, 40, 12, 119, 26, 110, 43, 8, 45, 50, 126, 44, 118, 115, 31, 58, 52, 95, 46, 111, 80, 121, 93, 127, 112, 51, 54, 105, 36, 107, 86, 70, 81, 20, 49, 100, 68, 55, 37, 103, 39, 22, 96, 104, 33, 11, 41, 32, 18, 83, 21, 97, 23, 5, 84, 29, 101, 91, 34, 0, 92, 3, 6, 66, 74, 25, 89, 1, 82, 77, 71, 9, 16, 4, 13, 79, 7, 14, 75, 64, 69, 67, 76, 73, 65, 2, 72], [42, 98, 30, 124, 106, 85, 19, 63, 24, 27, 17, 59, 116, 15, 88, 12, 10, 78, 68, 8, 53, 70, 60, 94, 81, 102, 95, 28, 66, 122, 117, 52, 58, 45, 93, 125, 96, 76, 90, 64, 72, 89, 119, 38, 55, 120, 41, 103, 62, 100, 49, 47, 80, 82, 126, 114, 108, 21, 127, 83, 123, 44, 87, 79, 111, 113, 32, 37, 36, 35, 40, 14, 26, 20, 50, 43, 110, 46, 91, 121, 105, 48, 75, 25, 109, 115, 56, 92, 104, 1, 4, 71, 51, 61, 65, 101, 16, 6, 57, 11, 74, 31, 54, 29, 67, 22, 7, 3, 84, 23, 99, 33, 118, 2, 97, 39, 107, 13, 112, 86, 18, 73, 9, 77, 34, 5, 0, 69], [42, 98, 124, 52, 106, 30, 85, 15, 24, 27, 19, 88, 63, 60, 17, 45, 10, 116, 53, 95, 12, 108, 117, 59, 100, 121, 8, 113, 102, 94, 114, 119, 122, 48, 93, 47, 44, 58, 40, 62, 36, 37, 123, 78, 105, 35, 111, 49, 28, 125, 81, 90, 38, 57, 43, 104, 33, 56, 109, 46, 70, 103, 50, 41, 118, 68, 115, 23, 61, 51, 32, 54, 55, 127, 20, 126, 87, 6, 112, 39, 110, 80, 101, 120, 67, 91, 99, 25, 97, 96, 83, 21, 86, 82, 66, 92, 26, 107, 89, 31, 1, 3, 13, 71, 84, 74, 29, 22, 75, 79, 18, 11, 77, 34, 16, 64, 14, 72, 76, 69, 73, 2, 5, 9, 7, 65, 4, 0], [120, 39, 51, 48, 119, 123, 25, 112, 98, 89, 82, 53, 13, 31, 54, 44, 52, 113, 127, 111, 122, 121, 59, 58, 124, 60, 126, 117, 57, 50, 118, 116, 62, 61, 63, 125, 91, 107, 47, 114, 46, 115, 41, 49, 109, 56, 55, 20, 108, 28, 106, 45, 110, 42, 104, 43, 92, 103, 102, 1, 4, 11, 87, 105, 96, 65, 35, 36, 86, 101, 37, 72, 38, 100, 40, 33, 18, 99, 32, 66, 93, 90, 29, 95, 23, 7, 79, 97, 30, 69, 94, 8, 34, 80, 21, 77, 16, 27, 84, 15, 26, 85, 75, 14, 0, 9, 68, 19, 76, 88, 64, 22, 3, 24, 83, 78, 17, 5, 81, 10, 71, 67, 12, 2, 73, 6, 74, 70], [51, 48, 39, 120, 25, 98, 82, 123, 119, 87, 127, 91, 50, 121, 124, 54, 45, 122, 89, 106, 13, 31, 118, 53, 111, 86, 28, 52, 58, 112, 61, 113, 49, 46, 92, 126, 47, 110, 60, 57, 115, 62, 40, 117, 63, 44, 56, 108, 43, 55, 15, 41, 79, 116, 104, 59, 125, 77, 73, 36, 84, 109, 4, 38, 114, 65, 20, 23, 42, 103, 96, 7, 107, 99, 105, 27, 18, 100, 11, 102, 3, 37, 35, 68, 95, 8, 93, 101, 72, 88, 76, 34, 66, 94, 64, 22, 24, 30, 69, 85, 83, 90, 32, 33, 80, 78, 26, 75, 97, 10, 81, 17, 16, 29, 19, 74, 1, 2, 12, 70, 21, 14, 67, 9, 5, 71, 6, 0], [120, 39, 51, 25, 48, 98, 31, 89, 54, 127, 53, 123, 82, 20, 91, 11, 13, 56, 58, 118, 86, 49, 41, 57, 113, 116, 119, 112, 124, 15, 43, 4, 111, 47, 121, 60, 122, 62, 115, 28, 108, 63, 52, 107, 23, 114, 92, 50, 117, 126, 61, 59, 42, 45, 125, 7, 72, 32, 46, 55, 36, 102, 79, 88, 1, 104, 8, 109, 44, 19, 101, 93, 96, 27, 103, 87, 37, 77, 40, 110, 76, 99, 9, 33, 94, 106, 95, 17, 26, 66, 105, 69, 35, 100, 81, 30, 29, 97, 90, 85, 38, 75, 0, 84, 22, 21, 16, 80, 83, 24, 65, 10, 18, 68, 14, 34, 78, 6, 64, 12, 73, 2, 74, 70, 71, 5, 67, 3], [39, 51, 56, 120, 48, 123, 98, 119, 25, 20, 31, 89, 82, 28, 13, 50, 52, 54, 122, 43, 60, 87, 86, 41, 59, 79, 53, 91, 116, 88, 115, 4, 113, 124, 9, 92, 118, 7, 42, 58, 127, 126, 73, 112, 11, 57, 77, 114, 76, 125, 101, 109, 121, 61, 63, 1, 117, 81, 17, 111, 62, 102, 49, 10, 55, 19, 90, 108, 46, 8, 104, 45, 21, 85, 47, 93, 44, 22, 27, 74, 6, 38, 97, 23, 70, 75, 107, 14, 95, 32, 69, 15, 78, 40, 105, 103, 106, 84, 99, 33, 18, 96, 26, 16, 94, 0, 66, 36, 35, 110, 72, 67, 30, 80, 29, 12, 37, 24, 3, 5, 65, 100, 64, 71, 83, 34, 68, 2], [42, 100, 106, 90, 79, 78, 18, 20, 31, 85, 94, 75, 77, 111, 16, 86, 70, 73, 26, 4, 76, 46, 72, 126, 125, 124, 58, 3, 64, 67, 66, 56, 103, 23, 55, 117, 40, 28, 82, 21, 52, 2, 45, 65, 114, 80, 0, 11, 33, 127, 24, 10, 12, 119, 44, 71, 83, 81, 95, 88, 62, 15, 7, 97, 84, 8, 74, 5, 14, 53, 25, 93, 39, 122, 22, 109, 30, 59, 50, 61, 121, 69, 29, 6, 57, 89, 123, 9, 115, 13, 32, 113, 104, 47, 17, 91, 36, 54, 27, 41, 120, 99, 37, 51, 110, 105, 112, 34, 92, 116, 19, 108, 87, 48, 107, 43, 98, 60, 96, 35, 102, 49, 38, 68, 101, 118, 63, 1], [42, 100, 20, 106, 18, 77, 85, 90, 88, 111, 79, 75, 95, 73, 31, 70, 58, 40, 62, 23, 94, 26, 125, 52, 46, 16, 127, 68, 82, 78, 2, 89, 124, 104, 126, 45, 11, 109, 117, 72, 80, 61, 84, 56, 57, 67, 64, 1, 9, 99, 47, 114, 60, 33, 48, 96, 122, 21, 86, 103, 55, 12, 36, 14, 13, 97, 119, 3, 54, 25, 91, 15, 50, 115, 112, 101, 76, 17, 81, 4, 29, 65, 69, 39, 44, 102, 51, 32, 27, 92, 38, 8, 93, 53, 116, 105, 37, 24, 107, 22, 0, 123, 30, 49, 63, 41, 87, 108, 7, 110, 28, 5, 71, 83, 113, 74, 43, 59, 10, 118, 6, 34, 121, 120, 35, 19, 98, 66], [42, 100, 106, 20, 78, 90, 18, 85, 77, 73, 88, 111, 75, 94, 16, 70, 46, 124, 58, 26, 79, 72, 31, 125, 4, 56, 2, 23, 40, 67, 82, 52, 64, 127, 62, 33, 126, 104, 9, 117, 119, 95, 3, 103, 24, 11, 13, 45, 68, 57, 65, 55, 0, 99, 30, 86, 80, 29, 114, 44, 21, 8, 47, 48, 50, 66, 112, 22, 25, 60, 12, 91, 84, 69, 115, 7, 89, 109, 1, 81, 39, 96, 83, 116, 105, 97, 51, 36, 122, 93, 15, 123, 113, 92, 54, 32, 59, 87, 14, 28, 38, 63, 120, 110, 17, 74, 49, 53, 107, 118, 102, 61, 27, 108, 71, 10, 35, 5, 37, 34, 43, 41, 19, 76, 101, 6, 121, 98], [42, 100, 94, 88, 106, 85, 31, 78, 18, 90, 16, 111, 20, 79, 95, 70, 75, 77, 46, 86, 11, 73, 56, 124, 127, 40, 80, 72, 10, 55, 58, 45, 67, 26, 71, 21, 39, 65, 125, 104, 13, 83, 23, 119, 62, 117, 33, 82, 47, 103, 126, 5, 114, 12, 57, 91, 109, 2, 69, 0, 19, 97, 6, 74, 24, 107, 60, 1, 52, 84, 17, 61, 76, 53, 30, 81, 15, 29, 7, 102, 44, 113, 28, 115, 98, 105, 110, 4, 59, 38, 89, 120, 122, 101, 116, 99, 3, 25, 50, 32, 64, 22, 49, 93, 36, 8, 54, 123, 118, 34, 37, 112, 63, 92, 27, 108, 51, 35, 96, 87, 121, 43, 48, 41, 68, 66, 14, 9], [40, 54, 63, 36, 98, 122, 90, 20, 88, 81, 22, 123, 29, 78, 15, 93, 24, 13, 82, 33, 57, 62, 115, 126, 26, 38, 91, 68, 83, 51, 27, 76, 8, 61, 125, 120, 92, 114, 17, 127, 113, 34, 45, 124, 121, 21, 74, 19, 10, 11, 59, 100, 116, 50, 117, 119, 56, 46, 55, 97, 118, 73, 70, 16, 94, 31, 84, 53, 44, 107, 52, 28, 23, 48, 111, 106, 75, 109, 87, 18, 49, 77, 72, 80, 96, 69, 30, 35, 43, 25, 79, 89, 108, 112, 85, 0, 71, 32, 95, 101, 99, 1, 47, 39, 9, 2, 65, 58, 6, 37, 42, 4, 110, 105, 41, 103, 102, 60, 86, 14, 67, 3, 5, 104, 66, 64, 12, 7], [40, 54, 98, 63, 29, 82, 20, 76, 16, 122, 22, 71, 88, 50, 36, 3, 78, 90, 26, 93, 8, 73, 7, 83, 13, 61, 123, 15, 81, 84, 87, 5, 80, 66, 17, 64, 127, 115, 21, 77, 89, 74, 113, 65, 62, 12, 0, 125, 120, 100, 119, 86, 27, 23, 104, 97, 52, 91, 116, 121, 24, 2, 59, 19, 55, 112, 10, 57, 18, 48, 14, 51, 79, 118, 126, 9, 11, 43, 69, 53, 49, 92, 124, 45, 114, 56, 106, 6, 4, 111, 25, 33, 31, 117, 95, 70, 34, 30, 94, 67, 32, 85, 72, 46, 110, 28, 75, 37, 58, 38, 35, 103, 96, 99, 108, 42, 102, 109, 105, 101, 47, 1, 68, 60, 39, 41, 107, 44], [40, 61, 63, 122, 98, 54, 26, 123, 29, 88, 20, 24, 113, 93, 57, 22, 81, 90, 127, 125, 82, 78, 45, 76, 16, 73, 91, 92, 44, 121, 99, 32, 50, 62, 96, 19, 85, 38, 107, 15, 106, 28, 126, 47, 118, 112, 41, 120, 31, 109, 105, 119, 46, 116, 102, 21, 51, 39, 23, 74, 111, 117, 14, 55, 37, 43, 33, 89, 86, 35, 94, 53, 42, 103, 52, 5, 69, 60, 114, 110, 97, 115, 49, 80, 58, 12, 27, 17, 95, 13, 124, 108, 56, 48, 71, 59, 100, 83, 36, 104, 25, 101, 84, 87, 11, 30, 3, 10, 79, 66, 0, 64, 75, 68, 2, 34, 9, 18, 65, 8, 70, 1, 77, 6, 67, 4, 72, 7], [63, 40, 54, 122, 100, 123, 125, 127, 62, 57, 98, 113, 121, 119, 118, 59, 116, 115, 61, 51, 55, 114, 120, 53, 29, 124, 50, 52, 117, 91, 48, 56, 126, 20, 111, 26, 45, 36, 93, 88, 49, 112, 46, 87, 47, 25, 110, 27, 43, 106, 22, 81, 103, 109, 23, 108, 58, 60, 107, 99, 39, 38, 42, 44, 105, 41, 102, 96, 35, 101, 34, 33, 97, 37, 89, 104, 94, 92, 83, 21, 82, 28, 32, 79, 86, 24, 18, 90, 95, 15, 31, 16, 30, 75, 84, 13, 17, 85, 11, 80, 0, 73, 19, 74, 10, 2, 1, 72, 76, 64, 3, 69, 66, 68, 5, 8, 6, 78, 14, 71, 9, 70, 67, 77, 4, 12, 65, 7], [48, 52, 63, 116, 127, 55, 123, 61, 53, 54, 124, 117, 51, 56, 119, 62, 60, 122, 115, 126, 120, 112, 118, 59, 47, 111, 121, 49, 114, 57, 125, 58, 113, 50, 45, 46, 109, 36, 110, 101, 107, 108, 42, 44, 106, 43, 105, 98, 32, 96, 41, 38, 40, 39, 103, 100, 104, 37, 92, 102, 34, 90, 26, 99, 33, 35, 89, 93, 95, 97, 91, 31, 15, 94, 28, 20, 30, 23, 27, 29, 86, 22, 84, 17, 85, 81, 79, 87, 21, 25, 82, 76, 88, 14, 18, 74, 12, 72, 8, 10, 16, 83, 78, 24, 66, 69, 67, 5, 71, 77, 7, 3, 19, 11, 64, 2, 68, 80, 6, 4, 70, 73, 13, 75, 0, 1, 65, 9], [116, 52, 48, 101, 57, 37, 100, 97, 120, 59, 123, 94, 95, 63, 112, 114, 58, 54, 126, 38, 34, 60, 92, 50, 110, 127, 15, 125, 46, 39, 47, 113, 43, 55, 106, 61, 118, 56, 124, 111, 121, 44, 45, 99, 32, 22, 49, 105, 107, 103, 108, 119, 115, 40, 62, 51, 53, 42, 36, 109, 88, 85, 117, 98, 41, 122, 102, 35, 76, 91, 31, 23, 104, 89, 27, 28, 96, 90, 86, 30, 12, 17, 18, 20, 87, 26, 33, 29, 82, 84, 93, 25, 79, 14, 72, 21, 81, 24, 74, 83, 19, 10, 8, 78, 16, 80, 71, 5, 67, 69, 7, 3, 77, 11, 13, 73, 75, 2, 70, 9, 4, 66, 68, 6, 1, 65, 0, 64], [116, 48, 97, 101, 52, 88, 83, 77, 11, 16, 73, 4, 71, 22, 14, 70, 126, 85, 18, 61, 0, 2, 68, 42, 30, 64, 26, 27, 105, 55, 75, 9, 28, 80, 13, 93, 17, 47, 120, 65, 82, 121, 6, 24, 7, 67, 19, 41, 91, 5, 78, 118, 66, 37, 74, 127, 20, 69, 34, 21, 86, 10, 89, 23, 108, 3, 29, 31, 54, 57, 81, 53, 84, 87, 79, 114, 15, 36, 103, 72, 123, 50, 12, 8, 99, 1, 76, 45, 35, 43, 51, 33, 25, 92, 96, 98, 115, 46, 110, 94, 95, 90, 49, 112, 32, 113, 109, 102, 38, 44, 63, 39, 100, 106, 104, 40, 58, 59, 125, 60, 56, 124, 119, 62, 111, 107, 117, 122], [52, 63, 116, 48, 60, 114, 55, 51, 54, 122, 124, 53, 117, 125, 59, 127, 126, 120, 119, 47, 62, 58, 115, 123, 118, 61, 121, 111, 113, 46, 49, 101, 57, 56, 50, 109, 110, 45, 36, 112, 42, 98, 107, 32, 105, 43, 44, 97, 92, 106, 15, 108, 41, 37, 94, 90, 96, 104, 40, 103, 38, 39, 99, 100, 102, 35, 85, 34, 23, 26, 95, 33, 84, 29, 82, 87, 28, 30, 20, 27, 76, 93, 31, 91, 79, 89, 25, 17, 22, 86, 18, 81, 12, 21, 74, 8, 10, 72, 88, 5, 69, 24, 83, 14, 16, 71, 67, 78, 77, 7, 2, 3, 66, 4, 73, 9, 19, 13, 68, 11, 80, 0, 65, 75, 70, 6, 64, 1], [124, 49, 37, 55, 126, 61, 87, 118, 26, 93, 96, 121, 80, 12, 86, 119, 57, 84, 101, 50, 54, 60, 78, 123, 25, 90, 32, 67, 122, 18, 58, 85, 115, 112, 72, 29, 51, 16, 102, 120, 56, 6, 127, 59, 53, 15, 83, 52, 116, 34, 63, 92, 38, 89, 114, 62, 47, 46, 76, 79, 111, 103, 110, 104, 117, 125, 48, 98, 9, 44, 109, 36, 17, 43, 39, 45, 97, 81, 33, 21, 27, 107, 30, 10, 20, 108, 23, 106, 113, 35, 28, 31, 74, 73, 105, 42, 70, 88, 41, 22, 95, 91, 94, 11, 99, 13, 3, 19, 40, 77, 100, 24, 64, 14, 82, 75, 66, 4, 1, 69, 7, 0, 8, 65, 71, 68, 2, 5], [49, 124, 37, 55, 93, 61, 96, 126, 50, 118, 54, 57, 119, 123, 102, 121, 87, 79, 127, 112, 115, 53, 60, 122, 58, 125, 51, 120, 110, 114, 59, 85, 56, 90, 101, 26, 63, 62, 43, 116, 38, 36, 5, 46, 108, 113, 42, 52, 48, 117, 111, 44, 86, 47, 107, 41, 32, 30, 45, 109, 12, 39, 40, 104, 18, 35, 80, 105, 21, 103, 106, 24, 99, 20, 69, 100, 29, 25, 84, 33, 34, 73, 8, 92, 31, 98, 71, 89, 95, 77, 2, 94, 6, 23, 97, 91, 27, 17, 67, 28, 0, 88, 19, 11, 22, 64, 72, 15, 13, 7, 83, 16, 78, 3, 65, 81, 76, 9, 4, 70, 75, 82, 10, 74, 66, 14, 1, 68], [49, 124, 37, 55, 61, 126, 101, 118, 93, 119, 26, 87, 96, 50, 57, 123, 60, 121, 54, 21, 44, 115, 122, 58, 29, 12, 84, 85, 51, 56, 63, 90, 53, 120, 125, 47, 112, 102, 25, 59, 110, 62, 48, 116, 46, 52, 113, 114, 105, 100, 104, 45, 108, 111, 127, 43, 39, 86, 117, 103, 19, 109, 99, 27, 107, 38, 42, 28, 34, 88, 81, 80, 106, 41, 36, 72, 33, 31, 6, 40, 97, 79, 32, 35, 24, 78, 95, 98, 75, 30, 92, 67, 20, 73, 94, 17, 18, 83, 23, 82, 77, 91, 22, 10, 15, 89, 76, 14, 3, 69, 11, 8, 64, 13, 16, 70, 9, 7, 71, 0, 65, 74, 4, 5, 66, 1, 68, 2], [49, 124, 37, 55, 87, 61, 126, 118, 96, 50, 57, 123, 26, 80, 93, 101, 54, 121, 90, 86, 119, 60, 12, 122, 120, 51, 127, 115, 58, 53, 78, 84, 6, 56, 63, 114, 67, 112, 29, 52, 59, 47, 104, 85, 116, 113, 46, 25, 48, 125, 62, 102, 111, 20, 83, 65, 44, 89, 70, 16, 8, 110, 108, 107, 15, 79, 23, 21, 45, 18, 33, 99, 117, 109, 64, 92, 43, 35, 94, 72, 39, 40, 106, 32, 77, 42, 22, 2, 17, 0, 97, 71, 38, 27, 36, 103, 105, 10, 28, 76, 100, 14, 81, 30, 95, 73, 88, 34, 41, 4, 19, 9, 24, 3, 11, 13, 91, 31, 98, 69, 7, 68, 74, 82, 75, 1, 5, 66], [103, 34, 45, 28, 109, 84, 24, 38, 79, 17, 85, 86, 30, 92, 31, 12, 11, 95, 9, 22, 46, 111, 49, 23, 122, 116, 88, 14, 19, 63, 27, 36, 20, 75, 57, 44, 33, 121, 53, 107, 119, 52, 83, 115, 101, 113, 104, 124, 15, 50, 32, 48, 61, 100, 37, 97, 29, 91, 25, 94, 125, 108, 26, 93, 54, 73, 126, 106, 16, 55, 47, 56, 114, 40, 43, 42, 35, 117, 99, 112, 51, 120, 60, 21, 89, 58, 41, 123, 81, 102, 82, 62, 59, 110, 72, 105, 96, 127, 13, 90, 118, 18, 10, 87, 39, 8, 5, 98, 7, 68, 76, 78, 77, 6, 4, 80, 65, 69, 74, 67, 3, 66, 70, 1, 71, 2, 64, 0], [103, 45, 34, 28, 14, 109, 17, 12, 7, 84, 71, 66, 79, 9, 3, 5, 24, 85, 69, 44, 64, 65, 67, 31, 86, 10, 20, 96, 127, 98, 105, 81, 2, 61, 25, 76, 35, 38, 39, 51, 0, 63, 8, 124, 52, 49, 55, 72, 125, 58, 90, 23, 30, 68, 78, 19, 4, 92, 73, 75, 122, 115, 118, 57, 16, 88, 95, 111, 100, 70, 11, 77, 6, 74, 21, 46, 119, 102, 60, 89, 18, 113, 94, 13, 59, 97, 120, 83, 93, 121, 107, 126, 36, 80, 43, 53, 1, 40, 15, 116, 29, 110, 112, 54, 91, 22, 56, 123, 37, 50, 82, 48, 117, 101, 47, 41, 87, 114, 42, 99, 27, 62, 104, 33, 106, 108, 26, 32], [103, 45, 34, 38, 109, 0, 28, 79, 7, 3, 24, 84, 12, 9, 14, 2, 17, 66, 5, 31, 86, 85, 1, 67, 10, 125, 69, 122, 92, 57, 100, 25, 23, 20, 112, 64, 98, 35, 61, 58, 44, 121, 51, 26, 55, 22, 68, 21, 72, 118, 59, 49, 96, 81, 65, 105, 102, 75, 48, 82, 32, 30, 123, 70, 63, 52, 74, 90, 54, 46, 93, 13, 76, 36, 60, 111, 116, 88, 56, 124, 42, 119, 104, 6, 126, 127, 8, 120, 50, 89, 40, 110, 73, 71, 115, 18, 80, 4, 114, 94, 95, 83, 19, 91, 43, 108, 16, 62, 117, 47, 39, 29, 78, 99, 77, 15, 113, 53, 27, 107, 87, 37, 106, 97, 101, 41, 11, 33], [103, 34, 45, 28, 109, 84, 79, 24, 31, 92, 17, 86, 22, 12, 108, 63, 9, 29, 88, 30, 102, 55, 25, 89, 98, 122, 112, 58, 14, 105, 104, 53, 100, 27, 49, 20, 61, 11, 50, 57, 114, 72, 113, 33, 42, 121, 127, 81, 95, 52, 116, 38, 23, 35, 90, 83, 36, 85, 111, 124, 41, 93, 125, 18, 126, 46, 77, 39, 74, 94, 115, 123, 80, 5, 101, 59, 26, 82, 62, 119, 16, 73, 19, 13, 43, 21, 47, 118, 96, 76, 56, 32, 15, 91, 48, 51, 87, 99, 110, 106, 78, 44, 117, 97, 75, 7, 37, 8, 10, 107, 70, 54, 60, 4, 6, 120, 68, 40, 69, 3, 71, 66, 67, 65, 1, 64, 0, 2]], "model.layers.16.self_attn.k_proj": [[125, 61, 86, 36, 96, 127, 17, 115, 121, 49, 30, 62, 63, 55, 57, 113, 60, 54, 26, 122, 53, 39, 51, 118, 48, 56, 126, 107, 116, 47, 112, 59, 52, 29, 58, 108, 124, 87, 40, 114, 120, 109, 44, 119, 123, 117, 79, 50, 27, 83, 11, 20, 110, 46, 78, 18, 43, 45, 111, 13, 25, 85, 98, 105, 106, 97, 41, 24, 42, 104, 72, 16, 82, 33, 71, 38, 101, 103, 9, 34, 28, 76, 10, 37, 91, 102, 100, 89, 31, 88, 35, 4, 99, 22, 70, 80, 95, 5, 94, 92, 21, 15, 14, 2, 32, 90, 19, 93, 77, 12, 65, 84, 23, 81, 0, 7, 3, 67, 73, 75, 6, 8, 74, 1, 69, 68, 66, 64], [106, 94, 34, 124, 116, 24, 63, 19, 52, 59, 85, 17, 15, 42, 55, 60, 121, 10, 70, 78, 12, 120, 27, 49, 8, 117, 111, 58, 47, 108, 114, 53, 109, 64, 68, 18, 1, 66, 4, 126, 123, 50, 122, 22, 44, 102, 45, 91, 51, 125, 46, 127, 90, 0, 119, 62, 112, 54, 56, 11, 84, 105, 104, 48, 61, 100, 28, 57, 41, 110, 40, 113, 115, 95, 118, 14, 80, 92, 103, 37, 77, 107, 101, 76, 73, 69, 2, 16, 26, 89, 32, 99, 43, 31, 13, 35, 9, 36, 23, 33, 97, 87, 20, 25, 7, 39, 93, 65, 96, 38, 75, 71, 67, 3, 86, 29, 74, 79, 5, 88, 82, 21, 83, 30, 72, 6, 98, 81], [103, 51, 120, 34, 86, 56, 48, 95, 123, 115, 112, 119, 53, 28, 54, 122, 58, 89, 60, 126, 52, 88, 40, 82, 61, 15, 124, 118, 111, 50, 121, 63, 46, 57, 113, 47, 62, 125, 117, 55, 107, 116, 20, 26, 114, 98, 91, 108, 110, 8, 59, 45, 49, 44, 81, 11, 43, 127, 109, 13, 42, 4, 38, 105, 93, 65, 41, 73, 106, 6, 64, 30, 16, 68, 37, 24, 27, 104, 72, 23, 102, 35, 33, 36, 85, 29, 80, 100, 76, 94, 101, 99, 12, 9, 87, 97, 14, 67, 1, 21, 79, 19, 66, 83, 71, 78, 17, 32, 90, 96, 10, 7, 2, 18, 92, 0, 70, 74, 77, 25, 5, 3, 84, 39, 69, 31, 75, 22], [106, 36, 90, 18, 85, 47, 20, 42, 79, 77, 110, 16, 58, 72, 75, 124, 126, 73, 78, 70, 56, 127, 109, 117, 119, 114, 30, 95, 120, 40, 86, 4, 125, 65, 108, 76, 112, 62, 45, 52, 43, 67, 60, 99, 88, 61, 96, 51, 39, 53, 111, 0, 66, 54, 93, 97, 69, 68, 8, 100, 19, 116, 25, 55, 38, 74, 13, 103, 32, 91, 29, 115, 48, 6, 23, 57, 89, 41, 107, 64, 123, 11, 2, 31, 7, 5, 63, 101, 81, 1, 44, 94, 50, 122, 104, 92, 87, 27, 28, 17, 49, 46, 37, 105, 34, 3, 118, 12, 113, 33, 71, 83, 35, 121, 22, 80, 59, 102, 14, 9, 26, 98, 15, 82, 24, 84, 10, 21], [104, 54, 63, 34, 22, 93, 122, 120, 90, 123, 62, 119, 125, 121, 126, 127, 61, 50, 88, 59, 113, 51, 118, 81, 52, 20, 16, 116, 115, 76, 55, 64, 46, 82, 57, 53, 48, 114, 117, 56, 71, 60, 73, 91, 124, 45, 69, 111, 78, 49, 39, 109, 13, 106, 110, 43, 112, 2, 58, 44, 15, 108, 1, 87, 98, 47, 74, 11, 102, 67, 42, 80, 79, 41, 29, 100, 103, 37, 105, 96, 107, 35, 14, 92, 97, 21, 28, 25, 26, 10, 85, 95, 83, 99, 32, 19, 38, 9, 101, 8, 18, 33, 30, 70, 94, 36, 12, 72, 3, 31, 65, 68, 23, 75, 24, 40, 77, 27, 6, 89, 4, 86, 66, 84, 17, 0, 7, 5], [52, 116, 37, 48, 83, 16, 77, 33, 22, 88, 11, 112, 73, 70, 4, 71, 14, 126, 61, 127, 63, 0, 2, 50, 123, 106, 1, 121, 29, 44, 51, 55, 58, 114, 60, 111, 120, 57, 125, 93, 115, 30, 118, 56, 108, 110, 91, 122, 119, 99, 53, 49, 113, 124, 59, 54, 85, 62, 105, 117, 46, 47, 109, 107, 41, 43, 40, 102, 104, 42, 90, 103, 35, 81, 74, 101, 45, 95, 38, 75, 18, 39, 98, 8, 92, 5, 36, 9, 67, 12, 25, 32, 96, 20, 97, 34, 100, 3, 65, 94, 31, 21, 78, 89, 13, 23, 69, 24, 82, 17, 84, 87, 19, 76, 15, 64, 7, 79, 10, 28, 6, 27, 80, 72, 68, 26, 66, 86], [124, 49, 101, 113, 86, 55, 32, 126, 57, 118, 29, 54, 61, 119, 121, 50, 123, 120, 26, 58, 122, 53, 115, 51, 114, 52, 63, 47, 60, 56, 125, 116, 62, 59, 111, 112, 48, 45, 108, 80, 46, 109, 44, 103, 99, 18, 127, 87, 43, 117, 78, 110, 107, 105, 37, 42, 106, 40, 102, 98, 72, 64, 104, 12, 39, 97, 73, 3, 20, 38, 84, 41, 21, 19, 36, 100, 17, 79, 94, 92, 33, 34, 25, 30, 23, 35, 85, 89, 27, 68, 81, 6, 31, 28, 24, 10, 77, 95, 14, 91, 4, 70, 93, 83, 88, 66, 1, 16, 96, 11, 5, 71, 90, 75, 0, 22, 7, 67, 13, 65, 74, 82, 15, 9, 8, 2, 76, 69], [109, 39, 98, 84, 92, 12, 17, 64, 7, 79, 14, 9, 5, 45, 3, 66, 61, 121, 41, 49, 122, 52, 86, 95, 127, 58, 21, 119, 40, 111, 124, 55, 65, 57, 118, 63, 51, 24, 23, 126, 48, 116, 25, 102, 28, 72, 30, 60, 34, 1, 22, 44, 125, 47, 0, 106, 59, 100, 18, 120, 90, 80, 82, 117, 112, 32, 97, 46, 89, 36, 29, 104, 6, 11, 19, 4, 70, 53, 26, 74, 123, 93, 77, 35, 108, 99, 85, 68, 62, 27, 50, 16, 56, 8, 107, 31, 115, 88, 114, 78, 83, 15, 91, 38, 20, 105, 94, 37, 42, 76, 13, 54, 43, 96, 110, 10, 87, 33, 73, 101, 113, 2, 71, 81, 67, 69, 75, 103]], "model.layers.16.self_attn.qk_proj": [[106, 124, 125, 116, 61, 52, 109, 42, 49, 63, 51, 54, 120, 48, 121, 45, 53, 123, 55, 119, 127, 56, 58, 98, 126, 28, 22, 39, 34, 122, 26, 84, 20, 88, 86, 79, 57, 15, 36, 59, 112, 101, 37, 40, 100, 62, 113, 118, 103, 50, 24, 30, 47, 117, 81, 85, 78, 111, 21, 115, 104, 12, 60, 29, 82, 14, 17, 76, 93, 90, 9, 92, 114, 80, 18, 16, 73, 94, 77, 110, 11, 31, 44, 83, 95, 27, 13, 46, 19, 72, 96, 108, 71, 75, 70, 25, 107, 102, 89, 64, 91, 32, 43, 97, 3, 7, 87, 23, 8, 68, 0, 41, 4, 67, 38, 6, 69, 5, 74, 105, 33, 2, 66, 10, 35, 99, 1, 65], [106, 124, 125, 61, 116, 52, 109, 42, 63, 49, 51, 54, 120, 48, 45, 121, 56, 123, 119, 127, 98, 58, 55, 53, 28, 126, 34, 39, 20, 86, 22, 118, 36, 26, 88, 84, 37, 79, 122, 47, 15, 59, 57, 111, 113, 24, 101, 112, 40, 115, 21, 100, 62, 30, 103, 85, 117, 60, 81, 29, 78, 76, 114, 14, 50, 104, 12, 92, 17, 90, 82, 93, 73, 9, 44, 77, 94, 16, 31, 18, 108, 80, 11, 72, 27, 46, 83, 13, 95, 96, 70, 107, 75, 110, 89, 19, 25, 7, 64, 102, 0, 87, 91, 38, 67, 8, 32, 71, 97, 43, 4, 68, 23, 5, 69, 41, 3, 105, 2, 74, 66, 35, 33, 1, 99, 6, 65, 10], [106, 125, 124, 116, 61, 52, 109, 42, 49, 63, 51, 54, 120, 48, 45, 121, 119, 123, 55, 98, 126, 56, 127, 58, 53, 28, 34, 39, 88, 36, 101, 122, 86, 84, 26, 100, 22, 20, 47, 113, 118, 57, 62, 79, 24, 59, 112, 85, 15, 40, 37, 103, 81, 50, 111, 104, 21, 60, 117, 29, 115, 30, 114, 93, 14, 90, 78, 12, 94, 17, 18, 92, 9, 27, 73, 44, 82, 76, 64, 31, 102, 110, 13, 95, 80, 83, 16, 96, 91, 11, 0, 77, 46, 25, 108, 72, 70, 19, 32, 107, 38, 75, 7, 71, 87, 4, 68, 3, 89, 8, 97, 41, 23, 1, 66, 69, 105, 67, 2, 65, 33, 35, 43, 5, 74, 99, 6, 10], [106, 125, 124, 116, 61, 52, 63, 109, 49, 42, 51, 54, 120, 48, 45, 121, 53, 123, 119, 56, 127, 58, 98, 55, 126, 28, 39, 59, 62, 57, 22, 20, 79, 101, 118, 34, 36, 26, 84, 100, 47, 113, 122, 86, 37, 24, 115, 112, 111, 40, 117, 15, 50, 30, 88, 103, 85, 104, 81, 29, 21, 14, 78, 60, 90, 92, 114, 93, 17, 94, 76, 27, 9, 73, 18, 0, 12, 44, 82, 80, 110, 16, 83, 13, 96, 77, 46, 108, 102, 70, 31, 19, 11, 107, 95, 72, 75, 7, 25, 97, 91, 38, 67, 87, 89, 71, 68, 8, 4, 41, 43, 64, 3, 2, 32, 66, 69, 23, 1, 5, 105, 33, 65, 35, 10, 99, 74, 6], [106, 124, 125, 116, 61, 52, 63, 49, 109, 42, 51, 54, 120, 48, 45, 121, 56, 123, 119, 53, 127, 126, 58, 55, 98, 57, 20, 22, 34, 39, 86, 47, 122, 59, 101, 118, 28, 112, 79, 62, 50, 84, 15, 40, 100, 88, 26, 36, 103, 111, 24, 117, 114, 81, 37, 30, 115, 85, 104, 14, 17, 113, 18, 78, 12, 93, 29, 60, 44, 76, 27, 73, 9, 90, 21, 94, 11, 80, 92, 13, 83, 68, 82, 107, 110, 77, 16, 46, 108, 64, 19, 31, 102, 72, 95, 0, 96, 25, 7, 8, 71, 4, 70, 67, 75, 41, 3, 91, 38, 69, 87, 23, 89, 2, 43, 32, 97, 1, 5, 33, 66, 6, 105, 35, 65, 99, 74, 10], [106, 124, 125, 116, 61, 52, 63, 109, 42, 49, 51, 54, 120, 48, 45, 121, 119, 123, 58, 127, 56, 126, 53, 98, 55, 20, 26, 22, 34, 47, 79, 57, 39, 84, 86, 62, 118, 59, 15, 103, 101, 88, 28, 36, 100, 111, 81, 24, 112, 122, 37, 50, 85, 30, 40, 60, 78, 117, 114, 14, 17, 29, 76, 104, 93, 27, 12, 21, 80, 82, 18, 73, 90, 16, 11, 94, 113, 13, 9, 92, 77, 44, 83, 115, 31, 19, 46, 110, 108, 107, 75, 96, 89, 25, 72, 8, 95, 7, 64, 23, 71, 6, 32, 91, 102, 0, 41, 97, 43, 69, 68, 87, 4, 67, 3, 70, 105, 5, 2, 35, 38, 66, 65, 33, 74, 99, 1, 10], [106, 125, 124, 116, 61, 52, 63, 109, 42, 49, 51, 120, 54, 48, 45, 119, 121, 127, 53, 56, 123, 126, 58, 98, 55, 20, 26, 57, 122, 84, 86, 22, 88, 34, 79, 118, 36, 47, 62, 28, 39, 81, 15, 24, 112, 101, 103, 37, 50, 59, 40, 30, 114, 100, 111, 85, 14, 78, 115, 90, 18, 117, 12, 17, 104, 29, 93, 27, 80, 21, 60, 113, 44, 76, 73, 94, 9, 82, 16, 83, 11, 92, 13, 77, 110, 107, 95, 19, 25, 31, 96, 108, 46, 41, 43, 75, 71, 89, 23, 102, 97, 6, 91, 32, 8, 7, 0, 72, 38, 3, 33, 67, 87, 64, 2, 69, 4, 35, 68, 74, 105, 5, 99, 66, 70, 10, 65, 1], [106, 124, 116, 125, 61, 52, 109, 42, 63, 49, 51, 54, 120, 48, 45, 119, 121, 127, 53, 56, 123, 55, 126, 98, 58, 22, 20, 26, 28, 84, 39, 86, 122, 101, 34, 57, 88, 36, 24, 100, 79, 15, 30, 81, 103, 37, 40, 112, 111, 62, 59, 85, 115, 47, 50, 118, 14, 113, 60, 117, 90, 17, 78, 93, 21, 114, 29, 104, 92, 80, 18, 12, 27, 16, 82, 73, 9, 13, 25, 76, 83, 95, 96, 44, 94, 77, 46, 107, 32, 11, 43, 91, 110, 102, 6, 19, 8, 31, 89, 0, 108, 75, 71, 64, 23, 41, 7, 97, 68, 105, 87, 33, 38, 72, 67, 3, 66, 4, 99, 35, 69, 2, 74, 5, 65, 1, 70, 10], [106, 124, 116, 125, 61, 52, 109, 42, 63, 51, 49, 54, 120, 48, 45, 127, 119, 121, 53, 98, 56, 55, 58, 34, 28, 123, 22, 20, 39, 126, 84, 101, 26, 88, 103, 86, 24, 100, 122, 36, 37, 79, 85, 112, 50, 111, 15, 30, 47, 57, 115, 113, 59, 60, 40, 62, 118, 17, 81, 78, 114, 14, 12, 21, 93, 90, 104, 117, 29, 18, 27, 76, 82, 80, 44, 108, 92, 16, 9, 73, 95, 13, 25, 77, 94, 83, 46, 96, 102, 19, 11, 8, 31, 107, 43, 75, 6, 91, 89, 0, 71, 110, 32, 23, 87, 64, 7, 97, 33, 41, 2, 38, 4, 72, 105, 67, 68, 66, 3, 35, 5, 69, 99, 1, 10, 74, 65, 70], [106, 124, 125, 61, 116, 52, 109, 42, 63, 49, 51, 54, 48, 120, 45, 121, 127, 119, 53, 56, 123, 55, 98, 58, 126, 34, 28, 101, 20, 57, 59, 84, 22, 26, 47, 115, 39, 103, 118, 36, 37, 122, 88, 50, 86, 100, 79, 111, 15, 24, 117, 113, 30, 40, 112, 17, 85, 62, 21, 12, 81, 78, 104, 60, 90, 44, 14, 9, 93, 29, 114, 18, 76, 92, 82, 16, 8, 94, 110, 27, 80, 73, 13, 83, 108, 46, 95, 96, 11, 75, 77, 6, 102, 7, 0, 64, 25, 19, 31, 32, 107, 71, 89, 3, 72, 38, 43, 4, 97, 23, 70, 91, 5, 33, 41, 68, 67, 2, 87, 66, 69, 99, 35, 74, 105, 1, 65, 10], [106, 124, 116, 125, 61, 52, 109, 42, 63, 49, 54, 51, 120, 48, 121, 45, 127, 53, 123, 119, 56, 58, 98, 55, 126, 122, 118, 57, 28, 34, 20, 15, 84, 39, 79, 22, 59, 86, 101, 26, 100, 50, 81, 88, 36, 113, 85, 37, 47, 111, 24, 40, 30, 115, 62, 60, 17, 112, 9, 12, 14, 78, 103, 117, 82, 21, 76, 73, 29, 104, 8, 18, 92, 90, 114, 93, 16, 27, 44, 94, 11, 0, 13, 80, 77, 83, 31, 64, 19, 68, 110, 7, 108, 75, 71, 70, 96, 107, 72, 25, 46, 4, 91, 67, 102, 95, 32, 89, 3, 87, 6, 2, 66, 1, 69, 5, 23, 65, 38, 97, 41, 33, 35, 105, 43, 74, 10, 99], [106, 124, 116, 125, 61, 52, 63, 109, 42, 49, 51, 54, 120, 48, 45, 121, 127, 53, 119, 58, 56, 126, 98, 123, 122, 86, 84, 22, 34, 20, 26, 57, 15, 55, 118, 28, 39, 79, 62, 47, 100, 101, 30, 50, 40, 88, 36, 37, 85, 103, 81, 112, 111, 59, 24, 17, 76, 115, 113, 14, 21, 60, 78, 117, 90, 114, 29, 82, 104, 12, 18, 9, 73, 16, 93, 27, 92, 94, 31, 80, 83, 44, 13, 77, 0, 110, 11, 95, 8, 19, 71, 46, 70, 102, 96, 108, 75, 91, 7, 72, 89, 68, 87, 4, 32, 64, 107, 25, 38, 67, 41, 66, 3, 43, 23, 97, 5, 69, 33, 2, 99, 6, 105, 10, 65, 35, 74, 1], [106, 124, 116, 125, 61, 52, 63, 109, 49, 42, 51, 120, 54, 48, 121, 45, 119, 53, 127, 56, 58, 123, 98, 126, 20, 26, 101, 39, 34, 22, 28, 118, 86, 37, 47, 57, 122, 88, 84, 114, 112, 79, 40, 55, 103, 62, 30, 59, 15, 36, 24, 100, 85, 50, 60, 113, 21, 117, 111, 115, 90, 81, 29, 93, 78, 104, 17, 82, 94, 92, 14, 18, 76, 95, 27, 44, 46, 12, 16, 9, 25, 108, 110, 31, 96, 19, 77, 13, 73, 83, 102, 70, 80, 43, 11, 107, 75, 91, 71, 87, 32, 89, 7, 41, 38, 72, 23, 97, 8, 99, 35, 0, 33, 67, 105, 5, 3, 68, 4, 64, 69, 66, 2, 74, 1, 10, 6, 65], [106, 124, 116, 125, 61, 52, 109, 63, 42, 49, 51, 54, 120, 48, 45, 121, 119, 53, 58, 123, 127, 126, 98, 56, 55, 20, 22, 28, 39, 57, 34, 101, 112, 118, 47, 122, 26, 79, 100, 37, 88, 59, 84, 86, 50, 36, 15, 62, 85, 30, 24, 115, 40, 114, 103, 81, 117, 104, 111, 60, 78, 113, 14, 12, 93, 76, 17, 82, 21, 29, 16, 73, 18, 90, 94, 9, 92, 11, 27, 70, 80, 44, 77, 64, 46, 83, 19, 72, 110, 71, 96, 31, 108, 75, 89, 0, 8, 13, 95, 25, 7, 107, 91, 97, 102, 2, 32, 43, 41, 67, 4, 87, 38, 68, 66, 23, 35, 3, 69, 65, 99, 5, 33, 10, 1, 105, 74, 6], [106, 124, 116, 125, 61, 52, 109, 63, 42, 51, 54, 49, 120, 48, 45, 121, 119, 53, 58, 127, 98, 55, 123, 126, 56, 20, 39, 22, 28, 34, 101, 15, 84, 118, 122, 47, 88, 86, 26, 79, 57, 37, 100, 30, 59, 36, 62, 24, 40, 112, 111, 115, 85, 81, 117, 50, 17, 103, 9, 78, 104, 29, 76, 93, 114, 14, 12, 113, 60, 90, 92, 94, 21, 82, 16, 73, 11, 18, 31, 80, 77, 27, 64, 46, 108, 75, 72, 19, 110, 83, 71, 44, 96, 25, 70, 102, 91, 8, 13, 41, 7, 107, 95, 4, 43, 87, 89, 67, 0, 68, 32, 3, 2, 97, 65, 38, 5, 33, 66, 69, 74, 6, 23, 35, 99, 10, 105, 1], [106, 125, 116, 124, 61, 52, 63, 109, 42, 49, 54, 51, 120, 48, 45, 121, 119, 53, 127, 56, 123, 55, 58, 98, 126, 39, 20, 118, 86, 122, 22, 28, 84, 101, 57, 26, 15, 37, 30, 79, 34, 112, 36, 47, 59, 62, 88, 50, 111, 100, 103, 81, 85, 60, 113, 24, 78, 117, 115, 40, 76, 114, 14, 12, 9, 29, 104, 93, 73, 90, 17, 18, 77, 82, 21, 94, 44, 108, 16, 31, 92, 96, 80, 110, 11, 83, 19, 46, 75, 13, 27, 72, 0, 107, 71, 7, 102, 8, 91, 70, 87, 43, 41, 64, 4, 25, 68, 23, 95, 3, 67, 97, 89, 32, 38, 6, 69, 2, 33, 5, 66, 74, 65, 105, 35, 1, 99, 10], [106, 124, 125, 116, 61, 52, 63, 109, 49, 42, 51, 54, 120, 48, 45, 121, 53, 119, 127, 98, 58, 126, 123, 56, 20, 26, 57, 122, 28, 101, 39, 22, 55, 36, 86, 84, 37, 34, 50, 112, 59, 15, 79, 100, 30, 114, 40, 88, 47, 115, 24, 62, 81, 118, 60, 21, 103, 85, 90, 14, 93, 104, 29, 111, 17, 117, 78, 94, 82, 16, 110, 76, 44, 113, 92, 108, 18, 9, 12, 27, 96, 77, 80, 19, 102, 25, 46, 83, 95, 73, 31, 75, 43, 13, 107, 91, 11, 72, 38, 41, 89, 32, 97, 6, 87, 64, 71, 7, 23, 35, 33, 0, 99, 66, 8, 5, 105, 67, 3, 68, 4, 69, 70, 74, 2, 65, 1, 10], [106, 124, 116, 125, 61, 52, 109, 63, 42, 51, 49, 54, 120, 48, 45, 121, 127, 119, 53, 98, 123, 58, 56, 126, 28, 39, 101, 55, 122, 26, 20, 22, 100, 86, 57, 36, 34, 59, 118, 84, 40, 15, 88, 37, 30, 117, 103, 79, 50, 24, 113, 111, 112, 62, 114, 14, 17, 60, 85, 29, 115, 81, 21, 47, 93, 44, 76, 104, 90, 95, 16, 82, 9, 27, 94, 78, 92, 73, 18, 12, 80, 108, 75, 77, 96, 31, 6, 110, 83, 72, 13, 0, 107, 46, 102, 11, 19, 91, 7, 43, 25, 87, 32, 64, 38, 97, 89, 41, 71, 23, 33, 8, 105, 2, 4, 67, 69, 3, 68, 35, 66, 74, 99, 65, 5, 1, 70, 10], [106, 124, 125, 116, 61, 52, 109, 63, 42, 49, 54, 51, 120, 48, 45, 53, 121, 119, 127, 56, 98, 58, 123, 101, 126, 34, 36, 55, 39, 118, 40, 59, 28, 20, 50, 103, 86, 115, 37, 111, 26, 100, 57, 22, 84, 24, 122, 15, 47, 88, 113, 30, 114, 62, 112, 79, 117, 104, 44, 60, 21, 81, 29, 14, 108, 78, 90, 82, 94, 76, 17, 85, 93, 92, 73, 16, 110, 18, 9, 12, 27, 102, 31, 46, 41, 77, 83, 80, 107, 75, 6, 19, 72, 95, 96, 89, 87, 8, 13, 43, 7, 11, 38, 97, 64, 0, 105, 25, 91, 23, 32, 71, 4, 33, 3, 35, 99, 69, 67, 68, 5, 66, 2, 74, 1, 65, 10, 70], [106, 124, 125, 116, 61, 52, 63, 109, 42, 49, 51, 54, 120, 48, 45, 53, 121, 119, 123, 127, 98, 58, 56, 55, 20, 39, 126, 22, 28, 57, 59, 37, 86, 34, 101, 84, 36, 118, 15, 122, 100, 30, 79, 26, 47, 103, 111, 40, 115, 24, 88, 117, 112, 113, 50, 90, 85, 81, 114, 29, 21, 14, 94, 92, 62, 93, 60, 12, 104, 78, 76, 82, 44, 27, 110, 17, 73, 80, 108, 9, 31, 77, 18, 75, 96, 83, 16, 13, 6, 95, 25, 72, 91, 11, 46, 19, 89, 102, 7, 107, 8, 0, 41, 23, 87, 32, 64, 71, 43, 105, 38, 35, 97, 33, 67, 69, 3, 68, 4, 5, 1, 99, 65, 74, 2, 66, 10, 70], [106, 124, 116, 125, 61, 52, 63, 109, 42, 49, 51, 54, 120, 48, 45, 121, 53, 119, 123, 127, 58, 56, 98, 57, 126, 22, 86, 59, 122, 34, 28, 20, 15, 100, 39, 84, 101, 26, 55, 103, 36, 40, 118, 88, 113, 37, 79, 47, 62, 114, 24, 78, 30, 117, 111, 115, 112, 50, 85, 81, 90, 76, 29, 93, 60, 17, 27, 14, 92, 9, 94, 104, 12, 44, 18, 73, 21, 82, 80, 108, 110, 83, 31, 16, 75, 13, 95, 46, 77, 96, 91, 19, 107, 89, 72, 11, 0, 25, 43, 102, 6, 7, 8, 41, 64, 87, 71, 32, 23, 97, 38, 3, 68, 33, 5, 67, 35, 4, 66, 105, 1, 74, 70, 69, 2, 65, 99, 10], [106, 124, 125, 116, 61, 52, 109, 63, 42, 49, 51, 54, 120, 48, 45, 121, 123, 53, 119, 127, 98, 58, 56, 126, 59, 28, 57, 39, 55, 34, 101, 26, 22, 20, 122, 84, 15, 36, 103, 86, 47, 88, 100, 115, 113, 118, 24, 79, 112, 62, 30, 37, 114, 111, 40, 117, 85, 21, 104, 90, 78, 76, 81, 29, 93, 14, 17, 110, 108, 50, 60, 18, 27, 94, 44, 92, 82, 9, 16, 73, 80, 83, 13, 12, 25, 0, 31, 77, 46, 102, 107, 64, 95, 19, 7, 8, 96, 75, 11, 91, 97, 38, 43, 72, 71, 87, 70, 4, 89, 67, 32, 3, 23, 6, 68, 2, 33, 66, 41, 5, 65, 1, 35, 69, 105, 99, 74, 10], [106, 124, 116, 125, 61, 52, 63, 49, 109, 42, 51, 54, 120, 48, 45, 53, 119, 121, 123, 58, 127, 98, 56, 126, 57, 122, 34, 86, 84, 101, 26, 22, 36, 28, 20, 39, 59, 55, 15, 100, 114, 103, 115, 88, 47, 37, 30, 62, 111, 113, 24, 85, 40, 79, 90, 112, 118, 29, 81, 50, 60, 117, 104, 76, 14, 78, 93, 17, 21, 94, 92, 82, 18, 44, 27, 80, 9, 110, 73, 77, 31, 16, 95, 108, 12, 11, 83, 13, 25, 46, 107, 19, 102, 64, 70, 96, 91, 8, 43, 87, 41, 7, 75, 4, 71, 32, 38, 97, 72, 68, 33, 89, 0, 35, 23, 3, 2, 1, 65, 105, 5, 69, 67, 66, 74, 99, 10, 6], [106, 124, 116, 125, 61, 52, 63, 109, 42, 49, 51, 54, 120, 48, 45, 53, 121, 119, 123, 58, 98, 127, 56, 126, 57, 59, 55, 28, 34, 26, 22, 103, 101, 86, 62, 84, 39, 118, 36, 122, 79, 88, 20, 30, 15, 117, 100, 37, 112, 40, 81, 111, 113, 114, 24, 47, 29, 115, 93, 50, 85, 90, 21, 76, 78, 14, 104, 94, 12, 92, 17, 27, 44, 82, 73, 60, 18, 9, 31, 80, 108, 70, 95, 46, 110, 16, 19, 75, 77, 8, 13, 11, 83, 96, 91, 25, 89, 102, 32, 72, 107, 7, 97, 87, 43, 38, 23, 35, 71, 41, 3, 0, 105, 33, 4, 68, 64, 74, 69, 67, 5, 66, 2, 10, 65, 1, 99, 6], [106, 125, 116, 124, 61, 52, 63, 109, 49, 42, 51, 54, 120, 48, 45, 121, 119, 53, 58, 98, 127, 56, 123, 126, 122, 26, 34, 59, 20, 55, 28, 84, 86, 22, 39, 100, 88, 15, 101, 62, 57, 118, 36, 103, 47, 79, 50, 37, 85, 40, 30, 112, 81, 117, 24, 114, 111, 14, 115, 113, 60, 76, 104, 110, 17, 93, 18, 90, 44, 78, 21, 80, 108, 82, 73, 94, 29, 12, 31, 9, 92, 27, 70, 46, 16, 77, 95, 83, 13, 19, 11, 107, 75, 8, 96, 25, 102, 71, 7, 89, 41, 23, 0, 91, 64, 87, 32, 38, 72, 43, 33, 67, 97, 68, 3, 66, 4, 5, 105, 69, 35, 74, 1, 2, 10, 65, 99, 6], [106, 116, 124, 125, 61, 52, 63, 109, 49, 42, 51, 54, 120, 48, 45, 121, 53, 98, 119, 56, 127, 123, 122, 58, 55, 59, 26, 20, 126, 28, 86, 22, 101, 100, 88, 84, 34, 39, 15, 115, 36, 57, 40, 79, 62, 37, 30, 85, 113, 118, 50, 44, 117, 24, 111, 112, 103, 60, 47, 81, 114, 93, 29, 108, 21, 94, 78, 104, 76, 17, 90, 14, 110, 12, 92, 9, 18, 46, 73, 82, 80, 77, 102, 31, 95, 27, 16, 83, 11, 25, 8, 96, 13, 19, 107, 75, 91, 70, 41, 105, 71, 89, 23, 0, 7, 43, 38, 72, 87, 67, 32, 97, 64, 35, 33, 68, 4, 99, 2, 74, 5, 66, 69, 3, 1, 6, 65, 10], [106, 124, 116, 125, 61, 52, 109, 63, 42, 49, 51, 54, 120, 48, 121, 45, 123, 127, 55, 53, 98, 56, 122, 119, 126, 40, 58, 26, 28, 34, 86, 60, 57, 39, 20, 88, 101, 115, 118, 36, 22, 37, 100, 59, 103, 84, 15, 47, 50, 79, 62, 117, 85, 30, 104, 111, 24, 90, 112, 114, 93, 81, 44, 78, 113, 29, 12, 76, 17, 9, 21, 18, 14, 82, 31, 102, 27, 95, 108, 16, 96, 110, 73, 92, 80, 46, 94, 77, 83, 8, 19, 75, 41, 11, 13, 25, 64, 89, 91, 23, 7, 71, 32, 38, 97, 0, 107, 43, 67, 68, 33, 72, 6, 3, 87, 105, 4, 70, 66, 2, 69, 35, 74, 65, 5, 99, 1, 10], [106, 124, 125, 116, 61, 52, 63, 109, 42, 49, 54, 51, 120, 48, 45, 121, 123, 55, 56, 53, 119, 58, 98, 127, 122, 28, 126, 34, 39, 20, 57, 101, 59, 84, 118, 79, 26, 22, 88, 100, 15, 103, 86, 36, 47, 117, 37, 111, 62, 115, 112, 40, 81, 85, 113, 30, 78, 24, 17, 50, 76, 60, 93, 104, 18, 29, 9, 12, 82, 21, 14, 73, 90, 114, 110, 27, 44, 92, 94, 16, 8, 77, 19, 75, 13, 80, 0, 108, 6, 83, 11, 46, 95, 31, 7, 64, 91, 102, 71, 96, 72, 3, 25, 23, 97, 41, 107, 89, 32, 5, 4, 87, 67, 66, 38, 35, 2, 105, 65, 69, 43, 68, 33, 74, 70, 99, 1, 10], [106, 116, 125, 124, 61, 52, 109, 63, 49, 42, 54, 51, 120, 48, 45, 121, 53, 119, 123, 55, 56, 58, 98, 127, 39, 34, 126, 57, 101, 28, 118, 59, 22, 26, 115, 84, 20, 100, 37, 86, 36, 122, 88, 15, 103, 111, 47, 85, 79, 40, 117, 113, 30, 50, 62, 60, 24, 78, 112, 104, 44, 93, 29, 90, 12, 81, 110, 92, 76, 9, 17, 14, 18, 73, 21, 27, 114, 82, 94, 8, 80, 31, 19, 46, 6, 13, 64, 77, 108, 95, 83, 11, 16, 7, 75, 96, 102, 25, 72, 0, 71, 32, 89, 4, 91, 38, 41, 23, 107, 87, 2, 105, 3, 69, 1, 5, 67, 66, 97, 33, 68, 43, 65, 74, 99, 35, 10, 70], [106, 116, 125, 124, 61, 52, 109, 63, 49, 42, 51, 54, 120, 48, 121, 45, 53, 119, 55, 58, 98, 56, 123, 126, 39, 59, 20, 26, 127, 22, 34, 84, 15, 86, 28, 57, 118, 88, 101, 36, 122, 37, 79, 100, 62, 115, 117, 111, 81, 103, 50, 78, 60, 30, 47, 85, 40, 113, 12, 24, 14, 17, 104, 76, 9, 93, 73, 29, 21, 112, 44, 18, 27, 90, 80, 82, 92, 16, 6, 94, 114, 13, 46, 83, 19, 75, 11, 77, 110, 108, 8, 96, 64, 31, 95, 7, 71, 3, 87, 25, 91, 32, 72, 107, 4, 68, 102, 67, 89, 41, 5, 66, 105, 97, 23, 43, 38, 69, 33, 10, 0, 2, 74, 35, 99, 1, 65, 70], [106, 125, 124, 116, 61, 52, 49, 109, 63, 42, 51, 54, 120, 48, 53, 121, 45, 123, 58, 127, 119, 56, 98, 126, 59, 122, 39, 55, 26, 118, 28, 34, 100, 62, 57, 15, 101, 22, 20, 37, 47, 36, 86, 84, 88, 40, 79, 60, 50, 112, 115, 117, 111, 103, 81, 30, 24, 85, 113, 104, 14, 73, 78, 29, 93, 21, 12, 76, 9, 80, 44, 90, 17, 18, 94, 82, 27, 92, 114, 11, 6, 96, 46, 13, 31, 16, 72, 110, 83, 0, 19, 77, 7, 75, 8, 64, 43, 71, 108, 95, 91, 68, 89, 25, 32, 67, 4, 38, 5, 102, 3, 97, 66, 87, 23, 33, 70, 107, 2, 69, 105, 99, 41, 1, 35, 65, 10, 74], [106, 124, 125, 116, 61, 52, 42, 109, 63, 49, 51, 120, 54, 48, 121, 45, 53, 123, 126, 98, 58, 119, 86, 59, 127, 56, 57, 26, 55, 22, 84, 79, 28, 39, 20, 15, 115, 34, 101, 40, 88, 36, 62, 37, 111, 122, 118, 117, 60, 112, 24, 30, 100, 103, 47, 81, 85, 50, 14, 12, 78, 113, 29, 104, 21, 76, 93, 90, 73, 9, 17, 18, 114, 82, 92, 11, 16, 13, 94, 80, 27, 95, 77, 46, 44, 31, 19, 72, 83, 75, 110, 108, 107, 96, 89, 7, 25, 6, 43, 71, 91, 102, 32, 8, 41, 97, 70, 23, 105, 35, 68, 87, 67, 38, 3, 5, 64, 4, 0, 69, 10, 74, 33, 99, 2, 66, 1, 65]], "model.layers.17.self_attn.q_proj": [[60, 106, 114, 100, 29, 89, 115, 123, 93, 86, 27, 83, 120, 47, 80, 42, 22, 112, 11, 57, 21, 113, 122, 53, 62, 127, 50, 16, 46, 61, 118, 59, 32, 111, 126, 45, 125, 56, 14, 99, 110, 63, 119, 91, 116, 81, 69, 55, 108, 96, 54, 26, 48, 117, 44, 51, 52, 121, 124, 58, 37, 97, 49, 109, 43, 105, 24, 76, 38, 41, 88, 71, 75, 95, 5, 107, 102, 103, 39, 104, 87, 31, 20, 40, 36, 15, 9, 101, 79, 35, 34, 98, 84, 17, 28, 10, 2, 94, 19, 90, 85, 8, 3, 23, 30, 33, 0, 7, 12, 1, 25, 4, 82, 6, 64, 18, 66, 77, 13, 78, 92, 74, 65, 67, 73, 72, 70, 68], [114, 106, 100, 60, 29, 89, 93, 50, 42, 86, 120, 59, 44, 61, 83, 22, 80, 115, 87, 99, 118, 27, 32, 105, 119, 81, 47, 31, 95, 46, 43, 21, 121, 97, 17, 25, 63, 91, 48, 54, 56, 116, 113, 51, 57, 14, 24, 11, 111, 103, 117, 96, 45, 53, 107, 125, 62, 110, 76, 58, 122, 41, 19, 38, 126, 112, 101, 37, 127, 40, 94, 55, 52, 16, 124, 88, 20, 102, 104, 98, 109, 33, 85, 108, 123, 71, 8, 23, 49, 35, 39, 90, 92, 30, 82, 79, 34, 9, 26, 15, 5, 10, 28, 1, 13, 36, 65, 84, 69, 77, 18, 12, 74, 75, 0, 3, 66, 6, 67, 72, 4, 70, 64, 7, 78, 73, 68, 2], [106, 60, 114, 100, 50, 29, 89, 86, 42, 57, 62, 107, 59, 93, 22, 80, 83, 56, 116, 37, 11, 14, 63, 47, 124, 99, 115, 91, 111, 46, 51, 71, 123, 52, 69, 48, 97, 110, 44, 125, 27, 55, 61, 49, 9, 16, 24, 113, 32, 76, 53, 58, 105, 81, 104, 120, 126, 119, 54, 31, 117, 127, 118, 122, 41, 38, 40, 45, 102, 121, 20, 108, 79, 103, 43, 109, 112, 19, 101, 94, 98, 39, 28, 35, 26, 33, 95, 96, 5, 88, 23, 25, 2, 30, 34, 12, 90, 82, 92, 21, 75, 85, 67, 1, 0, 4, 36, 17, 6, 18, 84, 74, 87, 13, 77, 8, 15, 10, 7, 72, 70, 3, 66, 78, 65, 64, 73, 68], [106, 60, 100, 115, 114, 89, 29, 83, 14, 86, 93, 42, 11, 71, 80, 27, 9, 50, 22, 25, 69, 110, 2, 67, 76, 1, 91, 4, 24, 62, 0, 16, 6, 53, 61, 116, 57, 3, 111, 37, 85, 21, 26, 97, 122, 113, 125, 7, 63, 118, 51, 127, 90, 77, 119, 19, 55, 35, 47, 17, 105, 123, 117, 75, 112, 52, 81, 95, 54, 64, 43, 108, 44, 120, 48, 78, 49, 18, 87, 46, 13, 88, 59, 98, 101, 96, 38, 92, 20, 45, 34, 40, 58, 121, 104, 68, 84, 124, 23, 103, 28, 94, 79, 102, 10, 107, 31, 73, 65, 70, 32, 41, 126, 56, 39, 33, 12, 99, 72, 109, 36, 74, 30, 15, 8, 82, 66, 5], [103, 126, 29, 82, 99, 85, 15, 76, 73, 71, 112, 90, 3, 5, 24, 105, 35, 93, 96, 97, 57, 23, 120, 87, 21, 61, 54, 18, 81, 119, 84, 17, 33, 26, 80, 49, 67, 115, 106, 64, 116, 83, 88, 50, 79, 16, 111, 78, 28, 101, 19, 12, 9, 121, 13, 127, 1, 69, 114, 25, 65, 34, 91, 7, 122, 89, 118, 74, 8, 32, 53, 110, 62, 20, 86, 14, 104, 11, 92, 4, 98, 117, 63, 40, 59, 51, 102, 10, 22, 27, 55, 31, 66, 41, 38, 77, 36, 43, 56, 123, 94, 58, 125, 100, 52, 70, 47, 107, 39, 42, 95, 46, 60, 6, 44, 75, 37, 30, 124, 109, 72, 68, 48, 113, 108, 45, 2, 0], [103, 126, 29, 99, 15, 85, 82, 76, 73, 71, 112, 3, 5, 90, 96, 24, 26, 1, 16, 27, 21, 9, 114, 119, 67, 57, 64, 84, 74, 11, 19, 93, 78, 79, 81, 23, 120, 88, 65, 14, 97, 101, 61, 91, 49, 33, 18, 98, 104, 105, 116, 6, 50, 43, 87, 8, 69, 92, 55, 32, 106, 7, 2, 30, 121, 94, 117, 13, 34, 125, 12, 54, 25, 56, 28, 80, 70, 75, 41, 68, 66, 127, 83, 36, 20, 115, 110, 10, 22, 17, 102, 100, 63, 122, 4, 51, 118, 39, 86, 58, 59, 113, 0, 108, 111, 35, 62, 77, 124, 60, 37, 72, 46, 44, 45, 89, 107, 31, 95, 53, 109, 48, 42, 123, 40, 38, 47, 52], [103, 126, 35, 49, 112, 29, 90, 114, 99, 56, 26, 85, 88, 24, 120, 93, 82, 116, 84, 119, 121, 96, 115, 46, 86, 63, 55, 117, 41, 57, 15, 60, 54, 110, 43, 32, 111, 122, 106, 62, 74, 59, 127, 101, 76, 16, 125, 52, 61, 104, 50, 118, 22, 124, 102, 123, 58, 107, 105, 108, 47, 51, 53, 97, 23, 73, 71, 40, 34, 113, 109, 77, 2, 48, 27, 42, 36, 11, 83, 0, 21, 37, 19, 44, 33, 18, 45, 98, 20, 38, 14, 100, 5, 8, 3, 95, 4, 78, 25, 66, 79, 91, 75, 39, 94, 68, 92, 80, 31, 28, 89, 72, 67, 87, 30, 1, 13, 81, 10, 64, 17, 69, 7, 65, 70, 12, 9, 6], [103, 126, 29, 85, 24, 82, 76, 90, 15, 112, 93, 99, 120, 26, 73, 71, 74, 35, 88, 127, 119, 41, 98, 21, 23, 3, 115, 5, 13, 111, 116, 121, 78, 57, 54, 96, 92, 16, 62, 49, 34, 63, 61, 91, 36, 14, 114, 55, 60, 104, 84, 117, 25, 30, 56, 32, 18, 33, 118, 106, 27, 50, 83, 28, 53, 51, 31, 79, 110, 86, 67, 52, 43, 87, 97, 17, 122, 19, 105, 101, 8, 47, 125, 12, 42, 102, 81, 46, 58, 20, 22, 77, 107, 108, 7, 123, 89, 48, 1, 95, 40, 94, 59, 38, 113, 124, 11, 100, 80, 44, 37, 45, 68, 72, 9, 109, 64, 10, 65, 66, 75, 39, 4, 6, 69, 70, 0, 2], [45, 109, 55, 58, 111, 59, 57, 63, 124, 52, 47, 116, 46, 125, 115, 119, 61, 53, 114, 48, 62, 51, 113, 38, 123, 60, 126, 50, 54, 117, 121, 112, 102, 122, 106, 49, 118, 120, 101, 127, 107, 36, 110, 42, 56, 43, 108, 33, 44, 28, 105, 29, 104, 41, 40, 103, 26, 39, 92, 99, 97, 37, 96, 98, 87, 34, 31, 100, 21, 35, 86, 32, 91, 30, 23, 95, 24, 18, 94, 89, 90, 27, 12, 84, 93, 25, 85, 78, 88, 22, 20, 82, 81, 17, 80, 7, 15, 11, 76, 9, 14, 79, 73, 16, 19, 83, 71, 75, 13, 69, 4, 68, 70, 74, 5, 2, 77, 65, 66, 8, 3, 10, 6, 1, 0, 64, 67, 72], [58, 45, 38, 47, 94, 55, 59, 89, 95, 60, 124, 112, 109, 111, 33, 57, 52, 115, 28, 35, 127, 87, 46, 113, 61, 92, 123, 51, 117, 122, 49, 118, 116, 63, 53, 54, 125, 101, 96, 50, 119, 121, 62, 105, 126, 110, 48, 41, 114, 120, 107, 86, 106, 43, 42, 44, 40, 108, 104, 56, 85, 36, 16, 37, 19, 98, 82, 103, 23, 20, 39, 12, 34, 84, 18, 91, 100, 15, 93, 81, 32, 22, 27, 99, 97, 102, 9, 11, 31, 29, 24, 78, 17, 25, 90, 7, 26, 88, 21, 71, 30, 79, 75, 14, 73, 76, 4, 77, 69, 5, 2, 13, 83, 68, 74, 1, 80, 66, 65, 10, 64, 0, 6, 8, 70, 67, 3, 72], [45, 109, 47, 52, 38, 101, 53, 60, 58, 94, 61, 115, 92, 59, 62, 46, 126, 23, 34, 116, 28, 111, 51, 119, 118, 108, 87, 33, 54, 57, 50, 112, 110, 63, 49, 85, 127, 123, 113, 117, 48, 30, 42, 44, 114, 89, 21, 41, 122, 103, 36, 40, 102, 55, 121, 120, 43, 35, 39, 107, 125, 37, 106, 104, 29, 105, 124, 99, 95, 100, 56, 93, 27, 96, 26, 97, 31, 78, 12, 32, 25, 24, 98, 16, 80, 18, 9, 88, 91, 86, 73, 82, 90, 81, 7, 20, 22, 84, 17, 11, 76, 83, 79, 19, 14, 75, 15, 69, 77, 71, 6, 74, 66, 10, 68, 4, 5, 2, 70, 67, 13, 0, 3, 72, 65, 64, 1, 8], [45, 38, 58, 19, 89, 94, 13, 59, 16, 74, 109, 35, 70, 87, 8, 3, 47, 6, 33, 67, 95, 30, 52, 111, 0, 55, 64, 72, 124, 1, 85, 77, 92, 84, 17, 65, 88, 69, 15, 10, 5, 81, 23, 21, 83, 82, 80, 28, 22, 20, 27, 78, 115, 25, 4, 31, 66, 76, 9, 11, 90, 32, 101, 2, 18, 75, 79, 37, 14, 96, 57, 126, 71, 63, 73, 12, 26, 68, 7, 29, 86, 98, 34, 24, 39, 91, 93, 108, 50, 125, 122, 61, 62, 105, 44, 104, 103, 116, 60, 100, 118, 121, 36, 97, 43, 99, 112, 120, 117, 51, 54, 40, 49, 56, 107, 123, 42, 106, 41, 113, 48, 53, 110, 119, 114, 127, 46, 102], [40, 50, 109, 98, 126, 29, 51, 84, 23, 80, 13, 18, 71, 73, 53, 75, 26, 56, 47, 90, 104, 2, 87, 66, 4, 111, 72, 93, 69, 68, 112, 39, 86, 94, 70, 1, 20, 0, 120, 11, 22, 19, 65, 74, 30, 103, 101, 64, 5, 25, 96, 59, 43, 119, 60, 16, 67, 89, 34, 76, 31, 77, 8, 36, 95, 38, 78, 117, 57, 113, 108, 100, 32, 6, 62, 121, 27, 45, 105, 124, 127, 7, 102, 21, 88, 33, 55, 97, 48, 15, 85, 99, 41, 118, 44, 28, 110, 83, 91, 35, 92, 58, 63, 10, 52, 12, 61, 46, 42, 17, 24, 115, 116, 82, 3, 123, 114, 81, 37, 107, 14, 9, 54, 122, 125, 49, 106, 79], [40, 126, 29, 98, 109, 87, 47, 39, 50, 23, 93, 84, 20, 75, 36, 90, 125, 58, 52, 124, 26, 59, 13, 121, 119, 56, 54, 115, 117, 53, 81, 18, 57, 108, 118, 34, 17, 103, 31, 122, 88, 120, 104, 63, 60, 127, 61, 107, 111, 105, 97, 110, 72, 44, 21, 51, 42, 46, 48, 24, 15, 32, 116, 123, 41, 45, 94, 70, 30, 43, 114, 49, 112, 99, 55, 106, 113, 80, 37, 38, 62, 85, 35, 100, 25, 92, 22, 101, 95, 79, 96, 102, 33, 14, 77, 27, 19, 83, 11, 4, 89, 28, 12, 91, 16, 86, 6, 82, 8, 76, 78, 10, 74, 73, 66, 9, 1, 68, 2, 65, 7, 3, 71, 5, 64, 69, 0, 67], [40, 126, 98, 109, 29, 60, 84, 90, 51, 87, 93, 124, 47, 23, 80, 50, 26, 18, 75, 59, 54, 34, 117, 36, 39, 88, 20, 119, 118, 53, 121, 13, 63, 114, 58, 103, 22, 123, 125, 127, 37, 55, 44, 122, 52, 45, 46, 111, 56, 115, 105, 21, 48, 104, 110, 107, 62, 120, 94, 92, 102, 61, 96, 108, 57, 112, 30, 38, 91, 49, 113, 43, 72, 70, 24, 12, 116, 35, 41, 42, 106, 97, 89, 86, 32, 31, 99, 100, 101, 16, 17, 85, 28, 79, 19, 33, 25, 73, 81, 82, 76, 15, 27, 95, 83, 14, 78, 4, 11, 10, 9, 6, 74, 8, 3, 69, 68, 67, 7, 77, 5, 71, 65, 1, 66, 2, 0, 64], [40, 51, 98, 29, 126, 13, 80, 18, 87, 84, 72, 23, 90, 4, 75, 93, 96, 26, 70, 60, 10, 73, 88, 124, 52, 19, 94, 121, 56, 125, 71, 54, 86, 30, 119, 81, 65, 117, 20, 109, 47, 59, 122, 77, 28, 50, 53, 111, 46, 16, 3, 61, 104, 105, 127, 112, 63, 74, 108, 78, 64, 15, 101, 68, 32, 39, 7, 91, 5, 89, 95, 97, 79, 67, 82, 11, 83, 58, 8, 118, 41, 22, 123, 106, 14, 2, 115, 120, 33, 76, 6, 62, 31, 34, 48, 69, 49, 113, 55, 116, 27, 12, 38, 9, 21, 100, 36, 44, 37, 110, 25, 57, 43, 92, 45, 17, 1, 103, 99, 24, 35, 66, 85, 102, 114, 42, 0, 107], [113, 115, 105, 57, 49, 63, 124, 53, 119, 34, 30, 39, 112, 48, 56, 127, 123, 61, 58, 45, 59, 117, 60, 116, 52, 120, 122, 62, 47, 27, 38, 118, 110, 107, 37, 108, 54, 121, 55, 94, 51, 125, 46, 111, 106, 85, 126, 44, 88, 114, 99, 104, 109, 87, 101, 90, 42, 43, 89, 36, 25, 24, 19, 103, 78, 18, 28, 40, 50, 92, 23, 41, 100, 35, 80, 83, 91, 22, 98, 33, 102, 31, 93, 21, 32, 14, 97, 26, 74, 95, 96, 6, 17, 16, 82, 65, 29, 12, 76, 20, 70, 81, 66, 64, 67, 72, 8, 10, 3, 0, 69, 86, 15, 11, 1, 2, 5, 13, 7, 68, 9, 75, 77, 4, 79, 73, 71, 84], [115, 61, 105, 113, 34, 30, 50, 124, 121, 120, 37, 38, 48, 63, 57, 126, 122, 53, 55, 112, 119, 27, 123, 49, 56, 59, 92, 60, 101, 62, 58, 127, 52, 46, 47, 45, 39, 118, 90, 110, 107, 44, 85, 111, 54, 125, 94, 116, 117, 108, 109, 103, 99, 87, 25, 114, 51, 40, 106, 41, 42, 33, 43, 89, 88, 104, 93, 96, 80, 32, 23, 91, 35, 36, 19, 31, 95, 102, 100, 98, 82, 78, 29, 28, 83, 21, 26, 18, 16, 97, 24, 22, 70, 17, 74, 6, 14, 64, 76, 0, 65, 20, 66, 1, 3, 69, 12, 86, 8, 81, 67, 2, 5, 10, 13, 72, 11, 15, 7, 9, 71, 4, 79, 68, 84, 73, 77, 75], [105, 113, 61, 57, 34, 115, 22, 20, 27, 30, 55, 41, 24, 17, 63, 53, 80, 13, 37, 59, 74, 38, 82, 18, 15, 11, 124, 123, 21, 12, 19, 7, 56, 51, 97, 121, 122, 70, 88, 26, 62, 47, 49, 103, 75, 99, 117, 9, 90, 116, 106, 31, 95, 36, 52, 127, 119, 60, 23, 58, 71, 10, 118, 39, 120, 89, 100, 46, 72, 112, 33, 45, 83, 111, 2, 6, 91, 50, 44, 3, 28, 48, 29, 14, 114, 126, 109, 101, 77, 93, 40, 85, 107, 54, 104, 84, 64, 110, 102, 16, 73, 81, 96, 76, 66, 42, 32, 25, 108, 87, 86, 92, 79, 68, 78, 94, 5, 69, 43, 1, 98, 4, 125, 35, 65, 8, 0, 67], [105, 57, 115, 113, 53, 34, 27, 22, 20, 15, 30, 41, 63, 9, 17, 24, 13, 49, 127, 74, 120, 4, 94, 55, 39, 116, 61, 37, 85, 1, 68, 3, 47, 36, 11, 87, 76, 73, 29, 72, 78, 77, 28, 31, 6, 46, 118, 123, 48, 79, 88, 95, 58, 119, 93, 103, 60, 26, 8, 18, 107, 84, 54, 38, 92, 104, 124, 35, 90, 112, 52, 43, 83, 110, 56, 40, 100, 121, 45, 109, 126, 23, 42, 59, 106, 122, 10, 96, 21, 50, 44, 62, 117, 125, 108, 81, 64, 111, 32, 114, 33, 86, 89, 12, 70, 25, 80, 51, 97, 99, 5, 16, 19, 14, 75, 66, 91, 98, 69, 65, 101, 67, 82, 102, 0, 7, 71, 2], [108, 37, 126, 88, 19, 90, 78, 32, 75, 81, 44, 8, 5, 36, 93, 86, 85, 67, 21, 1, 24, 34, 61, 22, 0, 16, 15, 83, 18, 12, 11, 72, 20, 69, 119, 58, 80, 65, 17, 25, 28, 14, 89, 13, 84, 87, 103, 23, 73, 10, 2, 98, 77, 74, 79, 35, 91, 27, 29, 30, 3, 76, 9, 94, 71, 82, 46, 26, 100, 118, 127, 68, 70, 95, 97, 125, 31, 53, 6, 7, 51, 92, 106, 64, 45, 52, 40, 66, 54, 4, 120, 122, 33, 113, 107, 117, 60, 115, 63, 99, 57, 123, 59, 105, 39, 42, 96, 111, 62, 104, 110, 43, 50, 114, 116, 102, 124, 109, 55, 47, 121, 101, 38, 48, 41, 49, 56, 112], [126, 108, 37, 44, 23, 58, 120, 57, 113, 51, 48, 61, 122, 63, 114, 118, 56, 62, 115, 116, 102, 104, 59, 32, 52, 119, 93, 124, 55, 53, 46, 54, 60, 125, 121, 101, 49, 100, 117, 110, 50, 103, 47, 45, 111, 123, 41, 109, 112, 40, 127, 106, 16, 107, 27, 42, 43, 90, 105, 39, 38, 91, 36, 35, 92, 84, 98, 99, 97, 95, 87, 33, 94, 34, 30, 25, 86, 88, 96, 29, 31, 85, 81, 28, 17, 20, 80, 89, 22, 74, 10, 2, 19, 24, 12, 26, 83, 82, 15, 0, 6, 65, 4, 21, 76, 66, 18, 70, 71, 13, 79, 78, 11, 67, 64, 7, 5, 9, 77, 69, 68, 3, 1, 73, 14, 75, 8, 72], [108, 61, 126, 44, 36, 119, 90, 85, 32, 122, 82, 93, 35, 24, 88, 37, 104, 58, 7, 19, 12, 15, 81, 13, 62, 91, 29, 101, 59, 95, 28, 63, 86, 46, 51, 20, 23, 79, 27, 120, 48, 78, 53, 57, 60, 96, 109, 87, 98, 116, 97, 115, 74, 89, 45, 71, 4, 18, 118, 114, 70, 66, 99, 52, 49, 33, 124, 64, 54, 125, 25, 127, 113, 56, 107, 117, 100, 34, 55, 9, 75, 41, 121, 26, 42, 92, 47, 31, 110, 30, 94, 123, 38, 16, 39, 112, 50, 76, 40, 102, 84, 6, 111, 106, 105, 65, 43, 103, 80, 21, 77, 2, 68, 22, 8, 83, 3, 11, 17, 0, 10, 5, 1, 73, 67, 69, 14, 72], [108, 44, 37, 126, 93, 23, 90, 58, 81, 24, 32, 61, 36, 85, 120, 19, 123, 41, 56, 86, 31, 29, 96, 118, 114, 110, 16, 78, 125, 112, 54, 105, 113, 88, 33, 63, 38, 103, 122, 48, 106, 87, 51, 111, 42, 109, 62, 115, 52, 57, 30, 47, 124, 119, 50, 102, 53, 127, 97, 43, 116, 27, 60, 34, 55, 121, 35, 45, 46, 99, 107, 98, 94, 74, 117, 49, 40, 84, 59, 104, 91, 7, 28, 25, 80, 39, 95, 100, 92, 26, 75, 82, 76, 89, 101, 13, 17, 9, 22, 10, 77, 15, 18, 0, 79, 71, 2, 83, 8, 67, 21, 64, 66, 5, 20, 12, 11, 70, 4, 68, 6, 73, 65, 14, 1, 69, 3, 72], [56, 126, 101, 62, 60, 122, 37, 125, 116, 123, 88, 53, 119, 58, 55, 51, 118, 120, 115, 117, 63, 48, 50, 89, 46, 127, 114, 84, 54, 124, 121, 33, 61, 59, 57, 103, 49, 14, 52, 11, 34, 113, 47, 92, 110, 39, 95, 107, 104, 44, 112, 98, 109, 108, 45, 111, 100, 106, 41, 40, 43, 93, 42, 35, 26, 16, 20, 38, 91, 105, 36, 15, 94, 99, 102, 18, 12, 22, 31, 82, 96, 90, 28, 25, 72, 86, 80, 32, 30, 68, 24, 87, 5, 23, 29, 17, 74, 97, 2, 7, 21, 70, 27, 79, 77, 19, 83, 85, 76, 81, 6, 73, 78, 64, 65, 9, 13, 75, 3, 0, 8, 66, 10, 67, 71, 69, 4, 1], [56, 126, 101, 116, 39, 62, 37, 20, 91, 53, 84, 26, 123, 127, 14, 125, 60, 119, 114, 33, 46, 100, 103, 120, 48, 54, 122, 118, 59, 51, 124, 55, 88, 58, 121, 45, 11, 104, 115, 40, 110, 50, 41, 36, 25, 106, 107, 63, 89, 61, 47, 117, 35, 34, 108, 44, 57, 99, 111, 52, 105, 42, 43, 112, 109, 95, 113, 29, 38, 16, 98, 49, 82, 31, 102, 94, 32, 12, 87, 93, 96, 83, 90, 92, 72, 15, 27, 30, 24, 28, 80, 97, 18, 77, 74, 86, 73, 22, 5, 6, 7, 68, 81, 70, 19, 21, 23, 65, 78, 79, 66, 75, 85, 9, 76, 17, 64, 2, 13, 8, 71, 67, 0, 10, 4, 3, 69, 1], [56, 126, 101, 60, 84, 116, 26, 40, 11, 21, 93, 62, 89, 28, 2, 125, 109, 68, 122, 127, 92, 33, 53, 55, 31, 118, 37, 79, 51, 29, 88, 24, 90, 114, 119, 124, 63, 58, 47, 123, 57, 61, 80, 48, 59, 110, 117, 50, 0, 103, 75, 120, 23, 121, 91, 52, 15, 16, 41, 54, 49, 108, 18, 106, 32, 34, 8, 115, 46, 100, 113, 112, 96, 67, 111, 35, 44, 17, 20, 30, 85, 70, 95, 105, 81, 19, 94, 77, 7, 45, 43, 22, 42, 82, 38, 9, 39, 107, 36, 99, 13, 104, 74, 76, 98, 3, 69, 102, 83, 5, 6, 73, 14, 87, 1, 65, 25, 27, 12, 72, 86, 10, 78, 4, 71, 97, 66, 64], [126, 56, 101, 62, 37, 88, 122, 53, 123, 15, 103, 125, 116, 24, 60, 91, 119, 120, 118, 23, 124, 92, 114, 48, 58, 127, 51, 117, 55, 63, 89, 54, 12, 33, 46, 121, 94, 50, 25, 61, 84, 59, 14, 6, 39, 49, 115, 57, 113, 52, 44, 47, 100, 11, 90, 45, 110, 18, 34, 112, 111, 20, 9, 99, 107, 17, 36, 105, 87, 7, 109, 40, 108, 95, 81, 98, 72, 22, 96, 104, 42, 102, 26, 35, 3, 28, 38, 106, 31, 32, 5, 86, 93, 68, 41, 79, 30, 82, 43, 80, 27, 16, 70, 97, 29, 74, 19, 64, 65, 76, 21, 66, 85, 1, 67, 8, 78, 2, 77, 73, 10, 4, 83, 75, 0, 71, 13, 69], [120, 109, 104, 124, 34, 123, 127, 59, 27, 89, 58, 60, 30, 52, 56, 125, 114, 86, 91, 54, 126, 118, 78, 121, 61, 113, 53, 62, 29, 45, 51, 50, 88, 119, 63, 40, 35, 110, 122, 84, 116, 94, 117, 19, 25, 49, 42, 55, 57, 112, 48, 43, 46, 107, 111, 47, 39, 115, 37, 106, 100, 108, 105, 41, 36, 10, 101, 103, 96, 44, 102, 99, 33, 21, 38, 18, 97, 26, 32, 31, 92, 28, 98, 87, 90, 95, 15, 22, 93, 17, 20, 16, 82, 14, 23, 85, 83, 9, 69, 80, 79, 24, 12, 76, 74, 13, 81, 73, 64, 5, 65, 77, 1, 6, 11, 7, 75, 4, 71, 68, 70, 72, 2, 67, 0, 8, 66, 3], [120, 109, 104, 123, 52, 58, 30, 127, 121, 59, 54, 124, 60, 122, 126, 61, 114, 112, 53, 56, 125, 117, 118, 45, 62, 51, 116, 113, 63, 110, 89, 107, 50, 49, 119, 57, 48, 78, 55, 115, 111, 46, 106, 47, 43, 42, 105, 34, 38, 108, 102, 25, 44, 18, 87, 41, 40, 101, 39, 100, 99, 103, 37, 94, 36, 98, 91, 35, 97, 27, 96, 88, 10, 33, 86, 32, 93, 28, 31, 95, 19, 85, 29, 82, 92, 90, 16, 84, 22, 26, 23, 74, 14, 21, 64, 20, 65, 83, 69, 1, 79, 15, 80, 76, 6, 17, 0, 5, 9, 24, 12, 81, 4, 3, 70, 66, 2, 67, 13, 11, 7, 71, 68, 73, 8, 75, 72, 77], [104, 120, 34, 88, 109, 17, 13, 75, 15, 7, 9, 86, 84, 92, 66, 71, 91, 2, 124, 11, 85, 19, 30, 69, 5, 4, 27, 40, 45, 22, 74, 0, 98, 68, 20, 64, 81, 82, 77, 24, 83, 79, 18, 80, 87, 29, 73, 26, 21, 76, 70, 107, 1, 14, 23, 94, 3, 72, 93, 90, 35, 8, 25, 123, 16, 47, 12, 6, 89, 56, 65, 116, 67, 78, 10, 59, 127, 46, 63, 31, 96, 54, 28, 95, 32, 97, 113, 106, 58, 52, 42, 99, 100, 101, 126, 55, 118, 43, 33, 37, 36, 112, 60, 105, 122, 125, 121, 114, 62, 117, 115, 49, 38, 110, 108, 61, 50, 39, 57, 53, 48, 102, 51, 103, 44, 119, 41, 111], [109, 104, 120, 34, 123, 78, 27, 59, 88, 116, 30, 112, 54, 86, 84, 52, 127, 125, 10, 121, 89, 40, 29, 18, 58, 126, 124, 60, 91, 114, 55, 56, 46, 113, 50, 61, 87, 122, 53, 62, 25, 110, 115, 26, 98, 45, 118, 63, 117, 119, 49, 19, 43, 48, 15, 51, 39, 42, 57, 100, 47, 36, 97, 90, 35, 106, 108, 38, 32, 28, 96, 107, 99, 101, 14, 31, 44, 102, 33, 111, 94, 17, 16, 9, 37, 105, 41, 92, 95, 23, 93, 103, 83, 82, 13, 22, 21, 76, 85, 20, 24, 80, 4, 6, 74, 79, 69, 12, 0, 2, 75, 73, 72, 11, 7, 81, 5, 71, 64, 1, 77, 70, 68, 65, 67, 8, 66, 3]], "model.layers.17.self_attn.k_proj": [[42, 36, 114, 60, 86, 93, 91, 80, 83, 89, 11, 63, 14, 19, 124, 119, 0, 53, 125, 46, 9, 69, 113, 111, 59, 25, 56, 54, 120, 126, 76, 50, 47, 44, 57, 115, 123, 118, 127, 116, 117, 32, 45, 43, 15, 2, 33, 71, 62, 51, 48, 122, 101, 121, 110, 49, 4, 55, 108, 41, 52, 24, 103, 104, 66, 106, 40, 105, 112, 58, 102, 90, 74, 98, 107, 1, 109, 39, 97, 18, 30, 77, 61, 5, 35, 88, 12, 34, 31, 100, 87, 95, 38, 81, 37, 20, 23, 17, 99, 28, 21, 6, 96, 72, 82, 70, 8, 92, 27, 26, 84, 94, 10, 79, 85, 65, 78, 7, 67, 13, 68, 29, 3, 64, 22, 16, 73, 75], [126, 39, 93, 85, 15, 82, 24, 1, 76, 5, 73, 71, 64, 48, 112, 74, 26, 50, 3, 120, 116, 96, 35, 121, 119, 117, 77, 118, 57, 115, 110, 105, 41, 16, 113, 114, 63, 60, 97, 54, 55, 42, 125, 46, 56, 52, 43, 49, 6, 29, 84, 34, 4, 40, 59, 122, 66, 61, 32, 27, 123, 62, 53, 90, 47, 75, 124, 99, 19, 51, 107, 127, 72, 87, 78, 38, 86, 109, 44, 111, 58, 37, 70, 100, 108, 23, 45, 104, 101, 25, 14, 83, 22, 11, 36, 106, 89, 13, 68, 95, 28, 69, 33, 81, 94, 2, 17, 102, 98, 31, 91, 92, 0, 30, 80, 20, 10, 8, 88, 9, 65, 67, 18, 21, 7, 103, 12, 79], [109, 58, 102, 30, 59, 8, 45, 13, 74, 19, 25, 86, 16, 70, 3, 97, 89, 65, 99, 28, 23, 0, 46, 32, 49, 47, 69, 36, 127, 121, 12, 126, 94, 115, 18, 15, 62, 91, 51, 84, 118, 53, 61, 120, 111, 107, 63, 116, 35, 77, 117, 48, 125, 11, 114, 83, 43, 101, 20, 87, 9, 110, 24, 27, 57, 106, 50, 52, 54, 68, 78, 4, 98, 123, 112, 113, 124, 122, 56, 29, 105, 17, 44, 37, 55, 119, 85, 31, 42, 60, 34, 7, 108, 104, 71, 64, 41, 39, 103, 40, 2, 100, 80, 90, 81, 6, 66, 26, 93, 82, 21, 5, 10, 96, 14, 88, 95, 75, 33, 79, 72, 92, 67, 73, 22, 76, 1, 38], [104, 126, 34, 50, 51, 115, 93, 23, 84, 26, 114, 13, 80, 111, 18, 45, 75, 56, 124, 59, 53, 70, 105, 72, 48, 127, 65, 119, 4, 58, 81, 73, 122, 64, 55, 57, 125, 103, 118, 94, 123, 3, 49, 60, 121, 99, 63, 2, 30, 117, 61, 10, 109, 110, 106, 32, 120, 22, 46, 14, 29, 24, 108, 113, 7, 38, 62, 36, 12, 107, 87, 116, 92, 112, 95, 42, 52, 102, 41, 28, 44, 54, 90, 25, 39, 101, 83, 19, 31, 71, 100, 47, 86, 43, 91, 37, 21, 96, 35, 15, 27, 89, 76, 33, 98, 5, 97, 85, 78, 88, 17, 79, 9, 67, 69, 82, 1, 6, 0, 74, 77, 16, 8, 20, 68, 11, 66, 40], [41, 98, 57, 115, 113, 94, 24, 51, 11, 20, 15, 91, 13, 22, 17, 61, 27, 55, 49, 9, 63, 68, 62, 59, 85, 26, 25, 72, 127, 56, 53, 123, 19, 116, 6, 114, 101, 35, 99, 107, 7, 18, 102, 48, 80, 108, 28, 122, 109, 65, 104, 54, 87, 125, 16, 60, 118, 8, 84, 117, 66, 74, 47, 103, 82, 97, 43, 121, 111, 93, 120, 78, 45, 33, 119, 42, 52, 58, 44, 105, 110, 124, 112, 96, 36, 50, 40, 46, 100, 76, 126, 3, 32, 73, 95, 5, 106, 29, 77, 31, 64, 39, 92, 90, 0, 67, 37, 79, 75, 89, 21, 23, 69, 70, 12, 83, 88, 71, 38, 81, 34, 2, 86, 10, 30, 14, 4, 1], [44, 126, 86, 101, 108, 100, 96, 61, 29, 58, 78, 90, 57, 19, 8, 51, 63, 119, 75, 120, 62, 81, 55, 125, 5, 124, 114, 47, 117, 116, 59, 122, 118, 123, 53, 16, 67, 60, 46, 74, 111, 56, 52, 112, 115, 110, 54, 0, 50, 121, 49, 88, 106, 127, 48, 109, 113, 23, 34, 65, 104, 42, 85, 99, 105, 39, 45, 98, 9, 107, 43, 41, 27, 66, 83, 40, 103, 82, 25, 38, 4, 70, 35, 13, 36, 102, 1, 94, 92, 28, 30, 73, 31, 26, 20, 93, 33, 95, 77, 97, 2, 68, 89, 15, 24, 7, 3, 17, 91, 12, 21, 79, 76, 84, 64, 18, 6, 72, 71, 32, 22, 80, 37, 11, 10, 87, 14, 69], [126, 37, 56, 22, 97, 62, 51, 125, 122, 123, 59, 119, 61, 60, 53, 116, 127, 58, 118, 50, 63, 48, 121, 120, 117, 124, 52, 49, 57, 112, 114, 55, 113, 54, 92, 47, 104, 115, 46, 94, 111, 27, 109, 110, 44, 42, 108, 45, 107, 103, 38, 93, 33, 43, 106, 39, 105, 41, 89, 82, 40, 35, 102, 101, 80, 84, 36, 98, 96, 99, 88, 86, 28, 34, 19, 77, 79, 100, 91, 32, 95, 30, 74, 90, 25, 3, 29, 9, 31, 7, 5, 85, 87, 26, 17, 23, 15, 81, 64, 16, 83, 21, 76, 24, 14, 65, 75, 72, 12, 6, 18, 78, 13, 2, 68, 4, 73, 71, 20, 11, 8, 70, 10, 66, 67, 1, 69, 0], [120, 40, 45, 86, 98, 123, 54, 27, 109, 60, 17, 59, 127, 113, 94, 58, 7, 88, 61, 13, 126, 52, 56, 117, 114, 62, 63, 9, 15, 53, 121, 118, 119, 122, 48, 75, 34, 116, 110, 66, 57, 55, 49, 124, 50, 51, 115, 112, 111, 46, 43, 47, 125, 84, 19, 103, 42, 78, 44, 26, 10, 107, 18, 5, 39, 106, 89, 102, 65, 108, 64, 36, 31, 105, 41, 93, 16, 101, 38, 87, 21, 95, 69, 8, 6, 99, 67, 4, 35, 30, 33, 37, 72, 90, 28, 97, 96, 24, 100, 76, 20, 32, 11, 12, 29, 104, 85, 92, 23, 68, 80, 83, 3, 71, 70, 81, 91, 0, 25, 82, 77, 79, 14, 1, 74, 73, 22, 2]], "model.layers.17.self_attn.qk_proj": [[126, 120, 109, 58, 44, 114, 56, 60, 115, 45, 113, 108, 104, 29, 57, 42, 61, 51, 50, 59, 41, 40, 106, 55, 119, 22, 118, 123, 49, 34, 105, 124, 125, 116, 93, 87, 112, 86, 127, 62, 117, 90, 111, 24, 94, 98, 53, 63, 27, 80, 37, 16, 52, 47, 30, 89, 23, 100, 25, 26, 54, 121, 39, 88, 18, 91, 83, 13, 85, 82, 75, 101, 122, 19, 48, 21, 103, 77, 110, 35, 84, 11, 20, 15, 36, 73, 79, 17, 99, 102, 32, 96, 43, 107, 9, 46, 78, 81, 14, 92, 76, 72, 38, 12, 97, 69, 7, 8, 5, 74, 71, 3, 28, 6, 64, 67, 33, 10, 65, 1, 70, 0, 4, 95, 68, 66, 31, 2], [126, 120, 109, 56, 44, 58, 114, 60, 115, 45, 113, 108, 29, 57, 104, 42, 61, 59, 50, 51, 40, 106, 123, 41, 22, 119, 55, 118, 49, 105, 124, 125, 34, 86, 93, 53, 112, 47, 98, 87, 116, 37, 127, 111, 63, 90, 24, 94, 54, 52, 27, 101, 39, 62, 30, 26, 16, 25, 121, 80, 48, 23, 91, 18, 83, 103, 110, 100, 82, 35, 89, 13, 117, 21, 88, 85, 79, 19, 122, 20, 77, 11, 75, 36, 32, 84, 46, 102, 96, 99, 73, 78, 15, 9, 107, 76, 17, 92, 81, 97, 14, 43, 12, 72, 69, 5, 38, 74, 65, 71, 7, 10, 67, 8, 28, 0, 70, 33, 64, 1, 68, 3, 6, 31, 66, 4, 95, 2], [126, 120, 109, 56, 58, 44, 114, 60, 115, 45, 113, 108, 29, 104, 61, 42, 57, 51, 40, 59, 50, 106, 41, 55, 22, 123, 105, 124, 118, 119, 34, 86, 93, 90, 49, 125, 112, 98, 116, 127, 62, 39, 52, 26, 87, 27, 16, 121, 63, 47, 24, 100, 37, 101, 25, 94, 117, 30, 111, 53, 80, 91, 18, 122, 103, 48, 89, 54, 88, 82, 23, 32, 19, 83, 99, 85, 36, 15, 102, 35, 20, 21, 13, 77, 84, 79, 11, 73, 75, 110, 43, 96, 92, 46, 65, 9, 1, 17, 64, 5, 3, 78, 107, 70, 76, 14, 81, 97, 10, 8, 67, 74, 0, 33, 7, 38, 69, 12, 72, 71, 28, 4, 2, 6, 31, 68, 66, 95], [126, 120, 109, 58, 56, 44, 114, 60, 113, 115, 45, 108, 104, 29, 61, 57, 42, 51, 50, 40, 59, 41, 119, 106, 55, 49, 123, 105, 125, 118, 22, 34, 116, 124, 62, 52, 90, 93, 63, 53, 98, 39, 122, 86, 127, 94, 47, 87, 112, 16, 117, 121, 100, 27, 30, 37, 111, 85, 101, 25, 48, 80, 24, 88, 26, 54, 91, 18, 23, 15, 103, 89, 36, 19, 21, 110, 82, 35, 46, 102, 77, 20, 96, 84, 75, 79, 83, 13, 32, 99, 73, 43, 11, 67, 92, 17, 10, 65, 76, 70, 5, 78, 81, 14, 74, 9, 3, 1, 12, 64, 107, 97, 8, 0, 69, 38, 33, 7, 72, 6, 68, 28, 71, 4, 66, 2, 31, 95], [126, 120, 109, 58, 56, 44, 114, 60, 115, 113, 45, 108, 61, 57, 104, 42, 50, 59, 51, 29, 41, 40, 106, 123, 119, 105, 55, 124, 116, 62, 22, 49, 118, 34, 90, 47, 125, 86, 93, 98, 127, 112, 111, 87, 122, 39, 94, 63, 27, 16, 80, 117, 24, 100, 53, 88, 37, 89, 18, 121, 91, 52, 23, 48, 19, 83, 26, 82, 30, 25, 15, 54, 85, 77, 75, 20, 13, 35, 103, 110, 101, 102, 46, 84, 79, 21, 11, 36, 43, 9, 73, 3, 96, 78, 14, 17, 76, 81, 70, 32, 99, 8, 1, 10, 67, 92, 107, 7, 5, 69, 12, 97, 74, 0, 65, 6, 72, 64, 71, 28, 33, 68, 4, 38, 66, 31, 2, 95], [126, 120, 109, 56, 58, 44, 114, 60, 115, 113, 45, 108, 104, 29, 61, 57, 50, 42, 51, 59, 41, 40, 55, 22, 106, 123, 105, 49, 119, 124, 34, 116, 125, 118, 62, 86, 93, 87, 127, 63, 16, 98, 90, 27, 94, 24, 37, 80, 117, 47, 18, 112, 39, 111, 53, 88, 91, 85, 30, 13, 89, 19, 82, 26, 48, 122, 83, 121, 23, 54, 25, 84, 35, 15, 100, 79, 110, 75, 103, 77, 20, 21, 52, 101, 11, 46, 17, 102, 99, 96, 36, 9, 81, 97, 14, 12, 78, 73, 92, 32, 8, 10, 74, 107, 76, 43, 70, 5, 69, 7, 72, 71, 33, 65, 67, 28, 38, 1, 3, 64, 0, 6, 31, 95, 4, 68, 2, 66], [126, 120, 109, 58, 56, 44, 60, 114, 115, 113, 45, 108, 29, 57, 42, 104, 51, 61, 50, 106, 40, 59, 41, 123, 22, 55, 119, 124, 49, 105, 118, 34, 127, 125, 86, 87, 93, 24, 27, 53, 94, 47, 116, 90, 80, 37, 88, 62, 89, 111, 16, 98, 25, 63, 83, 121, 52, 19, 18, 84, 112, 117, 91, 122, 15, 54, 30, 26, 77, 39, 100, 23, 48, 75, 21, 82, 85, 110, 101, 13, 46, 35, 20, 36, 103, 102, 11, 99, 79, 96, 17, 14, 81, 78, 9, 12, 32, 73, 92, 10, 107, 76, 97, 43, 8, 33, 7, 28, 38, 69, 74, 72, 5, 3, 71, 1, 0, 31, 70, 67, 65, 68, 6, 64, 4, 95, 66, 2], [126, 120, 109, 58, 44, 56, 60, 114, 115, 113, 108, 45, 57, 29, 42, 61, 51, 104, 59, 50, 22, 123, 106, 41, 40, 55, 118, 119, 125, 53, 49, 86, 124, 90, 105, 93, 34, 62, 87, 27, 127, 94, 24, 25, 89, 88, 98, 116, 37, 112, 80, 47, 63, 101, 16, 52, 39, 111, 18, 91, 26, 100, 83, 23, 30, 117, 121, 19, 54, 122, 99, 15, 103, 85, 21, 13, 82, 84, 35, 77, 102, 20, 46, 48, 75, 36, 32, 110, 97, 79, 96, 81, 92, 73, 17, 11, 33, 14, 78, 9, 43, 28, 12, 107, 8, 69, 5, 71, 6, 10, 76, 7, 65, 72, 31, 0, 3, 74, 64, 67, 1, 38, 4, 95, 68, 66, 70, 2], [126, 120, 109, 58, 56, 44, 60, 114, 113, 115, 45, 108, 57, 29, 104, 42, 61, 51, 50, 59, 40, 106, 123, 41, 55, 22, 119, 86, 49, 34, 93, 105, 118, 127, 37, 47, 124, 122, 90, 53, 116, 94, 62, 25, 89, 87, 26, 111, 27, 63, 125, 24, 30, 98, 52, 121, 16, 88, 80, 18, 101, 112, 83, 48, 54, 23, 35, 46, 100, 91, 82, 39, 85, 15, 117, 103, 84, 21, 13, 20, 110, 36, 19, 102, 32, 11, 99, 77, 43, 75, 79, 78, 96, 17, 81, 97, 73, 92, 107, 14, 74, 9, 12, 10, 33, 76, 28, 6, 69, 71, 8, 38, 7, 5, 72, 64, 65, 1, 31, 0, 68, 67, 3, 95, 4, 66, 2, 70], [126, 120, 109, 58, 56, 44, 114, 60, 113, 115, 45, 108, 57, 29, 61, 104, 42, 51, 50, 40, 123, 41, 106, 62, 59, 119, 49, 22, 55, 86, 93, 127, 34, 52, 118, 124, 105, 37, 125, 121, 47, 116, 53, 94, 90, 87, 63, 54, 98, 30, 122, 111, 89, 101, 16, 80, 25, 39, 85, 112, 24, 88, 27, 117, 83, 100, 23, 26, 46, 82, 91, 13, 18, 11, 35, 77, 36, 48, 75, 79, 110, 21, 103, 20, 19, 84, 102, 99, 76, 81, 15, 96, 9, 73, 17, 78, 32, 43, 92, 107, 5, 8, 7, 97, 71, 69, 6, 72, 12, 14, 74, 28, 3, 65, 1, 10, 38, 0, 33, 67, 64, 4, 70, 95, 68, 66, 2, 31], [126, 120, 109, 58, 56, 44, 114, 60, 115, 45, 113, 108, 104, 29, 57, 42, 61, 51, 123, 41, 40, 59, 50, 55, 106, 125, 105, 34, 49, 22, 119, 118, 62, 124, 86, 53, 93, 80, 116, 112, 98, 90, 16, 47, 52, 127, 94, 37, 122, 111, 87, 89, 27, 63, 13, 24, 30, 18, 117, 39, 85, 54, 23, 103, 25, 88, 26, 15, 100, 91, 84, 19, 11, 75, 77, 83, 82, 121, 79, 20, 48, 101, 73, 21, 96, 110, 36, 9, 35, 46, 17, 5, 67, 6, 14, 81, 72, 92, 78, 32, 43, 102, 99, 1, 69, 71, 76, 7, 10, 12, 97, 74, 65, 3, 8, 0, 64, 70, 68, 38, 33, 107, 4, 28, 2, 66, 95, 31], [126, 120, 109, 58, 56, 44, 114, 60, 115, 108, 113, 45, 104, 29, 42, 57, 61, 50, 51, 40, 59, 106, 41, 123, 22, 55, 49, 34, 86, 125, 105, 118, 124, 119, 47, 62, 127, 52, 98, 80, 90, 53, 24, 93, 27, 87, 16, 116, 122, 117, 37, 89, 94, 26, 39, 121, 112, 88, 91, 13, 63, 18, 30, 111, 83, 103, 48, 19, 82, 85, 54, 11, 23, 101, 84, 100, 25, 79, 75, 21, 20, 15, 77, 35, 46, 36, 9, 110, 78, 14, 73, 81, 99, 102, 96, 12, 32, 43, 17, 71, 97, 92, 72, 33, 107, 10, 69, 7, 5, 76, 6, 74, 3, 67, 1, 8, 0, 38, 65, 70, 64, 28, 31, 4, 68, 2, 66, 95], [126, 120, 109, 56, 114, 58, 60, 44, 115, 113, 108, 45, 29, 57, 61, 42, 123, 51, 104, 50, 40, 106, 41, 59, 124, 125, 55, 119, 118, 22, 86, 105, 49, 93, 62, 122, 52, 37, 34, 90, 53, 94, 116, 87, 47, 127, 27, 24, 88, 98, 101, 89, 111, 30, 121, 112, 103, 54, 25, 82, 91, 117, 16, 80, 48, 46, 26, 100, 83, 18, 35, 110, 21, 85, 39, 19, 63, 96, 102, 99, 23, 13, 20, 36, 84, 32, 79, 97, 11, 81, 15, 77, 43, 75, 78, 92, 107, 12, 17, 73, 14, 33, 9, 10, 71, 28, 72, 5, 38, 74, 76, 70, 69, 8, 7, 31, 68, 67, 6, 95, 1, 65, 3, 0, 4, 66, 64, 2], [126, 120, 109, 56, 114, 58, 44, 60, 115, 108, 113, 45, 57, 29, 104, 51, 42, 61, 123, 50, 106, 40, 59, 119, 41, 118, 55, 22, 124, 86, 105, 125, 49, 34, 62, 127, 90, 116, 37, 93, 47, 53, 63, 54, 98, 52, 87, 30, 16, 111, 24, 117, 27, 94, 122, 80, 101, 100, 26, 25, 89, 121, 91, 112, 103, 88, 83, 23, 35, 39, 84, 13, 85, 48, 46, 19, 21, 18, 82, 11, 75, 79, 81, 99, 107, 9, 36, 102, 20, 32, 15, 77, 110, 43, 97, 78, 96, 73, 14, 71, 17, 5, 76, 70, 92, 10, 72, 64, 33, 12, 7, 65, 69, 0, 1, 74, 8, 3, 38, 67, 28, 4, 95, 31, 66, 68, 2, 6], [126, 120, 109, 58, 56, 44, 114, 60, 115, 113, 108, 45, 57, 29, 104, 42, 61, 51, 50, 123, 59, 106, 40, 41, 22, 55, 119, 49, 93, 105, 34, 118, 124, 98, 86, 87, 62, 125, 37, 80, 90, 47, 16, 52, 89, 53, 94, 111, 127, 122, 27, 39, 116, 24, 30, 54, 101, 46, 117, 112, 18, 100, 26, 21, 19, 91, 13, 82, 83, 11, 85, 103, 25, 75, 23, 84, 15, 63, 36, 81, 77, 20, 88, 107, 110, 73, 79, 121, 9, 35, 102, 17, 48, 78, 96, 99, 14, 12, 76, 92, 7, 32, 70, 10, 5, 97, 72, 71, 67, 43, 69, 8, 3, 64, 74, 33, 1, 0, 65, 38, 28, 4, 6, 68, 31, 2, 95, 66], [126, 120, 109, 56, 58, 44, 60, 114, 115, 113, 45, 108, 29, 57, 42, 61, 104, 50, 51, 59, 40, 123, 41, 55, 49, 119, 106, 105, 22, 34, 90, 124, 47, 62, 98, 116, 118, 125, 86, 117, 53, 111, 122, 37, 52, 127, 103, 30, 112, 24, 93, 94, 87, 26, 46, 54, 80, 39, 101, 16, 27, 63, 82, 25, 85, 13, 88, 19, 110, 91, 83, 89, 100, 11, 121, 18, 15, 75, 73, 21, 84, 36, 35, 23, 48, 77, 20, 79, 9, 102, 99, 96, 107, 81, 92, 78, 10, 12, 32, 14, 72, 76, 70, 17, 33, 69, 97, 43, 7, 67, 3, 8, 71, 65, 74, 38, 0, 1, 5, 64, 6, 28, 68, 4, 66, 95, 31, 2], [126, 120, 109, 114, 56, 44, 58, 60, 115, 108, 113, 45, 29, 57, 61, 42, 104, 51, 50, 40, 106, 123, 41, 59, 55, 49, 119, 118, 22, 86, 34, 105, 124, 62, 94, 52, 93, 116, 98, 125, 111, 90, 37, 47, 30, 53, 27, 117, 87, 127, 101, 39, 24, 122, 54, 63, 80, 112, 88, 25, 26, 91, 100, 89, 19, 82, 46, 48, 16, 21, 13, 85, 83, 103, 84, 35, 23, 121, 18, 96, 79, 102, 15, 36, 11, 110, 107, 99, 92, 20, 32, 75, 17, 12, 77, 81, 33, 43, 73, 78, 97, 9, 14, 10, 64, 69, 28, 71, 38, 76, 72, 74, 8, 5, 7, 65, 70, 67, 1, 0, 3, 95, 31, 4, 6, 2, 68, 66], [126, 120, 109, 58, 114, 44, 56, 60, 115, 113, 108, 45, 29, 57, 104, 42, 61, 51, 50, 106, 40, 123, 41, 59, 119, 55, 22, 49, 34, 105, 118, 93, 86, 62, 124, 125, 47, 111, 98, 90, 94, 52, 122, 26, 37, 116, 117, 87, 24, 63, 27, 30, 39, 53, 80, 112, 88, 85, 16, 89, 101, 127, 25, 91, 121, 100, 82, 18, 54, 83, 13, 110, 103, 46, 19, 23, 36, 11, 20, 102, 21, 35, 15, 32, 48, 99, 96, 12, 75, 79, 84, 77, 9, 92, 73, 17, 107, 81, 97, 78, 14, 43, 71, 33, 7, 69, 5, 74, 8, 72, 28, 38, 64, 67, 10, 1, 3, 0, 76, 65, 6, 70, 31, 68, 4, 66, 2, 95], [126, 120, 109, 58, 44, 60, 56, 114, 115, 113, 45, 108, 57, 104, 29, 61, 42, 51, 50, 40, 59, 123, 41, 124, 106, 119, 62, 22, 105, 49, 34, 118, 55, 37, 93, 47, 116, 52, 94, 98, 111, 90, 125, 87, 53, 122, 39, 100, 86, 127, 30, 112, 54, 121, 27, 80, 25, 26, 101, 117, 24, 18, 103, 35, 63, 16, 88, 110, 36, 89, 46, 23, 21, 83, 82, 91, 102, 85, 96, 19, 15, 75, 11, 48, 84, 13, 20, 99, 107, 79, 81, 73, 77, 32, 38, 92, 17, 97, 9, 12, 43, 76, 14, 78, 8, 1, 74, 71, 67, 6, 10, 5, 64, 7, 3, 69, 72, 28, 33, 65, 0, 70, 95, 68, 66, 31, 4, 2], [126, 120, 109, 58, 56, 114, 44, 60, 115, 113, 45, 108, 29, 57, 61, 104, 42, 51, 50, 40, 59, 41, 123, 22, 119, 106, 124, 49, 34, 55, 105, 118, 62, 125, 93, 98, 116, 52, 86, 94, 90, 37, 111, 112, 63, 47, 53, 16, 101, 87, 121, 127, 30, 25, 24, 27, 54, 26, 91, 80, 100, 103, 23, 122, 82, 89, 110, 18, 39, 48, 11, 85, 88, 83, 21, 19, 96, 46, 13, 117, 35, 84, 102, 15, 75, 107, 77, 99, 20, 36, 79, 92, 73, 81, 32, 14, 17, 9, 78, 97, 74, 76, 33, 10, 12, 8, 6, 5, 71, 43, 1, 7, 72, 38, 67, 28, 69, 65, 64, 3, 0, 95, 4, 70, 68, 31, 66, 2], [126, 120, 109, 58, 56, 114, 44, 60, 115, 113, 45, 108, 29, 104, 61, 42, 57, 51, 40, 50, 59, 123, 106, 49, 41, 55, 22, 62, 119, 124, 34, 118, 86, 105, 52, 125, 90, 93, 94, 116, 37, 63, 98, 53, 16, 47, 24, 87, 80, 117, 112, 111, 39, 30, 54, 26, 27, 91, 89, 88, 101, 82, 25, 23, 121, 48, 103, 13, 21, 85, 83, 127, 18, 100, 84, 20, 19, 110, 75, 11, 77, 36, 96, 79, 122, 102, 107, 46, 32, 15, 99, 35, 9, 17, 81, 92, 73, 12, 33, 43, 78, 14, 76, 10, 6, 71, 8, 97, 74, 7, 5, 72, 3, 28, 69, 0, 65, 1, 67, 38, 64, 31, 95, 70, 4, 68, 66, 2], [126, 120, 109, 58, 56, 114, 44, 60, 113, 115, 45, 108, 104, 29, 51, 61, 57, 42, 40, 106, 59, 50, 41, 62, 123, 119, 105, 124, 55, 118, 34, 49, 125, 86, 52, 22, 37, 87, 98, 93, 116, 47, 90, 121, 53, 63, 112, 111, 94, 117, 89, 16, 39, 24, 27, 127, 26, 88, 30, 110, 54, 122, 18, 80, 91, 101, 23, 83, 85, 48, 102, 82, 25, 21, 100, 20, 96, 19, 35, 13, 77, 46, 11, 36, 84, 107, 99, 17, 15, 79, 75, 92, 103, 12, 32, 33, 73, 81, 43, 0, 9, 78, 14, 67, 65, 64, 1, 5, 8, 10, 69, 72, 97, 6, 74, 76, 38, 71, 7, 28, 3, 4, 70, 31, 2, 68, 66, 95], [126, 120, 109, 58, 56, 44, 114, 60, 115, 113, 45, 108, 61, 29, 104, 57, 51, 42, 40, 50, 59, 123, 106, 41, 118, 62, 55, 22, 124, 119, 105, 49, 116, 86, 34, 93, 37, 98, 111, 94, 87, 90, 125, 53, 30, 117, 47, 112, 16, 121, 110, 52, 39, 54, 127, 27, 100, 103, 122, 91, 88, 63, 26, 101, 18, 89, 80, 24, 48, 19, 83, 20, 25, 82, 23, 21, 35, 36, 85, 107, 46, 77, 13, 99, 84, 102, 11, 32, 79, 96, 92, 75, 15, 17, 9, 12, 73, 33, 78, 81, 14, 43, 69, 3, 8, 97, 76, 7, 74, 10, 28, 38, 1, 65, 5, 6, 64, 68, 70, 71, 72, 0, 67, 31, 66, 95, 4, 2], [126, 120, 109, 56, 58, 114, 44, 60, 115, 113, 108, 45, 29, 104, 61, 42, 57, 51, 123, 50, 40, 106, 59, 41, 62, 22, 49, 118, 119, 55, 105, 124, 34, 116, 93, 47, 125, 86, 87, 98, 37, 63, 90, 52, 94, 111, 53, 30, 80, 91, 117, 24, 121, 88, 39, 16, 26, 18, 122, 127, 112, 100, 48, 27, 89, 19, 54, 101, 46, 85, 25, 110, 82, 20, 11, 83, 103, 15, 75, 23, 21, 36, 102, 35, 84, 77, 107, 96, 13, 79, 32, 73, 17, 92, 14, 76, 9, 99, 7, 12, 97, 81, 78, 8, 69, 43, 10, 38, 70, 33, 74, 5, 28, 71, 72, 67, 1, 0, 3, 65, 64, 68, 6, 95, 4, 31, 66, 2], [126, 120, 109, 58, 56, 44, 114, 60, 115, 113, 45, 108, 57, 29, 104, 42, 61, 51, 40, 123, 50, 106, 59, 41, 22, 55, 119, 105, 49, 118, 62, 34, 124, 93, 125, 86, 87, 121, 52, 47, 98, 39, 90, 116, 94, 37, 26, 111, 24, 63, 89, 127, 112, 117, 16, 54, 27, 18, 80, 30, 91, 82, 53, 88, 83, 122, 101, 100, 48, 23, 19, 21, 85, 77, 15, 20, 110, 75, 11, 13, 25, 84, 103, 35, 96, 36, 73, 17, 46, 79, 102, 9, 81, 76, 107, 92, 78, 32, 99, 74, 14, 12, 70, 43, 71, 7, 5, 72, 8, 69, 97, 10, 3, 38, 28, 67, 65, 33, 1, 64, 0, 4, 6, 31, 68, 95, 2, 66], [126, 120, 109, 56, 58, 44, 114, 60, 115, 113, 45, 108, 29, 104, 57, 42, 61, 123, 51, 50, 59, 40, 106, 119, 41, 49, 22, 118, 124, 105, 55, 34, 63, 62, 125, 121, 86, 116, 52, 90, 98, 93, 53, 87, 47, 24, 94, 54, 37, 39, 117, 101, 27, 26, 30, 127, 89, 111, 122, 112, 18, 48, 80, 16, 88, 91, 100, 25, 83, 35, 84, 23, 82, 19, 96, 36, 46, 110, 13, 21, 75, 85, 9, 102, 107, 103, 15, 11, 99, 92, 20, 77, 79, 73, 43, 76, 32, 97, 14, 17, 33, 78, 81, 74, 28, 38, 7, 10, 71, 5, 72, 70, 69, 12, 8, 67, 1, 65, 64, 0, 31, 95, 3, 68, 6, 66, 4, 2], [126, 120, 109, 58, 44, 56, 114, 60, 115, 108, 45, 113, 29, 104, 42, 57, 61, 51, 123, 50, 59, 40, 106, 119, 41, 124, 55, 118, 62, 125, 34, 22, 105, 90, 86, 53, 49, 116, 93, 94, 127, 52, 122, 37, 98, 47, 63, 117, 39, 112, 87, 111, 27, 54, 103, 30, 121, 101, 100, 48, 25, 88, 89, 18, 23, 24, 16, 26, 80, 83, 110, 91, 36, 84, 35, 99, 75, 82, 20, 21, 19, 46, 107, 13, 96, 43, 77, 102, 15, 85, 9, 11, 32, 17, 7, 79, 97, 14, 92, 78, 81, 73, 76, 33, 38, 72, 67, 74, 12, 69, 5, 70, 28, 3, 71, 31, 8, 64, 65, 10, 0, 1, 6, 68, 4, 95, 2, 66], [126, 120, 109, 58, 56, 44, 114, 60, 115, 113, 45, 108, 29, 104, 57, 42, 61, 51, 50, 40, 59, 106, 123, 41, 62, 22, 124, 118, 119, 49, 105, 55, 116, 87, 86, 47, 93, 34, 125, 122, 94, 121, 111, 98, 117, 63, 52, 37, 112, 90, 127, 30, 39, 80, 18, 24, 53, 16, 27, 89, 54, 26, 25, 101, 91, 83, 100, 13, 75, 84, 23, 19, 88, 82, 21, 48, 96, 110, 11, 35, 15, 79, 20, 36, 85, 77, 102, 107, 73, 99, 32, 9, 17, 81, 103, 46, 12, 14, 76, 78, 74, 10, 7, 5, 92, 97, 72, 1, 43, 69, 67, 71, 8, 64, 33, 6, 3, 65, 38, 70, 0, 4, 28, 68, 66, 95, 31, 2], [126, 120, 109, 58, 56, 44, 114, 60, 115, 113, 45, 108, 29, 61, 104, 57, 42, 40, 50, 51, 59, 123, 41, 106, 22, 49, 124, 105, 62, 55, 119, 118, 34, 86, 125, 63, 98, 47, 93, 116, 94, 111, 87, 30, 37, 90, 122, 16, 127, 112, 39, 27, 52, 100, 24, 117, 54, 80, 96, 91, 82, 101, 25, 26, 121, 89, 88, 18, 53, 110, 75, 46, 103, 83, 13, 85, 79, 48, 23, 19, 21, 35, 84, 36, 77, 11, 15, 102, 20, 73, 9, 43, 107, 14, 99, 81, 72, 76, 5, 92, 17, 32, 1, 74, 78, 97, 64, 65, 12, 10, 8, 0, 7, 3, 69, 6, 71, 38, 67, 33, 70, 28, 4, 66, 68, 95, 31, 2], [126, 120, 109, 56, 58, 44, 114, 115, 60, 113, 45, 108, 29, 104, 61, 51, 42, 57, 59, 50, 123, 40, 41, 106, 22, 118, 105, 49, 124, 119, 55, 34, 125, 86, 116, 93, 98, 87, 94, 47, 63, 53, 90, 127, 52, 37, 30, 117, 80, 24, 111, 112, 39, 62, 16, 54, 27, 121, 26, 82, 88, 25, 75, 83, 91, 13, 21, 100, 23, 89, 101, 18, 35, 48, 79, 96, 85, 77, 110, 122, 84, 46, 20, 11, 15, 19, 73, 103, 99, 36, 92, 107, 76, 14, 9, 78, 81, 43, 102, 97, 12, 17, 32, 72, 5, 6, 7, 10, 33, 74, 28, 69, 71, 8, 67, 3, 38, 1, 64, 65, 0, 70, 31, 4, 68, 2, 95, 66], [126, 120, 109, 56, 114, 58, 44, 115, 60, 113, 45, 108, 104, 29, 61, 42, 50, 57, 51, 123, 59, 40, 41, 106, 49, 118, 119, 55, 124, 105, 116, 22, 34, 125, 86, 52, 63, 112, 98, 62, 47, 30, 94, 87, 111, 127, 93, 39, 90, 37, 54, 101, 121, 27, 24, 26, 16, 53, 80, 100, 117, 122, 103, 91, 82, 23, 89, 48, 18, 96, 88, 85, 25, 75, 35, 13, 84, 15, 110, 19, 21, 9, 36, 73, 77, 83, 20, 79, 7, 11, 107, 99, 46, 14, 5, 6, 76, 102, 81, 32, 92, 78, 43, 12, 69, 17, 10, 97, 8, 74, 67, 72, 64, 0, 33, 65, 1, 71, 38, 3, 28, 4, 95, 68, 70, 31, 66, 2], [126, 120, 109, 44, 56, 114, 58, 60, 115, 108, 113, 45, 29, 104, 57, 61, 42, 51, 50, 59, 40, 41, 106, 22, 123, 55, 118, 116, 119, 125, 124, 34, 86, 105, 49, 62, 87, 93, 47, 98, 94, 37, 127, 111, 90, 27, 39, 53, 30, 80, 100, 24, 16, 52, 63, 117, 121, 112, 122, 26, 25, 19, 101, 91, 88, 54, 13, 23, 82, 75, 18, 48, 35, 89, 83, 85, 21, 15, 110, 84, 77, 79, 96, 20, 11, 103, 9, 73, 14, 46, 76, 36, 102, 107, 97, 43, 32, 99, 81, 92, 78, 7, 17, 6, 69, 12, 72, 8, 74, 28, 33, 38, 71, 5, 10, 67, 31, 1, 95, 68, 3, 4, 65, 64, 0, 70, 66, 2]], "model.layers.18.self_attn.q_proj": [[39, 52, 112, 113, 32, 26, 87, 85, 121, 49, 29, 90, 74, 79, 116, 70, 77, 20, 53, 93, 82, 80, 46, 44, 23, 125, 119, 0, 75, 57, 98, 124, 18, 55, 61, 68, 111, 3, 48, 60, 54, 123, 115, 110, 62, 106, 65, 126, 19, 7, 117, 107, 84, 99, 118, 38, 56, 96, 120, 42, 47, 43, 9, 50, 109, 8, 2, 40, 51, 58, 11, 105, 21, 17, 25, 97, 41, 101, 59, 102, 122, 35, 24, 45, 6, 127, 63, 89, 104, 94, 33, 37, 30, 114, 100, 28, 108, 66, 22, 34, 14, 86, 36, 31, 88, 27, 92, 83, 103, 15, 69, 91, 10, 95, 81, 5, 16, 76, 71, 72, 1, 78, 12, 73, 67, 13, 4, 64], [39, 113, 52, 110, 112, 49, 29, 46, 87, 85, 32, 116, 90, 53, 26, 80, 93, 60, 83, 92, 77, 125, 115, 108, 23, 44, 123, 79, 21, 31, 121, 98, 119, 56, 111, 88, 58, 8, 48, 124, 107, 61, 105, 122, 42, 101, 18, 74, 118, 126, 62, 100, 25, 57, 55, 33, 63, 104, 106, 97, 45, 43, 24, 70, 117, 54, 99, 35, 38, 41, 82, 89, 47, 114, 120, 59, 50, 40, 109, 51, 127, 102, 36, 86, 68, 12, 11, 28, 17, 78, 91, 96, 94, 37, 15, 22, 34, 84, 9, 95, 30, 20, 7, 76, 19, 13, 27, 72, 75, 6, 16, 81, 73, 14, 2, 4, 64, 71, 65, 3, 69, 10, 0, 103, 1, 67, 66, 5], [39, 113, 52, 49, 29, 85, 32, 87, 116, 90, 26, 121, 79, 60, 125, 110, 46, 93, 112, 119, 53, 44, 21, 77, 124, 111, 122, 59, 61, 96, 109, 118, 123, 80, 98, 84, 56, 115, 54, 82, 47, 55, 57, 18, 23, 8, 74, 108, 83, 101, 120, 50, 92, 43, 22, 88, 89, 37, 31, 48, 97, 127, 42, 41, 51, 11, 105, 38, 35, 91, 106, 45, 62, 58, 75, 107, 36, 104, 78, 70, 117, 33, 63, 28, 114, 126, 94, 15, 19, 86, 95, 102, 40, 30, 27, 34, 9, 99, 17, 100, 24, 16, 76, 68, 25, 20, 71, 7, 81, 65, 3, 14, 12, 103, 2, 13, 1, 0, 72, 73, 4, 67, 64, 10, 6, 5, 69, 66], [39, 113, 52, 112, 110, 49, 29, 32, 85, 116, 77, 122, 87, 26, 31, 98, 46, 93, 80, 48, 8, 119, 50, 83, 70, 79, 53, 18, 123, 120, 74, 44, 125, 111, 114, 60, 42, 58, 124, 88, 57, 100, 92, 21, 117, 118, 90, 56, 115, 23, 121, 61, 35, 7, 108, 45, 27, 109, 63, 101, 25, 37, 62, 43, 0, 59, 82, 51, 54, 28, 6, 86, 68, 99, 102, 36, 104, 107, 41, 97, 38, 47, 55, 106, 105, 126, 127, 69, 40, 33, 34, 12, 3, 94, 95, 13, 91, 11, 30, 78, 19, 24, 84, 22, 15, 96, 81, 89, 20, 65, 67, 66, 9, 2, 73, 75, 4, 71, 76, 72, 16, 14, 17, 10, 1, 64, 5, 103], [124, 63, 56, 100, 115, 36, 39, 110, 102, 122, 116, 111, 59, 54, 105, 58, 103, 57, 121, 120, 60, 49, 62, 127, 50, 45, 25, 117, 125, 47, 112, 123, 55, 48, 114, 53, 109, 93, 126, 35, 52, 42, 40, 113, 51, 101, 41, 34, 119, 46, 87, 118, 107, 108, 61, 32, 44, 99, 104, 43, 38, 106, 37, 80, 90, 96, 94, 20, 30, 98, 23, 24, 97, 33, 84, 27, 31, 95, 29, 73, 85, 91, 89, 19, 28, 22, 21, 92, 78, 26, 88, 11, 75, 16, 86, 18, 69, 83, 77, 82, 13, 7, 9, 14, 1, 71, 5, 6, 66, 17, 3, 2, 79, 81, 67, 4, 15, 70, 12, 72, 74, 10, 65, 76, 64, 0, 8, 68], [63, 124, 30, 39, 115, 100, 19, 36, 25, 96, 22, 12, 18, 17, 15, 99, 27, 89, 32, 13, 72, 24, 5, 103, 35, 74, 92, 6, 123, 122, 56, 45, 2, 54, 4, 1, 90, 120, 126, 28, 33, 71, 21, 121, 42, 85, 14, 113, 26, 98, 83, 125, 73, 84, 75, 11, 94, 108, 86, 117, 23, 69, 52, 9, 10, 0, 81, 20, 97, 7, 67, 101, 38, 112, 87, 118, 93, 60, 43, 29, 16, 57, 34, 47, 37, 78, 91, 107, 80, 82, 88, 3, 58, 105, 79, 44, 65, 127, 119, 48, 70, 59, 62, 95, 53, 40, 109, 51, 66, 76, 31, 102, 111, 104, 49, 77, 106, 110, 114, 50, 68, 64, 61, 55, 116, 41, 46, 8], [124, 63, 100, 36, 120, 98, 103, 38, 25, 96, 32, 84, 19, 87, 97, 45, 94, 101, 126, 39, 22, 56, 51, 89, 117, 59, 121, 58, 113, 27, 21, 17, 62, 34, 54, 31, 23, 107, 40, 86, 52, 33, 13, 47, 111, 48, 46, 112, 102, 90, 122, 127, 99, 15, 60, 24, 57, 43, 91, 125, 83, 116, 29, 118, 44, 26, 28, 119, 110, 114, 30, 88, 109, 106, 49, 61, 93, 123, 105, 115, 35, 55, 53, 108, 12, 80, 85, 37, 78, 42, 20, 11, 104, 41, 81, 18, 95, 92, 50, 7, 14, 16, 82, 5, 77, 6, 74, 79, 75, 73, 72, 69, 76, 4, 2, 71, 9, 64, 68, 70, 8, 10, 66, 65, 1, 67, 3, 0], [124, 63, 24, 100, 21, 30, 18, 17, 12, 22, 15, 39, 115, 8, 74, 72, 27, 4, 90, 96, 79, 84, 13, 92, 76, 36, 1, 25, 94, 122, 68, 64, 75, 26, 77, 51, 121, 0, 6, 7, 3, 83, 2, 33, 85, 69, 81, 31, 10, 28, 70, 19, 86, 89, 46, 14, 5, 78, 67, 11, 82, 66, 20, 16, 71, 23, 80, 102, 88, 65, 73, 87, 93, 29, 43, 111, 103, 95, 32, 9, 127, 97, 35, 91, 98, 114, 126, 42, 125, 44, 37, 99, 56, 40, 61, 45, 120, 52, 58, 34, 104, 105, 119, 50, 101, 118, 38, 53, 59, 108, 107, 123, 55, 106, 112, 41, 49, 116, 60, 57, 109, 110, 113, 48, 54, 117, 47, 62], [55, 102, 118, 123, 46, 97, 61, 62, 53, 116, 106, 21, 120, 27, 57, 51, 115, 112, 126, 58, 122, 119, 48, 49, 63, 114, 91, 124, 50, 45, 31, 109, 52, 117, 24, 99, 110, 127, 60, 95, 41, 125, 121, 54, 113, 56, 103, 111, 59, 14, 47, 108, 104, 44, 38, 87, 88, 40, 18, 28, 19, 78, 70, 6, 42, 39, 26, 105, 107, 92, 86, 43, 101, 36, 37, 100, 93, 98, 96, 35, 34, 32, 65, 33, 82, 23, 94, 25, 30, 29, 0, 89, 16, 84, 90, 85, 22, 76, 80, 64, 17, 1, 3, 68, 20, 4, 83, 67, 11, 12, 8, 15, 66, 81, 2, 71, 72, 5, 9, 75, 7, 69, 74, 79, 77, 73, 13, 10], [118, 102, 55, 123, 48, 97, 53, 62, 61, 27, 46, 24, 57, 91, 51, 21, 116, 120, 31, 38, 122, 126, 115, 50, 49, 119, 124, 112, 58, 114, 63, 110, 40, 117, 95, 106, 109, 52, 54, 113, 99, 121, 18, 127, 56, 86, 88, 125, 45, 47, 111, 41, 60, 59, 104, 14, 44, 39, 43, 103, 108, 100, 107, 42, 92, 33, 105, 26, 101, 94, 98, 37, 36, 32, 78, 19, 35, 70, 34, 96, 29, 93, 30, 25, 28, 22, 17, 23, 84, 87, 82, 90, 6, 16, 85, 89, 80, 83, 20, 76, 12, 65, 15, 81, 3, 0, 1, 8, 75, 9, 71, 73, 11, 68, 79, 67, 64, 5, 4, 66, 77, 7, 2, 69, 74, 72, 10, 13], [102, 55, 118, 97, 123, 86, 24, 84, 46, 15, 27, 82, 17, 88, 77, 90, 74, 18, 48, 11, 72, 76, 30, 38, 120, 91, 54, 8, 95, 69, 92, 106, 93, 62, 71, 104, 22, 5, 16, 3, 20, 9, 81, 29, 14, 119, 75, 10, 31, 7, 116, 13, 19, 79, 21, 89, 45, 25, 85, 26, 126, 83, 28, 80, 23, 12, 67, 122, 101, 94, 40, 1, 87, 33, 108, 98, 70, 124, 49, 78, 109, 61, 96, 73, 36, 64, 65, 53, 68, 6, 114, 32, 103, 34, 0, 66, 57, 4, 37, 35, 60, 2, 107, 99, 100, 59, 110, 44, 125, 58, 41, 113, 105, 42, 47, 39, 112, 43, 50, 111, 51, 117, 56, 63, 52, 127, 121, 115], [102, 118, 55, 97, 123, 84, 24, 86, 17, 46, 27, 15, 31, 62, 91, 14, 76, 90, 18, 38, 88, 73, 95, 22, 79, 101, 82, 120, 81, 53, 61, 48, 11, 54, 12, 104, 75, 80, 19, 74, 49, 106, 28, 83, 20, 71, 29, 119, 122, 6, 116, 23, 85, 51, 45, 30, 77, 10, 25, 126, 69, 96, 87, 21, 9, 89, 112, 16, 26, 2, 108, 92, 93, 7, 32, 57, 5, 13, 94, 109, 124, 67, 65, 35, 58, 98, 115, 125, 37, 114, 78, 72, 103, 8, 34, 63, 50, 59, 52, 110, 44, 99, 100, 111, 40, 60, 113, 127, 121, 47, 3, 56, 39, 66, 117, 36, 0, 42, 68, 41, 105, 70, 107, 43, 64, 1, 33, 4], [43, 36, 54, 96, 63, 60, 89, 20, 107, 82, 126, 50, 87, 115, 80, 62, 25, 21, 9, 52, 16, 61, 32, 79, 13, 48, 101, 112, 47, 75, 53, 39, 57, 29, 85, 41, 69, 71, 103, 122, 119, 111, 19, 106, 105, 35, 104, 45, 18, 84, 55, 86, 23, 40, 127, 94, 46, 59, 125, 99, 88, 44, 93, 121, 28, 26, 90, 38, 100, 58, 92, 97, 51, 78, 6, 98, 110, 108, 120, 33, 10, 37, 114, 15, 74, 27, 123, 124, 7, 116, 56, 17, 102, 83, 113, 118, 24, 49, 67, 77, 95, 12, 8, 11, 109, 34, 31, 14, 22, 72, 30, 91, 117, 81, 76, 42, 66, 73, 4, 1, 5, 2, 70, 64, 3, 0, 65, 68], [43, 60, 96, 36, 63, 107, 89, 48, 123, 20, 126, 82, 21, 119, 46, 111, 25, 19, 85, 44, 80, 26, 42, 55, 112, 23, 13, 51, 122, 79, 9, 45, 61, 54, 18, 75, 41, 53, 59, 87, 16, 62, 50, 39, 105, 69, 52, 57, 103, 38, 40, 106, 116, 27, 121, 113, 101, 71, 114, 92, 109, 84, 49, 32, 58, 115, 35, 104, 95, 117, 124, 108, 125, 56, 86, 33, 11, 90, 127, 37, 81, 110, 88, 98, 29, 99, 83, 118, 34, 100, 30, 102, 24, 7, 120, 93, 97, 17, 91, 47, 94, 77, 1, 31, 22, 28, 8, 15, 0, 14, 72, 3, 73, 78, 67, 12, 10, 6, 2, 74, 5, 68, 76, 70, 66, 4, 64, 65], [43, 96, 54, 36, 63, 47, 20, 89, 107, 25, 60, 119, 82, 9, 80, 16, 87, 21, 69, 79, 18, 111, 28, 71, 13, 48, 55, 112, 75, 120, 53, 38, 32, 126, 19, 61, 123, 41, 62, 50, 115, 51, 84, 85, 57, 110, 104, 40, 103, 39, 45, 29, 67, 106, 122, 125, 1, 118, 59, 95, 26, 37, 116, 44, 64, 121, 56, 127, 76, 58, 100, 113, 108, 49, 7, 114, 102, 65, 105, 52, 83, 46, 94, 109, 124, 117, 91, 86, 90, 101, 99, 34, 92, 23, 30, 35, 22, 42, 73, 98, 27, 93, 4, 97, 33, 6, 14, 66, 0, 72, 81, 74, 78, 15, 88, 31, 11, 5, 24, 10, 3, 68, 2, 17, 8, 77, 12, 70], [43, 54, 96, 36, 60, 89, 107, 82, 20, 87, 75, 63, 25, 80, 79, 71, 111, 13, 9, 47, 29, 69, 85, 16, 21, 77, 126, 97, 40, 32, 41, 38, 92, 106, 18, 119, 115, 28, 34, 117, 53, 121, 67, 19, 44, 27, 46, 57, 109, 58, 50, 103, 14, 48, 101, 10, 84, 35, 55, 122, 45, 93, 65, 95, 1, 114, 91, 23, 118, 51, 12, 37, 2, 83, 112, 15, 104, 88, 94, 31, 78, 123, 62, 30, 66, 59, 116, 99, 90, 11, 100, 64, 26, 61, 42, 127, 22, 56, 113, 33, 49, 7, 120, 24, 74, 81, 76, 73, 39, 110, 125, 98, 8, 124, 52, 17, 108, 5, 86, 4, 102, 105, 6, 70, 72, 68, 0, 3], [120, 104, 59, 113, 109, 51, 62, 110, 22, 56, 88, 57, 119, 112, 90, 52, 83, 41, 21, 114, 36, 98, 55, 116, 107, 50, 103, 29, 115, 123, 93, 54, 95, 43, 38, 42, 124, 49, 60, 122, 99, 45, 117, 105, 126, 102, 61, 48, 106, 58, 33, 30, 127, 108, 39, 118, 47, 125, 44, 46, 111, 53, 27, 121, 63, 101, 37, 97, 35, 28, 100, 92, 31, 96, 80, 10, 32, 34, 79, 86, 40, 74, 17, 25, 91, 94, 81, 19, 76, 23, 85, 77, 84, 26, 13, 24, 89, 14, 15, 20, 71, 87, 72, 82, 16, 18, 7, 12, 11, 67, 69, 3, 9, 78, 5, 6, 75, 8, 1, 70, 65, 68, 73, 0, 66, 4, 2, 64], [104, 120, 59, 113, 98, 88, 18, 80, 65, 22, 6, 76, 93, 9, 110, 15, 14, 62, 68, 40, 112, 119, 72, 57, 83, 84, 97, 32, 51, 28, 36, 100, 26, 123, 29, 1, 67, 82, 74, 52, 11, 5, 8, 24, 70, 81, 99, 61, 4, 27, 86, 21, 91, 90, 46, 19, 107, 75, 66, 117, 34, 55, 116, 33, 58, 77, 16, 124, 54, 37, 49, 114, 118, 50, 31, 23, 25, 60, 13, 42, 109, 127, 115, 53, 78, 38, 3, 87, 106, 17, 126, 89, 122, 30, 69, 101, 12, 20, 92, 108, 64, 85, 105, 71, 41, 56, 45, 95, 96, 35, 0, 7, 102, 94, 43, 125, 48, 44, 103, 10, 111, 47, 2, 63, 79, 73, 121, 39], [113, 104, 120, 59, 88, 98, 22, 93, 52, 51, 83, 57, 29, 21, 112, 80, 90, 119, 62, 110, 124, 114, 76, 28, 116, 81, 55, 123, 50, 11, 95, 18, 122, 117, 118, 15, 108, 54, 49, 42, 96, 115, 58, 61, 41, 85, 100, 39, 14, 56, 53, 47, 84, 46, 109, 60, 127, 44, 125, 91, 27, 92, 31, 36, 86, 48, 43, 103, 35, 26, 101, 126, 105, 97, 45, 40, 121, 106, 38, 82, 6, 99, 72, 111, 19, 17, 102, 65, 63, 13, 30, 79, 25, 74, 24, 107, 23, 33, 37, 94, 87, 10, 77, 32, 89, 9, 34, 12, 20, 5, 75, 68, 3, 8, 71, 66, 16, 69, 7, 67, 78, 0, 2, 1, 4, 64, 70, 73], [59, 104, 120, 113, 112, 57, 62, 51, 83, 36, 43, 55, 105, 89, 119, 52, 50, 98, 95, 60, 110, 124, 49, 126, 115, 90, 35, 121, 117, 122, 88, 45, 97, 92, 56, 109, 123, 21, 61, 118, 102, 54, 116, 58, 42, 46, 103, 127, 17, 107, 114, 47, 48, 44, 15, 125, 23, 108, 41, 106, 63, 74, 34, 53, 100, 39, 101, 32, 99, 37, 111, 38, 19, 10, 26, 29, 30, 96, 13, 93, 28, 24, 33, 25, 31, 81, 94, 84, 79, 91, 5, 67, 40, 85, 87, 3, 71, 20, 0, 77, 22, 65, 69, 27, 14, 64, 18, 7, 76, 11, 75, 66, 86, 1, 68, 9, 72, 6, 82, 80, 2, 8, 4, 12, 78, 73, 70, 16], [127, 54, 122, 125, 100, 62, 126, 119, 120, 41, 40, 36, 42, 28, 117, 106, 118, 56, 83, 115, 92, 112, 58, 124, 59, 113, 39, 55, 49, 46, 57, 111, 53, 123, 63, 86, 52, 116, 99, 61, 114, 121, 48, 104, 47, 60, 51, 50, 105, 107, 37, 103, 108, 82, 110, 43, 45, 44, 38, 109, 35, 15, 74, 94, 101, 33, 25, 102, 98, 29, 34, 31, 80, 20, 96, 89, 90, 71, 95, 77, 24, 79, 97, 32, 88, 67, 26, 22, 75, 30, 91, 93, 65, 19, 27, 18, 23, 21, 6, 14, 85, 87, 10, 7, 68, 66, 84, 0, 13, 76, 73, 17, 78, 4, 1, 64, 8, 81, 16, 2, 12, 11, 70, 9, 72, 3, 69, 5], [122, 54, 127, 40, 100, 125, 24, 90, 33, 31, 62, 120, 105, 99, 19, 36, 86, 26, 126, 28, 106, 119, 53, 25, 43, 81, 102, 41, 98, 20, 88, 87, 49, 69, 35, 94, 115, 85, 59, 76, 66, 73, 61, 32, 7, 104, 56, 91, 27, 52, 34, 15, 110, 23, 8, 57, 38, 83, 72, 22, 75, 114, 29, 58, 63, 12, 78, 5, 101, 3, 109, 113, 92, 117, 48, 123, 42, 60, 111, 51, 17, 124, 16, 116, 37, 70, 103, 74, 112, 93, 55, 121, 96, 47, 82, 10, 21, 13, 50, 11, 9, 14, 30, 95, 46, 118, 39, 1, 89, 4, 80, 108, 107, 45, 77, 6, 44, 67, 18, 79, 84, 2, 71, 64, 65, 68, 0, 97], [54, 122, 127, 100, 41, 40, 92, 33, 106, 120, 125, 126, 36, 24, 103, 28, 83, 86, 119, 117, 94, 32, 26, 99, 115, 15, 42, 62, 49, 31, 59, 90, 29, 21, 105, 57, 96, 88, 53, 104, 82, 124, 113, 56, 39, 58, 95, 63, 74, 112, 35, 38, 34, 16, 123, 114, 55, 118, 48, 80, 61, 50, 98, 52, 37, 22, 51, 121, 46, 89, 101, 27, 102, 23, 47, 97, 85, 19, 77, 116, 111, 60, 107, 20, 43, 30, 110, 25, 87, 91, 13, 79, 109, 81, 44, 93, 75, 108, 76, 18, 12, 45, 71, 78, 14, 11, 17, 84, 8, 6, 10, 73, 9, 66, 4, 67, 72, 65, 7, 0, 69, 68, 70, 1, 64, 3, 5, 2], [127, 122, 54, 100, 41, 40, 126, 86, 26, 33, 28, 120, 15, 36, 42, 43, 117, 119, 96, 125, 83, 106, 49, 53, 57, 59, 21, 92, 118, 39, 124, 38, 115, 88, 103, 62, 107, 56, 24, 58, 35, 19, 114, 46, 108, 95, 112, 61, 37, 48, 105, 110, 81, 52, 123, 47, 63, 55, 113, 102, 17, 104, 50, 60, 111, 97, 116, 31, 99, 34, 98, 121, 51, 101, 44, 30, 22, 45, 13, 84, 109, 82, 32, 74, 77, 10, 94, 29, 11, 18, 93, 90, 89, 91, 87, 78, 27, 23, 14, 71, 20, 7, 85, 25, 79, 80, 75, 16, 67, 76, 72, 73, 8, 6, 4, 66, 1, 65, 12, 68, 9, 0, 64, 3, 70, 69, 2, 5], [105, 98, 117, 86, 96, 28, 53, 20, 52, 116, 25, 41, 94, 38, 80, 126, 109, 56, 63, 119, 123, 45, 111, 82, 19, 14, 44, 83, 62, 118, 71, 75, 120, 89, 77, 87, 115, 54, 78, 8, 49, 21, 112, 79, 23, 48, 51, 10, 50, 58, 57, 102, 61, 30, 46, 55, 59, 37, 39, 124, 27, 114, 125, 6, 107, 100, 127, 16, 43, 40, 93, 31, 35, 101, 104, 29, 60, 103, 121, 26, 42, 97, 110, 2, 85, 122, 4, 95, 113, 106, 17, 33, 36, 99, 47, 108, 9, 90, 34, 24, 22, 91, 88, 84, 18, 7, 32, 64, 81, 1, 92, 76, 12, 11, 15, 67, 68, 13, 73, 70, 0, 74, 66, 3, 65, 72, 5, 69], [105, 98, 96, 86, 20, 117, 82, 53, 75, 25, 41, 123, 79, 80, 52, 77, 63, 8, 116, 28, 94, 6, 126, 10, 16, 118, 89, 2, 119, 112, 4, 59, 62, 56, 45, 115, 44, 91, 111, 3, 109, 11, 57, 120, 13, 30, 88, 84, 26, 23, 54, 48, 97, 7, 51, 38, 17, 93, 50, 22, 74, 127, 67, 29, 114, 83, 18, 0, 58, 14, 31, 95, 102, 21, 61, 85, 78, 70, 39, 76, 104, 81, 19, 40, 107, 55, 92, 36, 15, 5, 24, 60, 64, 101, 125, 35, 121, 124, 106, 27, 113, 68, 87, 32, 1, 37, 90, 33, 72, 43, 49, 47, 110, 73, 34, 69, 99, 66, 65, 9, 103, 46, 122, 12, 42, 100, 108, 71], [105, 98, 86, 96, 117, 82, 8, 53, 79, 25, 63, 20, 75, 80, 4, 77, 41, 94, 2, 64, 123, 62, 6, 89, 48, 116, 118, 0, 115, 52, 72, 28, 66, 1, 29, 68, 13, 126, 16, 71, 69, 70, 87, 44, 85, 10, 112, 30, 65, 51, 109, 45, 11, 59, 119, 56, 57, 50, 88, 5, 18, 7, 24, 26, 93, 19, 111, 120, 35, 22, 78, 17, 15, 127, 21, 84, 3, 74, 76, 58, 39, 114, 12, 9, 100, 92, 60, 106, 23, 73, 14, 83, 102, 99, 67, 27, 40, 38, 121, 55, 31, 95, 91, 97, 61, 49, 101, 113, 122, 36, 124, 34, 81, 47, 33, 37, 90, 46, 54, 110, 32, 125, 107, 42, 103, 104, 43, 108], [105, 98, 20, 28, 96, 25, 86, 82, 41, 117, 53, 123, 80, 94, 63, 116, 77, 75, 52, 118, 79, 126, 115, 16, 59, 56, 44, 8, 89, 111, 62, 119, 10, 50, 57, 17, 120, 48, 109, 112, 51, 71, 45, 127, 84, 18, 12, 13, 30, 38, 22, 23, 6, 91, 95, 31, 55, 83, 78, 81, 76, 88, 54, 27, 61, 60, 19, 39, 74, 93, 46, 33, 124, 24, 104, 106, 7, 49, 34, 37, 26, 114, 58, 4, 102, 43, 107, 122, 11, 99, 15, 9, 2, 125, 87, 97, 14, 85, 92, 36, 90, 29, 21, 110, 101, 72, 100, 32, 35, 121, 40, 42, 68, 103, 70, 113, 69, 108, 47, 3, 1, 0, 64, 66, 5, 73, 65, 67], [112, 105, 113, 125, 110, 41, 114, 89, 126, 104, 117, 54, 61, 27, 84, 127, 57, 59, 58, 56, 107, 123, 30, 91, 99, 48, 52, 51, 46, 111, 49, 108, 47, 55, 120, 92, 42, 115, 101, 119, 53, 94, 122, 43, 109, 23, 118, 44, 116, 62, 86, 25, 121, 124, 106, 50, 63, 60, 34, 102, 36, 45, 39, 37, 100, 40, 98, 33, 38, 35, 103, 90, 21, 97, 32, 15, 96, 28, 82, 95, 88, 31, 79, 18, 80, 29, 93, 81, 26, 87, 85, 17, 20, 22, 24, 83, 13, 12, 19, 78, 3, 14, 76, 69, 74, 75, 65, 77, 16, 11, 10, 9, 8, 71, 72, 73, 6, 5, 70, 7, 67, 68, 66, 1, 2, 4, 64, 0], [105, 112, 86, 30, 41, 84, 91, 80, 82, 78, 27, 76, 98, 99, 89, 94, 126, 113, 9, 10, 7, 110, 61, 114, 74, 34, 25, 52, 71, 35, 127, 14, 58, 125, 20, 49, 23, 109, 88, 67, 54, 69, 57, 59, 3, 123, 56, 117, 19, 47, 13, 46, 62, 5, 22, 111, 18, 108, 81, 48, 51, 118, 55, 77, 116, 17, 21, 85, 16, 107, 43, 120, 115, 119, 37, 79, 40, 32, 73, 50, 122, 92, 11, 60, 93, 24, 102, 83, 53, 124, 65, 63, 28, 121, 15, 106, 8, 4, 104, 97, 36, 44, 87, 64, 42, 45, 90, 12, 95, 38, 39, 29, 26, 103, 33, 75, 31, 101, 96, 72, 100, 2, 70, 66, 0, 1, 6, 68], [112, 105, 86, 91, 41, 30, 84, 25, 27, 58, 126, 89, 15, 62, 80, 113, 106, 82, 33, 111, 114, 110, 17, 127, 116, 104, 52, 124, 78, 94, 83, 117, 76, 49, 61, 46, 48, 39, 125, 59, 92, 57, 11, 56, 107, 10, 85, 47, 98, 36, 99, 54, 13, 51, 35, 123, 45, 7, 87, 60, 101, 23, 32, 119, 63, 108, 18, 22, 29, 6, 121, 120, 115, 44, 12, 109, 71, 55, 93, 21, 97, 40, 43, 96, 118, 20, 95, 72, 34, 16, 37, 31, 53, 122, 28, 42, 88, 50, 26, 38, 103, 90, 69, 2, 9, 79, 24, 102, 81, 100, 64, 14, 19, 67, 68, 75, 74, 5, 77, 8, 73, 4, 66, 1, 70, 65, 0, 3], [105, 112, 30, 84, 86, 89, 41, 98, 126, 82, 48, 113, 118, 123, 110, 25, 80, 35, 85, 45, 31, 91, 99, 52, 54, 94, 88, 61, 125, 78, 27, 58, 115, 9, 59, 127, 92, 116, 109, 117, 39, 114, 33, 17, 57, 12, 60, 32, 49, 121, 95, 76, 108, 6, 40, 73, 56, 111, 47, 74, 120, 18, 103, 51, 62, 26, 97, 79, 55, 53, 122, 75, 20, 106, 63, 19, 22, 107, 104, 93, 90, 119, 13, 42, 28, 124, 102, 46, 21, 3, 100, 101, 43, 50, 44, 83, 23, 37, 4, 36, 10, 87, 96, 72, 38, 24, 15, 14, 29, 34, 11, 16, 81, 77, 68, 1, 71, 69, 70, 67, 5, 8, 7, 65, 0, 66, 2, 64]], "model.layers.18.self_attn.k_proj": [[113, 52, 103, 110, 96, 93, 90, 87, 85, 18, 80, 112, 77, 49, 55, 44, 124, 74, 48, 119, 54, 79, 118, 53, 20, 70, 121, 57, 46, 62, 105, 61, 86, 56, 125, 51, 43, 34, 111, 116, 8, 126, 127, 109, 120, 115, 64, 123, 50, 47, 108, 117, 41, 58, 0, 68, 65, 59, 107, 102, 63, 45, 122, 42, 114, 9, 60, 40, 106, 104, 38, 19, 7, 83, 99, 37, 101, 2, 3, 30, 28, 76, 36, 98, 95, 1, 4, 92, 78, 81, 88, 97, 35, 33, 75, 25, 5, 11, 94, 100, 12, 24, 91, 89, 27, 73, 31, 66, 17, 69, 14, 72, 84, 16, 22, 15, 29, 67, 13, 71, 23, 21, 26, 82, 32, 6, 39, 10], [63, 124, 36, 22, 120, 15, 30, 17, 74, 103, 12, 56, 72, 18, 13, 54, 4, 32, 27, 24, 117, 62, 60, 51, 122, 64, 107, 46, 121, 2, 44, 58, 126, 21, 47, 118, 59, 109, 28, 61, 69, 57, 114, 45, 10, 39, 38, 119, 113, 79, 50, 53, 49, 55, 43, 48, 116, 40, 19, 125, 115, 108, 42, 123, 127, 106, 105, 110, 104, 8, 112, 52, 111, 41, 102, 1, 25, 100, 37, 97, 67, 26, 101, 34, 7, 76, 29, 33, 35, 96, 95, 98, 90, 99, 71, 6, 85, 93, 91, 78, 94, 73, 31, 75, 82, 92, 23, 84, 88, 80, 3, 20, 87, 11, 5, 81, 14, 9, 83, 86, 16, 0, 89, 66, 77, 65, 68, 70], [55, 118, 38, 123, 33, 86, 91, 24, 61, 62, 48, 15, 116, 53, 18, 95, 119, 126, 120, 122, 17, 112, 102, 115, 109, 77, 49, 51, 57, 84, 124, 117, 63, 114, 110, 21, 11, 45, 52, 90, 31, 46, 50, 74, 104, 19, 44, 113, 54, 58, 121, 76, 125, 111, 127, 60, 37, 59, 56, 105, 108, 7, 3, 16, 103, 30, 5, 107, 42, 23, 78, 35, 47, 8, 106, 43, 41, 1, 39, 94, 27, 40, 9, 100, 99, 36, 32, 6, 14, 93, 98, 64, 20, 89, 101, 29, 72, 82, 34, 87, 12, 28, 96, 88, 25, 75, 26, 92, 85, 79, 66, 71, 83, 13, 80, 22, 10, 69, 4, 73, 67, 81, 68, 97, 2, 70, 65, 0], [107, 60, 100, 32, 89, 54, 47, 87, 20, 80, 63, 82, 75, 21, 9, 43, 53, 79, 126, 13, 69, 71, 1, 117, 111, 118, 29, 51, 64, 121, 61, 2, 57, 67, 52, 0, 50, 62, 114, 102, 115, 127, 124, 92, 48, 122, 125, 49, 56, 34, 103, 7, 41, 40, 77, 105, 119, 46, 108, 58, 45, 110, 120, 116, 94, 123, 42, 112, 37, 86, 113, 39, 44, 30, 3, 27, 109, 59, 38, 101, 81, 55, 104, 91, 19, 28, 31, 90, 106, 11, 22, 26, 78, 99, 85, 33, 35, 98, 72, 83, 95, 93, 4, 14, 70, 68, 8, 74, 97, 17, 6, 76, 15, 10, 66, 88, 25, 24, 12, 5, 18, 16, 23, 73, 65, 36, 96, 84], [40, 120, 59, 34, 22, 113, 29, 49, 90, 14, 80, 119, 31, 51, 9, 88, 56, 112, 57, 18, 76, 52, 6, 83, 118, 123, 110, 117, 68, 124, 109, 61, 116, 50, 58, 62, 43, 60, 98, 115, 54, 122, 55, 114, 102, 72, 53, 46, 127, 95, 125, 45, 65, 101, 0, 108, 126, 121, 63, 47, 28, 105, 111, 48, 99, 107, 82, 91, 81, 44, 16, 39, 106, 42, 79, 41, 103, 36, 89, 30, 2, 21, 66, 23, 38, 37, 32, 27, 11, 96, 75, 13, 17, 97, 35, 86, 100, 67, 71, 33, 92, 94, 74, 24, 85, 69, 3, 25, 73, 84, 5, 20, 78, 15, 104, 64, 87, 26, 10, 93, 77, 7, 70, 12, 1, 8, 4, 19], [122, 54, 127, 36, 97, 120, 125, 124, 86, 53, 62, 119, 126, 57, 118, 104, 121, 49, 58, 56, 117, 113, 48, 112, 50, 51, 52, 123, 59, 42, 26, 60, 114, 115, 55, 43, 116, 61, 63, 39, 47, 105, 106, 41, 111, 46, 94, 81, 110, 93, 28, 109, 38, 29, 107, 40, 19, 45, 100, 108, 24, 44, 30, 15, 83, 73, 103, 69, 27, 33, 67, 21, 82, 99, 102, 75, 87, 101, 76, 4, 25, 6, 8, 23, 88, 65, 34, 37, 91, 85, 98, 32, 78, 16, 64, 31, 35, 90, 12, 92, 20, 13, 0, 17, 95, 96, 10, 89, 66, 71, 84, 14, 22, 80, 79, 77, 18, 7, 2, 11, 72, 74, 1, 5, 70, 9, 68, 3], [41, 53, 34, 25, 63, 30, 52, 79, 86, 80, 117, 126, 20, 75, 32, 8, 48, 10, 77, 51, 82, 108, 116, 47, 45, 59, 123, 109, 118, 6, 4, 2, 56, 50, 64, 120, 119, 62, 1, 105, 113, 9, 40, 57, 71, 55, 111, 106, 61, 83, 28, 87, 18, 54, 14, 29, 114, 31, 67, 69, 70, 110, 127, 103, 23, 92, 44, 46, 58, 35, 36, 124, 74, 21, 0, 94, 122, 102, 37, 66, 115, 90, 121, 3, 33, 81, 107, 88, 24, 93, 39, 49, 112, 101, 97, 100, 125, 78, 60, 104, 91, 12, 38, 13, 5, 85, 42, 22, 43, 17, 73, 27, 26, 76, 19, 98, 15, 11, 84, 95, 96, 72, 99, 65, 7, 68, 16, 89], [41, 112, 48, 94, 86, 113, 35, 27, 82, 110, 80, 89, 126, 84, 78, 49, 105, 61, 52, 125, 58, 59, 76, 9, 114, 115, 111, 123, 54, 50, 34, 57, 127, 117, 51, 91, 109, 60, 108, 62, 98, 10, 45, 7, 116, 47, 118, 56, 55, 5, 63, 119, 120, 53, 96, 46, 121, 124, 107, 1, 81, 37, 43, 40, 36, 44, 88, 122, 102, 101, 16, 39, 106, 79, 12, 100, 30, 67, 97, 104, 21, 83, 42, 38, 31, 103, 32, 33, 13, 93, 29, 95, 8, 87, 99, 24, 26, 28, 17, 69, 23, 75, 15, 11, 14, 64, 90, 92, 74, 19, 20, 6, 18, 85, 71, 72, 25, 77, 68, 66, 22, 70, 73, 4, 2, 3, 65, 0]], "model.layers.18.self_attn.qk_proj": [[113, 112, 63, 124, 55, 118, 41, 54, 122, 52, 120, 59, 60, 105, 107, 127, 53, 43, 123, 36, 86, 48, 22, 102, 110, 117, 126, 25, 62, 49, 30, 84, 100, 89, 29, 51, 119, 82, 40, 18, 20, 16, 80, 96, 38, 57, 116, 15, 61, 115, 56, 46, 79, 109, 77, 34, 125, 94, 47, 23, 58, 50, 98, 27, 26, 114, 24, 45, 104, 39, 103, 121, 111, 85, 32, 21, 92, 88, 87, 93, 13, 42, 91, 8, 10, 75, 11, 90, 81, 72, 76, 74, 19, 31, 44, 97, 9, 17, 33, 95, 37, 14, 35, 108, 12, 83, 106, 28, 78, 73, 7, 71, 6, 101, 0, 99, 64, 69, 5, 2, 70, 65, 67, 68, 1, 3, 4, 66], [113, 112, 63, 124, 55, 118, 54, 41, 52, 120, 122, 59, 60, 105, 107, 127, 43, 53, 123, 86, 102, 36, 22, 117, 110, 48, 49, 25, 126, 100, 89, 30, 29, 84, 62, 18, 116, 82, 16, 15, 40, 119, 94, 46, 20, 57, 96, 56, 51, 79, 47, 61, 38, 80, 77, 104, 58, 125, 103, 50, 39, 34, 26, 27, 23, 24, 115, 87, 109, 98, 114, 85, 21, 88, 92, 32, 13, 42, 8, 10, 93, 45, 121, 90, 111, 81, 97, 74, 75, 11, 91, 35, 28, 83, 44, 9, 12, 76, 19, 95, 31, 106, 108, 72, 17, 6, 69, 37, 78, 14, 33, 99, 0, 101, 71, 64, 7, 67, 73, 65, 66, 68, 1, 4, 70, 2, 5, 3], [113, 112, 63, 124, 55, 118, 54, 41, 122, 52, 120, 59, 105, 60, 107, 127, 43, 53, 123, 22, 86, 36, 48, 102, 126, 110, 25, 117, 49, 30, 29, 100, 89, 84, 51, 94, 62, 56, 82, 40, 104, 116, 47, 18, 20, 119, 79, 109, 38, 96, 58, 39, 57, 16, 27, 125, 15, 80, 26, 61, 103, 114, 23, 98, 115, 46, 50, 34, 45, 24, 85, 87, 77, 13, 88, 121, 90, 91, 8, 32, 21, 42, 92, 111, 75, 93, 11, 10, 19, 6, 33, 81, 106, 44, 64, 28, 31, 97, 108, 83, 35, 12, 95, 76, 72, 9, 14, 74, 0, 37, 2, 101, 7, 69, 65, 17, 78, 67, 73, 3, 1, 66, 5, 4, 68, 71, 70, 99], [113, 112, 63, 124, 55, 54, 118, 41, 52, 120, 122, 59, 60, 105, 107, 127, 53, 43, 123, 36, 117, 48, 22, 102, 126, 110, 49, 86, 25, 62, 51, 116, 89, 47, 82, 58, 100, 56, 30, 125, 119, 96, 46, 29, 20, 61, 18, 15, 94, 79, 57, 84, 39, 16, 115, 40, 103, 80, 38, 114, 50, 104, 109, 34, 27, 26, 24, 13, 23, 98, 75, 111, 77, 45, 121, 87, 85, 21, 93, 32, 97, 106, 8, 91, 90, 42, 92, 10, 88, 44, 76, 74, 81, 35, 11, 0, 6, 108, 83, 37, 72, 95, 17, 64, 31, 28, 3, 12, 14, 66, 2, 78, 1, 73, 19, 33, 9, 7, 70, 71, 4, 69, 101, 5, 68, 65, 99, 67], [113, 112, 63, 124, 55, 54, 118, 41, 52, 122, 120, 60, 59, 105, 107, 127, 53, 43, 123, 48, 22, 110, 117, 36, 86, 126, 25, 62, 49, 116, 102, 125, 82, 51, 89, 30, 20, 56, 47, 57, 84, 16, 79, 100, 18, 119, 109, 29, 58, 61, 15, 40, 94, 115, 38, 96, 104, 98, 111, 46, 80, 26, 103, 50, 23, 114, 34, 13, 39, 77, 45, 121, 21, 8, 27, 24, 88, 85, 106, 10, 93, 75, 90, 32, 87, 44, 42, 81, 92, 12, 97, 91, 11, 108, 19, 28, 74, 76, 78, 72, 14, 33, 31, 17, 83, 95, 73, 35, 37, 6, 101, 70, 9, 0, 7, 66, 64, 3, 69, 65, 2, 4, 71, 68, 5, 1, 99, 67], [113, 63, 112, 124, 55, 118, 54, 41, 52, 122, 120, 60, 59, 105, 107, 127, 43, 53, 123, 22, 48, 86, 110, 117, 36, 126, 102, 25, 51, 49, 15, 89, 30, 82, 18, 62, 116, 79, 20, 100, 57, 96, 40, 80, 125, 16, 84, 109, 119, 47, 29, 58, 50, 39, 115, 56, 34, 94, 98, 103, 61, 104, 46, 23, 114, 77, 38, 13, 24, 21, 26, 27, 111, 85, 88, 8, 32, 87, 42, 93, 75, 10, 11, 97, 90, 45, 92, 81, 78, 12, 83, 74, 31, 17, 121, 28, 76, 106, 91, 44, 19, 72, 95, 14, 9, 35, 33, 108, 71, 37, 73, 101, 99, 70, 64, 0, 6, 69, 7, 2, 1, 66, 65, 5, 67, 4, 68, 3], [113, 63, 112, 124, 55, 118, 41, 54, 122, 52, 120, 60, 59, 105, 107, 43, 127, 53, 123, 22, 86, 48, 36, 126, 49, 25, 110, 117, 30, 102, 82, 18, 62, 89, 96, 84, 15, 29, 51, 47, 16, 100, 80, 20, 79, 40, 58, 56, 57, 119, 94, 77, 104, 23, 98, 34, 38, 115, 27, 61, 116, 125, 26, 32, 109, 24, 88, 50, 46, 114, 103, 13, 85, 91, 39, 21, 75, 93, 111, 87, 92, 121, 8, 10, 74, 97, 11, 90, 78, 31, 12, 81, 35, 33, 95, 76, 42, 44, 19, 17, 14, 101, 45, 106, 83, 9, 108, 73, 72, 28, 99, 70, 71, 37, 64, 7, 5, 65, 69, 2, 66, 0, 1, 68, 67, 6, 4, 3], [113, 63, 112, 124, 55, 54, 118, 41, 52, 120, 122, 59, 60, 105, 107, 127, 43, 22, 53, 123, 36, 86, 102, 126, 48, 117, 25, 30, 110, 49, 119, 62, 29, 84, 89, 82, 16, 20, 56, 18, 96, 100, 40, 47, 80, 51, 94, 57, 79, 15, 98, 116, 38, 125, 46, 23, 26, 61, 27, 104, 50, 115, 24, 58, 39, 85, 88, 34, 91, 13, 32, 114, 109, 77, 21, 87, 103, 121, 93, 90, 111, 92, 33, 75, 19, 31, 17, 97, 10, 42, 95, 11, 81, 8, 45, 44, 14, 108, 78, 9, 83, 76, 106, 12, 70, 35, 74, 72, 28, 99, 37, 73, 64, 101, 5, 71, 7, 1, 0, 68, 2, 69, 3, 4, 66, 65, 67, 6], [113, 63, 112, 124, 55, 118, 54, 41, 52, 120, 122, 60, 59, 105, 107, 127, 53, 43, 22, 123, 36, 102, 110, 86, 126, 48, 117, 25, 89, 49, 30, 84, 57, 119, 96, 29, 20, 18, 79, 82, 40, 38, 62, 94, 116, 16, 100, 56, 47, 46, 125, 80, 15, 51, 115, 27, 58, 61, 104, 24, 98, 39, 34, 88, 26, 32, 87, 13, 114, 21, 23, 103, 77, 85, 93, 50, 92, 90, 97, 11, 109, 111, 75, 28, 106, 108, 81, 91, 72, 10, 19, 121, 95, 17, 31, 12, 42, 35, 74, 33, 76, 45, 8, 44, 83, 78, 70, 14, 101, 37, 99, 73, 9, 7, 5, 71, 64, 68, 0, 69, 65, 3, 4, 67, 1, 2, 66, 6], [113, 112, 63, 124, 55, 54, 118, 41, 52, 120, 122, 60, 59, 105, 107, 127, 123, 53, 43, 48, 102, 117, 36, 22, 86, 126, 25, 110, 62, 49, 57, 100, 116, 125, 18, 51, 82, 30, 47, 89, 40, 119, 20, 56, 29, 58, 84, 79, 61, 80, 38, 16, 96, 15, 46, 27, 104, 26, 94, 34, 115, 39, 98, 50, 24, 85, 103, 77, 21, 32, 88, 72, 13, 109, 75, 23, 10, 93, 45, 87, 106, 111, 121, 92, 114, 97, 31, 74, 90, 76, 81, 108, 35, 95, 19, 91, 44, 28, 11, 8, 42, 83, 78, 12, 14, 17, 9, 70, 71, 37, 73, 7, 101, 64, 33, 5, 99, 67, 68, 3, 0, 65, 4, 69, 6, 2, 1, 66], [113, 112, 63, 124, 55, 54, 41, 118, 120, 122, 52, 60, 59, 105, 107, 127, 53, 43, 123, 117, 48, 22, 126, 36, 102, 86, 110, 116, 62, 25, 51, 18, 49, 56, 82, 89, 20, 100, 61, 79, 96, 47, 57, 30, 80, 125, 15, 84, 40, 119, 16, 46, 58, 38, 29, 104, 77, 50, 98, 115, 39, 34, 72, 94, 13, 23, 109, 24, 114, 103, 27, 26, 45, 75, 85, 87, 32, 111, 93, 121, 21, 10, 92, 11, 88, 90, 8, 28, 81, 106, 76, 12, 74, 17, 97, 14, 83, 78, 6, 35, 91, 42, 73, 44, 64, 71, 37, 31, 2, 108, 19, 9, 69, 0, 95, 7, 33, 101, 68, 70, 1, 65, 5, 4, 67, 66, 3, 99], [113, 63, 112, 124, 55, 41, 118, 54, 52, 120, 122, 60, 59, 105, 107, 127, 43, 53, 123, 22, 86, 48, 102, 36, 117, 126, 25, 89, 84, 18, 110, 82, 30, 100, 49, 96, 80, 15, 20, 79, 29, 62, 51, 40, 56, 16, 116, 98, 47, 46, 94, 57, 115, 119, 77, 85, 23, 38, 58, 125, 104, 61, 34, 13, 24, 26, 72, 27, 75, 87, 103, 39, 109, 21, 32, 50, 93, 11, 88, 111, 74, 10, 90, 114, 97, 92, 19, 81, 45, 121, 31, 91, 17, 78, 14, 95, 12, 106, 76, 6, 44, 33, 108, 8, 9, 35, 83, 42, 73, 28, 99, 101, 71, 7, 37, 64, 68, 5, 2, 70, 1, 66, 3, 69, 0, 4, 67, 65], [113, 63, 112, 124, 55, 118, 54, 41, 52, 122, 120, 60, 59, 105, 107, 127, 43, 123, 53, 36, 48, 102, 86, 22, 117, 25, 110, 126, 30, 100, 62, 29, 96, 49, 89, 38, 18, 82, 40, 51, 20, 94, 84, 47, 80, 79, 58, 61, 16, 15, 56, 125, 116, 115, 57, 119, 98, 46, 23, 24, 39, 27, 88, 26, 104, 21, 85, 34, 32, 103, 50, 87, 90, 97, 109, 121, 13, 93, 77, 111, 91, 31, 72, 92, 75, 19, 45, 114, 10, 95, 11, 106, 35, 17, 83, 44, 28, 42, 81, 33, 74, 78, 14, 76, 12, 37, 73, 108, 6, 101, 99, 8, 9, 7, 71, 69, 64, 66, 4, 1, 65, 5, 0, 67, 2, 68, 70, 3], [113, 63, 112, 124, 55, 118, 54, 41, 52, 122, 120, 59, 60, 107, 105, 127, 43, 53, 123, 22, 86, 48, 62, 117, 36, 102, 110, 126, 49, 25, 89, 100, 30, 82, 61, 51, 15, 18, 125, 96, 47, 80, 29, 20, 119, 58, 40, 115, 98, 50, 94, 79, 57, 38, 84, 116, 46, 56, 16, 39, 24, 34, 104, 121, 27, 21, 23, 85, 72, 13, 103, 77, 114, 88, 26, 75, 10, 32, 109, 111, 87, 93, 74, 97, 92, 11, 12, 35, 90, 106, 45, 33, 83, 91, 28, 31, 81, 19, 8, 95, 6, 42, 17, 0, 73, 76, 14, 7, 108, 44, 78, 65, 71, 101, 69, 64, 9, 67, 99, 37, 5, 4, 3, 66, 1, 68, 2, 70], [113, 63, 112, 124, 55, 41, 54, 118, 52, 120, 122, 59, 60, 105, 107, 43, 127, 53, 123, 22, 48, 117, 102, 86, 36, 110, 126, 25, 100, 62, 89, 51, 82, 15, 30, 40, 80, 20, 96, 18, 61, 79, 49, 115, 84, 125, 29, 47, 56, 57, 94, 46, 23, 16, 116, 98, 50, 34, 58, 38, 85, 72, 39, 13, 27, 119, 77, 26, 21, 104, 103, 45, 88, 111, 93, 32, 24, 10, 11, 75, 109, 74, 121, 87, 8, 114, 83, 12, 91, 81, 97, 90, 28, 17, 31, 106, 76, 44, 92, 33, 78, 95, 19, 35, 42, 6, 73, 14, 7, 101, 64, 69, 9, 108, 37, 4, 71, 0, 66, 3, 1, 68, 67, 65, 70, 2, 99, 5], [113, 112, 63, 124, 55, 118, 54, 41, 52, 120, 122, 59, 60, 105, 107, 127, 53, 43, 123, 22, 117, 48, 86, 36, 102, 110, 62, 126, 100, 25, 89, 82, 116, 96, 30, 15, 49, 20, 56, 51, 46, 84, 18, 40, 79, 80, 16, 47, 61, 57, 125, 94, 29, 115, 98, 77, 119, 23, 50, 58, 38, 39, 85, 34, 24, 13, 111, 72, 103, 121, 104, 114, 75, 27, 10, 26, 11, 88, 109, 32, 87, 74, 42, 45, 97, 106, 8, 21, 81, 93, 92, 12, 76, 90, 19, 95, 83, 91, 44, 108, 17, 31, 14, 9, 78, 6, 35, 33, 28, 101, 73, 7, 37, 4, 70, 64, 0, 5, 2, 71, 1, 65, 99, 67, 69, 68, 66, 3], [113, 63, 112, 124, 55, 118, 41, 52, 54, 120, 122, 59, 60, 105, 107, 127, 53, 43, 123, 48, 86, 36, 22, 126, 102, 117, 25, 30, 82, 110, 62, 49, 89, 18, 96, 80, 29, 20, 40, 47, 94, 84, 100, 16, 15, 104, 46, 57, 125, 61, 38, 79, 51, 98, 115, 39, 119, 56, 116, 23, 26, 58, 24, 27, 103, 34, 50, 21, 111, 85, 13, 109, 32, 88, 77, 97, 114, 87, 121, 91, 93, 75, 92, 42, 90, 74, 8, 19, 11, 31, 106, 10, 95, 76, 28, 108, 44, 17, 33, 72, 81, 35, 12, 45, 83, 78, 37, 14, 70, 101, 73, 69, 9, 64, 71, 65, 2, 99, 7, 6, 0, 4, 68, 1, 66, 67, 3, 5], [113, 63, 112, 124, 55, 54, 118, 41, 52, 120, 122, 60, 105, 59, 107, 43, 123, 127, 53, 48, 36, 86, 102, 22, 117, 126, 25, 89, 49, 110, 30, 96, 29, 94, 62, 40, 18, 82, 20, 84, 116, 56, 100, 47, 80, 38, 15, 79, 104, 16, 119, 46, 58, 57, 23, 115, 27, 77, 125, 98, 39, 34, 24, 61, 26, 51, 85, 21, 13, 88, 32, 111, 103, 50, 114, 11, 87, 74, 90, 92, 121, 109, 8, 97, 93, 91, 75, 10, 95, 19, 81, 106, 72, 12, 70, 31, 14, 42, 28, 35, 33, 108, 83, 76, 78, 44, 17, 71, 0, 45, 9, 1, 69, 3, 73, 64, 37, 68, 7, 66, 101, 65, 99, 6, 4, 2, 5, 67], [113, 112, 63, 124, 55, 54, 118, 41, 52, 120, 122, 59, 60, 105, 107, 53, 127, 43, 123, 36, 48, 117, 22, 102, 86, 126, 62, 116, 56, 110, 25, 57, 47, 100, 125, 30, 49, 46, 115, 89, 20, 18, 96, 40, 38, 82, 94, 61, 51, 84, 80, 29, 119, 34, 15, 104, 79, 16, 114, 58, 121, 39, 98, 32, 23, 27, 77, 50, 103, 111, 8, 88, 21, 24, 109, 74, 87, 26, 106, 85, 13, 45, 91, 11, 92, 90, 97, 95, 93, 10, 75, 35, 31, 42, 17, 76, 37, 19, 81, 72, 108, 28, 44, 83, 70, 12, 33, 14, 9, 99, 71, 0, 64, 101, 73, 69, 1, 78, 3, 4, 7, 65, 2, 66, 67, 68, 5, 6], [113, 112, 63, 124, 55, 54, 118, 52, 41, 120, 122, 59, 60, 105, 107, 127, 53, 43, 48, 123, 117, 102, 36, 22, 86, 126, 110, 56, 62, 100, 25, 30, 49, 57, 116, 47, 15, 96, 119, 51, 125, 89, 61, 18, 94, 29, 84, 46, 115, 39, 20, 40, 82, 79, 16, 38, 80, 23, 98, 34, 27, 13, 103, 21, 58, 104, 26, 50, 8, 24, 109, 121, 88, 87, 114, 32, 77, 45, 111, 97, 85, 93, 92, 74, 11, 10, 95, 90, 91, 31, 108, 28, 76, 75, 106, 33, 83, 42, 12, 35, 19, 17, 81, 78, 72, 44, 37, 14, 70, 9, 64, 73, 65, 71, 5, 101, 0, 4, 7, 99, 2, 69, 1, 67, 68, 3, 66, 6], [113, 112, 63, 124, 55, 54, 118, 52, 41, 120, 122, 59, 60, 105, 107, 127, 43, 53, 123, 117, 36, 48, 22, 102, 86, 126, 25, 62, 89, 96, 110, 51, 56, 57, 30, 119, 100, 116, 47, 49, 84, 94, 38, 20, 79, 61, 15, 29, 98, 18, 115, 80, 40, 82, 125, 46, 23, 34, 58, 16, 121, 26, 104, 111, 50, 77, 27, 24, 39, 88, 103, 13, 85, 32, 8, 97, 21, 114, 109, 75, 87, 93, 92, 91, 90, 19, 10, 106, 11, 95, 78, 81, 76, 31, 74, 17, 108, 12, 35, 83, 42, 28, 33, 72, 44, 45, 14, 37, 70, 71, 73, 9, 101, 99, 64, 65, 7, 0, 1, 3, 67, 4, 6, 5, 68, 66, 69, 2], [113, 112, 63, 124, 55, 54, 118, 52, 41, 120, 122, 59, 60, 105, 107, 127, 43, 53, 123, 117, 48, 36, 126, 86, 62, 22, 25, 102, 116, 110, 56, 89, 30, 61, 51, 57, 100, 125, 47, 49, 119, 94, 38, 84, 96, 20, 82, 40, 80, 79, 115, 15, 29, 18, 98, 46, 58, 16, 104, 34, 50, 103, 121, 27, 23, 26, 77, 111, 88, 32, 24, 85, 114, 39, 21, 13, 90, 91, 8, 93, 87, 11, 92, 109, 106, 75, 97, 74, 19, 95, 28, 10, 35, 31, 17, 83, 42, 108, 44, 12, 72, 76, 45, 0, 81, 14, 64, 33, 6, 78, 9, 71, 70, 37, 2, 7, 73, 99, 1, 101, 65, 69, 68, 67, 5, 3, 66, 4], [113, 63, 112, 124, 55, 54, 118, 52, 41, 120, 122, 59, 60, 105, 107, 127, 43, 123, 53, 48, 117, 36, 102, 22, 86, 25, 126, 110, 62, 57, 30, 116, 51, 119, 100, 40, 96, 47, 61, 84, 89, 38, 56, 29, 18, 94, 20, 82, 15, 16, 49, 46, 125, 79, 98, 23, 104, 50, 34, 80, 26, 24, 115, 58, 103, 111, 39, 27, 121, 87, 77, 32, 85, 88, 21, 109, 93, 114, 97, 35, 13, 31, 28, 45, 90, 106, 92, 91, 8, 42, 83, 75, 74, 108, 95, 19, 44, 11, 81, 76, 10, 6, 33, 12, 72, 17, 78, 9, 14, 101, 37, 0, 64, 7, 65, 71, 73, 1, 99, 5, 4, 69, 66, 2, 67, 3, 70, 68], [113, 63, 112, 124, 55, 118, 54, 52, 41, 120, 122, 59, 60, 105, 107, 127, 43, 53, 123, 48, 22, 36, 117, 86, 102, 126, 116, 25, 62, 110, 96, 51, 30, 100, 57, 18, 119, 16, 89, 61, 49, 47, 15, 94, 84, 82, 29, 20, 79, 40, 38, 125, 34, 98, 39, 46, 23, 104, 26, 50, 56, 80, 103, 77, 115, 58, 24, 27, 121, 13, 32, 21, 85, 109, 8, 74, 88, 92, 114, 90, 75, 111, 93, 97, 87, 72, 10, 91, 95, 81, 11, 19, 45, 106, 76, 83, 28, 42, 12, 6, 17, 31, 35, 14, 78, 108, 44, 7, 73, 37, 9, 33, 71, 99, 101, 0, 4, 5, 68, 67, 69, 1, 3, 64, 66, 65, 70, 2], [113, 112, 63, 124, 55, 118, 54, 41, 52, 122, 120, 59, 60, 105, 107, 127, 43, 123, 53, 22, 117, 86, 48, 36, 102, 25, 62, 126, 89, 116, 30, 110, 20, 16, 51, 84, 18, 115, 82, 61, 100, 96, 40, 119, 79, 57, 47, 15, 49, 38, 80, 29, 94, 23, 98, 46, 109, 58, 125, 34, 56, 50, 104, 26, 88, 103, 27, 114, 77, 13, 111, 85, 32, 75, 21, 121, 39, 24, 10, 87, 90, 42, 72, 11, 93, 31, 8, 92, 97, 74, 28, 91, 76, 45, 81, 19, 83, 95, 6, 106, 35, 17, 78, 12, 108, 33, 44, 14, 73, 101, 9, 64, 7, 99, 71, 4, 65, 0, 37, 69, 66, 2, 5, 3, 1, 68, 67, 70], [113, 63, 112, 124, 55, 118, 54, 41, 52, 120, 122, 59, 60, 105, 107, 127, 43, 123, 53, 48, 86, 36, 22, 117, 102, 62, 126, 25, 30, 110, 100, 89, 116, 29, 51, 96, 94, 20, 119, 40, 61, 56, 57, 18, 16, 82, 47, 84, 15, 38, 49, 125, 46, 109, 115, 23, 98, 58, 80, 50, 104, 24, 79, 77, 26, 34, 121, 85, 103, 27, 21, 13, 88, 92, 39, 87, 11, 93, 111, 32, 114, 72, 91, 74, 97, 42, 90, 75, 10, 31, 95, 81, 19, 45, 106, 33, 8, 12, 28, 76, 108, 17, 83, 44, 78, 35, 73, 14, 6, 9, 37, 0, 101, 7, 99, 65, 69, 2, 3, 71, 64, 67, 5, 68, 70, 66, 4, 1], [113, 112, 63, 124, 55, 118, 54, 41, 52, 120, 122, 60, 59, 105, 107, 127, 43, 123, 53, 36, 117, 48, 102, 62, 22, 110, 126, 86, 25, 61, 116, 89, 49, 30, 18, 100, 51, 56, 96, 40, 119, 57, 84, 47, 29, 125, 20, 121, 23, 58, 39, 16, 38, 98, 104, 94, 82, 46, 50, 115, 79, 34, 15, 80, 109, 114, 26, 111, 77, 103, 27, 24, 13, 88, 32, 85, 97, 21, 42, 72, 87, 93, 92, 90, 75, 74, 91, 106, 35, 11, 45, 108, 10, 44, 19, 17, 12, 31, 81, 83, 76, 28, 95, 37, 33, 101, 8, 78, 14, 73, 99, 6, 9, 0, 7, 70, 64, 69, 5, 71, 4, 68, 67, 66, 3, 2, 1, 65], [113, 112, 63, 124, 55, 54, 118, 41, 120, 52, 122, 60, 59, 105, 107, 127, 43, 53, 123, 22, 48, 36, 117, 126, 102, 86, 110, 62, 25, 61, 20, 89, 18, 47, 100, 82, 30, 51, 125, 96, 49, 56, 116, 79, 40, 80, 15, 84, 16, 119, 29, 46, 57, 23, 58, 38, 94, 50, 104, 121, 88, 77, 34, 115, 27, 26, 103, 72, 13, 39, 85, 111, 24, 114, 32, 21, 93, 92, 98, 11, 109, 74, 75, 91, 90, 45, 97, 87, 10, 19, 12, 28, 106, 17, 76, 81, 42, 8, 78, 31, 35, 95, 70, 83, 7, 9, 44, 0, 73, 14, 108, 69, 99, 3, 71, 65, 37, 64, 101, 4, 33, 5, 2, 1, 68, 6, 67, 66], [113, 63, 112, 124, 55, 118, 41, 54, 120, 52, 122, 60, 59, 105, 107, 127, 123, 53, 43, 48, 117, 36, 62, 22, 86, 110, 51, 102, 126, 119, 49, 30, 25, 125, 100, 96, 89, 47, 61, 40, 18, 115, 57, 56, 20, 15, 29, 84, 46, 116, 16, 79, 82, 94, 39, 34, 23, 104, 58, 38, 50, 103, 77, 121, 80, 26, 98, 72, 109, 45, 85, 32, 27, 92, 13, 93, 111, 21, 114, 106, 74, 10, 42, 90, 11, 24, 75, 88, 97, 87, 81, 108, 95, 35, 76, 70, 91, 28, 78, 31, 44, 12, 8, 19, 17, 33, 9, 5, 0, 64, 83, 14, 37, 67, 7, 65, 1, 73, 71, 101, 66, 69, 3, 4, 2, 99, 68, 6], [113, 112, 63, 124, 55, 118, 54, 41, 52, 120, 122, 60, 59, 105, 107, 127, 53, 43, 123, 48, 117, 22, 36, 86, 110, 102, 126, 62, 51, 119, 25, 49, 89, 18, 30, 100, 82, 79, 56, 46, 125, 20, 84, 116, 115, 15, 40, 29, 61, 96, 94, 16, 47, 80, 23, 109, 77, 98, 57, 39, 38, 34, 103, 24, 58, 13, 114, 50, 72, 121, 32, 42, 21, 88, 85, 104, 45, 111, 92, 27, 93, 87, 11, 76, 10, 97, 75, 74, 26, 106, 17, 90, 108, 91, 81, 14, 19, 8, 44, 95, 70, 83, 31, 28, 35, 12, 78, 9, 33, 7, 73, 71, 5, 101, 64, 67, 37, 69, 4, 99, 65, 3, 2, 0, 1, 68, 6, 66], [113, 112, 63, 124, 55, 118, 54, 41, 52, 120, 122, 59, 60, 105, 107, 127, 53, 43, 123, 48, 117, 102, 86, 36, 62, 22, 51, 110, 126, 25, 116, 30, 89, 100, 49, 125, 82, 96, 29, 61, 47, 16, 40, 20, 115, 119, 94, 39, 79, 18, 15, 84, 23, 58, 121, 56, 57, 109, 77, 50, 26, 34, 38, 104, 80, 98, 46, 114, 103, 27, 72, 85, 74, 88, 10, 24, 21, 87, 42, 32, 92, 111, 45, 97, 93, 75, 13, 76, 91, 8, 11, 90, 70, 14, 81, 31, 7, 19, 83, 12, 33, 5, 78, 95, 35, 17, 28, 106, 73, 108, 71, 44, 9, 0, 64, 69, 3, 4, 1, 65, 68, 67, 101, 66, 2, 37, 6, 99], [113, 112, 63, 124, 55, 118, 54, 41, 52, 122, 120, 60, 59, 105, 107, 127, 43, 53, 123, 86, 36, 102, 48, 22, 117, 25, 126, 62, 110, 100, 82, 29, 30, 51, 15, 49, 84, 89, 18, 16, 96, 61, 79, 116, 20, 47, 40, 119, 80, 94, 125, 38, 34, 56, 77, 57, 26, 98, 115, 23, 39, 27, 109, 46, 50, 88, 13, 24, 114, 58, 85, 21, 103, 92, 121, 32, 10, 72, 104, 74, 75, 42, 111, 45, 91, 97, 76, 87, 93, 11, 8, 95, 90, 106, 81, 83, 14, 19, 12, 78, 31, 33, 44, 28, 17, 73, 35, 108, 70, 9, 7, 71, 101, 37, 69, 99, 5, 67, 64, 6, 68, 4, 65, 66, 0, 1, 3, 2]], "model.layers.19.self_attn.q_proj": [[124, 110, 63, 115, 58, 119, 101, 120, 57, 46, 112, 52, 60, 123, 127, 109, 53, 59, 56, 116, 54, 88, 126, 50, 108, 61, 122, 55, 94, 111, 121, 114, 104, 51, 37, 47, 62, 97, 48, 40, 44, 49, 113, 117, 125, 45, 27, 19, 24, 118, 90, 34, 41, 105, 42, 81, 98, 106, 43, 107, 96, 31, 22, 39, 89, 102, 26, 16, 92, 9, 100, 38, 103, 36, 35, 78, 91, 99, 93, 25, 18, 30, 80, 29, 32, 73, 17, 20, 95, 23, 67, 85, 15, 28, 21, 69, 77, 84, 33, 12, 6, 14, 87, 83, 86, 10, 70, 79, 75, 13, 4, 1, 82, 68, 72, 0, 74, 5, 11, 64, 3, 65, 66, 8, 7, 76, 71, 2], [63, 57, 46, 101, 123, 112, 59, 110, 124, 120, 47, 97, 53, 121, 119, 81, 109, 114, 90, 24, 94, 111, 34, 105, 60, 19, 88, 87, 122, 126, 31, 85, 55, 104, 27, 91, 117, 58, 45, 52, 61, 25, 56, 106, 20, 39, 22, 116, 32, 28, 78, 42, 16, 38, 10, 107, 62, 44, 41, 54, 83, 127, 113, 50, 108, 14, 102, 100, 17, 80, 37, 49, 35, 51, 118, 40, 26, 12, 103, 36, 95, 96, 125, 43, 115, 89, 21, 48, 84, 98, 99, 93, 74, 30, 23, 29, 86, 92, 15, 11, 76, 77, 75, 6, 67, 7, 72, 18, 70, 13, 9, 73, 82, 68, 33, 79, 8, 69, 66, 1, 71, 4, 0, 2, 3, 64, 65, 5], [63, 124, 110, 57, 115, 101, 58, 46, 50, 122, 97, 88, 52, 60, 27, 120, 49, 55, 116, 81, 56, 59, 112, 123, 94, 119, 42, 121, 109, 111, 54, 126, 24, 125, 105, 127, 62, 117, 114, 44, 51, 93, 113, 37, 53, 84, 61, 90, 47, 31, 104, 20, 85, 108, 45, 6, 103, 118, 75, 73, 9, 41, 40, 67, 106, 48, 65, 43, 36, 38, 16, 4, 39, 72, 22, 14, 107, 0, 17, 100, 68, 12, 83, 80, 69, 30, 102, 87, 71, 91, 95, 7, 26, 15, 99, 19, 96, 11, 2, 35, 10, 74, 25, 3, 29, 34, 66, 77, 64, 32, 28, 92, 98, 13, 23, 21, 82, 70, 1, 8, 89, 18, 5, 79, 86, 76, 78, 33], [124, 63, 110, 101, 54, 46, 122, 119, 58, 59, 28, 112, 61, 55, 62, 120, 94, 56, 114, 111, 57, 90, 50, 53, 113, 116, 126, 123, 127, 121, 60, 125, 118, 97, 82, 22, 117, 48, 37, 47, 52, 115, 18, 49, 108, 109, 51, 41, 45, 44, 43, 39, 107, 32, 19, 106, 86, 102, 100, 42, 27, 92, 36, 30, 104, 40, 105, 25, 38, 103, 99, 34, 14, 35, 98, 96, 78, 20, 15, 33, 83, 88, 31, 77, 12, 26, 10, 29, 93, 24, 95, 89, 87, 23, 84, 74, 91, 13, 85, 76, 79, 21, 81, 17, 8, 75, 7, 72, 11, 80, 71, 9, 16, 0, 70, 68, 73, 67, 3, 2, 6, 66, 4, 5, 65, 69, 64, 1], [59, 118, 39, 46, 105, 127, 63, 34, 113, 112, 60, 119, 53, 54, 111, 50, 48, 126, 61, 122, 30, 125, 109, 49, 123, 89, 58, 97, 57, 121, 115, 56, 110, 43, 52, 25, 47, 104, 116, 55, 51, 107, 31, 108, 45, 62, 114, 36, 44, 41, 42, 120, 117, 102, 23, 33, 106, 28, 40, 82, 37, 38, 22, 94, 90, 84, 27, 98, 91, 18, 80, 101, 78, 87, 86, 99, 100, 26, 35, 32, 93, 103, 95, 96, 29, 14, 92, 21, 24, 19, 75, 20, 8, 124, 0, 76, 16, 12, 7, 88, 67, 66, 9, 2, 68, 70, 71, 73, 79, 6, 85, 65, 81, 3, 69, 4, 64, 83, 11, 1, 72, 17, 13, 5, 15, 10, 77, 74], [39, 59, 118, 34, 124, 90, 46, 84, 43, 79, 75, 54, 60, 122, 98, 30, 112, 49, 109, 127, 21, 19, 88, 111, 25, 94, 115, 76, 119, 23, 63, 89, 105, 22, 113, 9, 38, 87, 56, 8, 41, 106, 57, 31, 44, 81, 110, 33, 50, 70, 92, 48, 82, 116, 125, 100, 114, 53, 27, 62, 120, 99, 107, 42, 40, 73, 108, 58, 45, 123, 93, 104, 55, 95, 126, 121, 35, 91, 20, 18, 37, 52, 51, 61, 14, 72, 97, 28, 47, 6, 16, 86, 13, 24, 36, 96, 3, 102, 29, 11, 12, 101, 32, 26, 117, 71, 80, 66, 85, 78, 15, 7, 83, 2, 67, 68, 17, 10, 5, 69, 77, 4, 65, 103, 64, 0, 1, 74], [118, 39, 59, 34, 124, 127, 46, 105, 54, 63, 43, 55, 89, 112, 90, 84, 50, 120, 47, 57, 49, 113, 30, 115, 122, 53, 51, 125, 107, 60, 119, 80, 35, 75, 126, 45, 21, 19, 116, 123, 110, 25, 8, 111, 109, 22, 82, 88, 48, 52, 104, 27, 94, 33, 56, 121, 44, 61, 108, 62, 98, 92, 117, 58, 106, 37, 78, 79, 31, 38, 23, 40, 101, 103, 86, 99, 91, 42, 95, 24, 114, 97, 93, 12, 87, 102, 81, 32, 26, 100, 41, 20, 29, 18, 76, 14, 7, 36, 73, 28, 71, 96, 16, 13, 3, 67, 11, 70, 2, 69, 66, 68, 6, 10, 9, 0, 72, 4, 64, 77, 65, 85, 1, 83, 15, 5, 17, 74], [39, 59, 118, 34, 81, 90, 21, 13, 19, 79, 10, 46, 69, 54, 100, 65, 8, 68, 74, 115, 77, 33, 3, 11, 75, 95, 49, 55, 38, 120, 122, 71, 85, 30, 94, 0, 32, 88, 87, 18, 17, 107, 56, 112, 23, 44, 57, 63, 25, 126, 86, 67, 24, 83, 58, 119, 113, 5, 76, 72, 15, 41, 127, 89, 7, 111, 4, 12, 16, 26, 20, 43, 29, 80, 91, 14, 64, 110, 99, 22, 78, 84, 60, 123, 66, 92, 70, 37, 6, 105, 31, 1, 27, 36, 82, 96, 73, 98, 50, 35, 124, 93, 9, 47, 28, 45, 2, 53, 101, 125, 52, 114, 102, 121, 103, 109, 48, 62, 61, 104, 116, 97, 51, 40, 42, 117, 108, 106], [105, 112, 34, 84, 18, 12, 15, 27, 22, 5, 71, 48, 9, 41, 96, 2, 64, 89, 53, 82, 91, 58, 13, 4, 122, 30, 83, 1, 20, 25, 79, 63, 86, 118, 76, 87, 7, 74, 31, 78, 80, 50, 19, 85, 69, 119, 120, 70, 75, 94, 127, 16, 73, 11, 14, 81, 10, 92, 77, 46, 98, 17, 68, 6, 103, 60, 90, 28, 21, 24, 37, 72, 93, 23, 65, 107, 113, 61, 3, 26, 67, 59, 8, 56, 52, 114, 32, 115, 66, 57, 88, 110, 29, 95, 0, 123, 33, 62, 49, 55, 35, 125, 44, 36, 126, 101, 42, 99, 116, 51, 97, 47, 54, 104, 100, 102, 124, 109, 111, 43, 39, 117, 45, 38, 106, 40, 108, 121], [112, 105, 53, 25, 127, 58, 118, 89, 56, 34, 114, 54, 101, 83, 125, 96, 32, 49, 48, 120, 124, 116, 55, 52, 57, 93, 59, 33, 41, 113, 119, 62, 117, 115, 126, 61, 60, 107, 50, 106, 121, 122, 104, 45, 111, 110, 98, 51, 63, 44, 109, 47, 42, 46, 94, 123, 43, 108, 102, 37, 103, 100, 27, 38, 36, 39, 23, 99, 35, 40, 81, 87, 18, 95, 30, 22, 97, 77, 29, 31, 13, 6, 28, 8, 92, 10, 90, 68, 24, 91, 84, 16, 65, 26, 88, 86, 70, 15, 4, 19, 14, 85, 17, 80, 82, 11, 67, 21, 1, 74, 72, 75, 64, 3, 7, 78, 12, 0, 20, 66, 73, 71, 79, 5, 9, 2, 76, 69], [105, 112, 34, 15, 22, 12, 84, 18, 9, 27, 41, 89, 48, 71, 53, 5, 96, 4, 91, 58, 25, 13, 85, 2, 78, 81, 75, 64, 122, 19, 50, 67, 30, 1, 80, 31, 86, 20, 77, 82, 63, 79, 119, 72, 59, 83, 95, 88, 69, 73, 118, 21, 37, 76, 74, 7, 46, 11, 57, 3, 60, 26, 14, 6, 65, 23, 92, 28, 17, 127, 70, 62, 93, 87, 8, 24, 115, 98, 56, 61, 52, 68, 107, 125, 90, 33, 16, 120, 114, 110, 36, 10, 66, 47, 94, 35, 29, 126, 55, 116, 51, 113, 0, 97, 32, 42, 103, 123, 49, 100, 124, 102, 43, 54, 109, 117, 39, 101, 38, 99, 44, 111, 45, 104, 121, 106, 108, 40], [105, 53, 112, 34, 41, 48, 88, 25, 89, 94, 27, 33, 98, 13, 22, 84, 58, 56, 114, 118, 101, 96, 125, 120, 59, 19, 18, 78, 57, 80, 91, 124, 116, 117, 55, 62, 127, 107, 119, 49, 93, 68, 113, 6, 75, 115, 60, 50, 122, 70, 100, 15, 110, 52, 63, 54, 126, 83, 103, 47, 61, 51, 111, 4, 37, 29, 121, 92, 12, 104, 45, 97, 109, 30, 31, 42, 71, 38, 46, 123, 65, 36, 23, 44, 102, 43, 67, 74, 21, 99, 108, 10, 26, 106, 1, 24, 35, 0, 95, 39, 11, 3, 86, 81, 77, 16, 32, 40, 82, 14, 90, 9, 28, 72, 85, 17, 8, 87, 2, 20, 66, 64, 5, 7, 79, 73, 69, 76], [120, 121, 53, 57, 118, 126, 63, 113, 124, 51, 59, 60, 58, 123, 125, 115, 49, 116, 122, 119, 117, 62, 127, 56, 112, 54, 47, 55, 99, 50, 61, 114, 48, 111, 83, 44, 108, 110, 52, 13, 45, 103, 109, 46, 43, 41, 107, 40, 31, 32, 90, 106, 42, 105, 39, 38, 102, 100, 35, 9, 69, 34, 3, 97, 104, 101, 21, 82, 71, 96, 37, 28, 2, 36, 70, 98, 18, 76, 85, 68, 77, 23, 33, 30, 66, 11, 81, 92, 25, 26, 72, 0, 10, 93, 15, 29, 94, 84, 24, 86, 88, 22, 20, 16, 1, 89, 91, 75, 4, 79, 27, 78, 12, 5, 95, 65, 80, 17, 14, 19, 7, 64, 87, 73, 8, 74, 67, 6], [121, 120, 53, 57, 113, 63, 58, 118, 60, 125, 124, 126, 59, 56, 117, 119, 51, 116, 123, 55, 115, 48, 114, 99, 49, 62, 50, 61, 112, 122, 54, 52, 47, 43, 44, 110, 45, 108, 127, 111, 109, 46, 39, 41, 40, 42, 102, 106, 107, 105, 89, 90, 100, 83, 103, 35, 26, 104, 38, 32, 3, 101, 96, 37, 31, 2, 71, 72, 36, 82, 70, 34, 98, 33, 0, 13, 4, 69, 16, 76, 11, 91, 9, 92, 21, 27, 29, 22, 97, 95, 1, 94, 93, 77, 85, 8, 87, 30, 23, 15, 18, 86, 28, 88, 10, 68, 14, 25, 64, 19, 80, 12, 20, 78, 65, 84, 75, 17, 74, 79, 24, 66, 6, 7, 81, 67, 5, 73], [121, 120, 126, 40, 53, 99, 36, 63, 58, 124, 39, 51, 42, 106, 117, 88, 49, 113, 89, 59, 57, 102, 26, 122, 96, 31, 60, 123, 56, 28, 50, 46, 118, 119, 24, 105, 16, 116, 87, 112, 110, 55, 125, 32, 90, 98, 34, 82, 52, 103, 127, 35, 10, 115, 30, 54, 48, 95, 47, 100, 25, 45, 37, 38, 111, 104, 44, 41, 109, 61, 62, 33, 114, 22, 83, 43, 80, 21, 107, 27, 91, 97, 101, 29, 108, 69, 72, 92, 93, 19, 94, 15, 9, 70, 13, 71, 23, 11, 77, 84, 3, 86, 14, 85, 76, 20, 81, 79, 18, 17, 68, 74, 2, 0, 1, 12, 7, 65, 75, 78, 8, 4, 6, 73, 67, 64, 66, 5], [121, 120, 118, 39, 63, 117, 126, 124, 53, 116, 57, 51, 102, 125, 56, 60, 54, 119, 123, 58, 113, 49, 35, 99, 62, 83, 105, 112, 15, 40, 36, 44, 127, 114, 61, 48, 52, 59, 122, 42, 45, 111, 50, 47, 55, 38, 108, 107, 115, 101, 32, 106, 103, 110, 21, 46, 24, 13, 96, 88, 41, 109, 90, 26, 81, 16, 31, 43, 100, 37, 75, 34, 104, 91, 33, 25, 20, 28, 84, 69, 92, 97, 79, 98, 9, 27, 71, 89, 85, 74, 86, 87, 29, 94, 23, 22, 30, 77, 19, 93, 12, 76, 10, 11, 14, 17, 80, 5, 7, 3, 73, 95, 82, 18, 68, 78, 70, 8, 67, 4, 0, 72, 2, 65, 66, 6, 64, 1], [55, 105, 101, 120, 116, 49, 32, 112, 25, 87, 46, 57, 110, 81, 91, 109, 27, 48, 47, 119, 28, 60, 96, 94, 39, 113, 126, 44, 54, 59, 115, 63, 89, 107, 118, 84, 127, 76, 78, 85, 83, 11, 50, 106, 37, 20, 14, 122, 104, 31, 123, 58, 52, 111, 125, 61, 124, 108, 71, 88, 99, 51, 121, 19, 92, 114, 56, 45, 42, 103, 38, 43, 117, 26, 97, 62, 30, 35, 95, 34, 98, 21, 7, 86, 53, 22, 29, 73, 100, 18, 24, 102, 93, 90, 79, 15, 17, 33, 40, 5, 16, 12, 80, 70, 36, 82, 68, 41, 10, 75, 3, 23, 8, 9, 74, 2, 4, 77, 13, 72, 6, 69, 67, 65, 66, 1, 64, 0], [105, 55, 109, 116, 101, 120, 32, 112, 57, 46, 87, 25, 113, 28, 60, 110, 81, 119, 91, 104, 49, 35, 89, 84, 48, 121, 85, 39, 88, 111, 92, 42, 108, 37, 78, 27, 58, 114, 11, 107, 97, 117, 53, 31, 96, 95, 127, 125, 118, 56, 61, 94, 124, 126, 63, 62, 38, 44, 115, 99, 59, 93, 30, 54, 14, 45, 26, 50, 52, 29, 51, 98, 122, 76, 100, 106, 20, 41, 123, 33, 17, 73, 36, 79, 47, 103, 40, 12, 23, 43, 102, 86, 83, 16, 21, 24, 22, 34, 7, 19, 15, 71, 80, 75, 82, 18, 90, 10, 74, 5, 70, 6, 72, 77, 9, 3, 8, 4, 13, 2, 67, 68, 69, 65, 1, 0, 64, 66], [55, 105, 101, 120, 46, 112, 116, 57, 32, 87, 25, 39, 81, 28, 126, 47, 119, 48, 94, 84, 27, 89, 50, 56, 113, 34, 92, 118, 14, 122, 91, 60, 124, 125, 127, 38, 11, 111, 104, 78, 115, 45, 83, 110, 58, 36, 114, 108, 96, 54, 121, 109, 52, 117, 20, 31, 103, 106, 95, 42, 44, 49, 30, 107, 63, 123, 33, 37, 73, 29, 59, 79, 61, 70, 43, 51, 85, 62, 72, 99, 53, 19, 100, 102, 22, 97, 86, 21, 93, 35, 98, 17, 8, 41, 76, 40, 24, 12, 82, 90, 26, 88, 16, 75, 80, 18, 10, 15, 5, 7, 3, 6, 23, 4, 68, 9, 71, 77, 69, 66, 74, 2, 67, 13, 65, 64, 0, 1], [105, 57, 120, 116, 46, 112, 32, 55, 101, 119, 39, 113, 127, 87, 92, 94, 28, 53, 62, 104, 50, 115, 25, 126, 60, 114, 124, 38, 108, 58, 52, 27, 121, 56, 54, 111, 123, 84, 107, 98, 110, 61, 48, 122, 117, 44, 36, 106, 96, 59, 42, 51, 100, 118, 47, 63, 43, 125, 45, 109, 89, 91, 83, 79, 41, 49, 85, 33, 99, 88, 81, 35, 86, 29, 37, 95, 22, 20, 77, 30, 34, 97, 21, 18, 26, 31, 103, 40, 93, 102, 14, 78, 74, 82, 24, 90, 73, 23, 13, 75, 80, 70, 11, 76, 16, 5, 15, 64, 19, 17, 12, 7, 66, 0, 8, 2, 67, 3, 65, 72, 1, 10, 69, 68, 71, 4, 6, 9], [102, 62, 56, 55, 97, 22, 29, 19, 89, 35, 15, 88, 93, 38, 31, 76, 45, 84, 27, 60, 17, 90, 25, 33, 21, 12, 86, 46, 96, 30, 81, 95, 43, 14, 98, 78, 50, 100, 7, 26, 9, 24, 44, 61, 101, 91, 40, 87, 79, 94, 57, 122, 116, 23, 67, 71, 83, 59, 10, 34, 20, 39, 127, 85, 32, 92, 53, 28, 121, 54, 103, 73, 36, 99, 82, 18, 115, 105, 114, 117, 63, 113, 13, 104, 111, 11, 49, 124, 16, 112, 70, 41, 58, 80, 37, 125, 48, 109, 42, 8, 119, 106, 68, 51, 110, 2, 107, 123, 52, 108, 120, 75, 47, 1, 69, 126, 118, 74, 77, 0, 3, 5, 65, 72, 4, 64, 66, 6], [56, 102, 97, 55, 62, 29, 15, 45, 19, 89, 22, 60, 76, 88, 38, 93, 7, 69, 17, 82, 10, 74, 2, 59, 32, 49, 31, 81, 3, 54, 33, 40, 46, 86, 58, 25, 91, 9, 98, 68, 112, 21, 104, 43, 50, 122, 28, 27, 64, 26, 11, 13, 110, 120, 108, 90, 44, 78, 84, 73, 57, 14, 23, 117, 121, 53, 124, 61, 80, 100, 116, 101, 83, 1, 37, 115, 126, 51, 6, 12, 48, 20, 47, 114, 52, 96, 36, 87, 30, 107, 63, 119, 41, 35, 127, 118, 125, 92, 123, 75, 109, 85, 113, 67, 99, 39, 42, 106, 103, 4, 8, 94, 71, 16, 24, 77, 18, 111, 70, 105, 34, 79, 95, 72, 5, 0, 66, 65], [55, 102, 62, 56, 97, 29, 22, 38, 93, 19, 60, 15, 76, 74, 88, 12, 69, 27, 28, 13, 45, 17, 90, 81, 84, 25, 118, 32, 104, 10, 23, 82, 73, 89, 21, 31, 49, 37, 79, 42, 11, 35, 58, 16, 30, 53, 50, 101, 61, 92, 46, 109, 98, 94, 86, 7, 71, 107, 117, 26, 91, 96, 44, 83, 59, 57, 106, 114, 121, 68, 24, 43, 2, 100, 110, 124, 126, 87, 48, 47, 54, 20, 39, 36, 112, 52, 85, 125, 113, 63, 33, 95, 99, 108, 116, 119, 78, 123, 75, 9, 3, 105, 14, 127, 115, 41, 122, 51, 80, 111, 120, 34, 40, 5, 103, 77, 18, 67, 72, 64, 6, 4, 8, 70, 66, 0, 1, 65], [102, 62, 56, 97, 55, 50, 29, 43, 40, 22, 61, 45, 25, 38, 89, 19, 126, 27, 17, 42, 127, 116, 18, 88, 46, 91, 57, 15, 59, 24, 53, 13, 114, 123, 93, 8, 54, 39, 109, 60, 113, 76, 125, 81, 117, 121, 111, 104, 124, 52, 115, 119, 47, 58, 122, 120, 63, 107, 112, 110, 6, 10, 87, 48, 77, 51, 49, 106, 31, 100, 20, 44, 86, 108, 103, 26, 118, 101, 65, 84, 30, 33, 105, 78, 35, 94, 11, 95, 41, 9, 37, 23, 72, 5, 99, 36, 14, 98, 69, 28, 96, 7, 74, 73, 90, 3, 75, 83, 68, 34, 66, 82, 32, 92, 85, 80, 21, 70, 16, 2, 1, 4, 67, 12, 79, 64, 71, 0], [41, 120, 47, 34, 57, 105, 22, 93, 84, 80, 109, 60, 78, 76, 88, 117, 45, 26, 103, 61, 118, 127, 125, 74, 126, 110, 108, 8, 90, 52, 113, 86, 114, 59, 124, 58, 119, 75, 35, 49, 89, 48, 116, 99, 111, 20, 1, 123, 101, 53, 81, 51, 62, 54, 104, 24, 28, 3, 43, 29, 7, 56, 19, 31, 112, 87, 2, 69, 92, 70, 107, 121, 17, 4, 25, 95, 18, 63, 50, 16, 55, 73, 115, 122, 27, 44, 102, 13, 21, 42, 94, 32, 91, 100, 106, 96, 11, 40, 46, 33, 71, 85, 36, 79, 39, 14, 23, 37, 10, 83, 6, 97, 30, 82, 77, 15, 38, 12, 98, 5, 9, 72, 65, 66, 68, 67, 0, 64], [41, 120, 57, 34, 84, 22, 88, 109, 93, 60, 110, 116, 29, 108, 90, 80, 49, 95, 42, 105, 76, 52, 123, 24, 26, 35, 74, 39, 127, 126, 113, 104, 78, 81, 25, 44, 82, 61, 40, 53, 124, 101, 112, 19, 43, 54, 119, 111, 48, 45, 122, 125, 7, 59, 121, 86, 55, 107, 58, 98, 63, 97, 115, 32, 62, 38, 106, 56, 37, 51, 96, 27, 18, 28, 118, 103, 79, 85, 36, 117, 114, 92, 83, 20, 102, 47, 16, 91, 50, 17, 71, 94, 46, 15, 89, 21, 23, 31, 100, 30, 99, 70, 33, 14, 87, 77, 13, 75, 8, 4, 69, 66, 68, 11, 73, 1, 12, 9, 65, 10, 5, 2, 72, 3, 6, 67, 64, 0], [41, 120, 34, 47, 70, 57, 64, 8, 76, 78, 93, 67, 66, 80, 87, 105, 7, 22, 84, 74, 1, 124, 0, 60, 3, 19, 11, 88, 13, 65, 18, 86, 117, 101, 126, 61, 20, 83, 69, 59, 26, 5, 72, 110, 73, 90, 82, 68, 121, 108, 16, 89, 31, 37, 25, 9, 2, 109, 79, 10, 75, 17, 111, 14, 4, 122, 24, 12, 114, 92, 32, 27, 116, 112, 6, 23, 77, 58, 85, 71, 81, 15, 95, 127, 100, 91, 102, 21, 115, 94, 62, 113, 43, 119, 28, 30, 107, 125, 103, 53, 48, 104, 99, 55, 33, 97, 50, 45, 96, 35, 36, 51, 63, 49, 118, 38, 39, 44, 46, 106, 123, 56, 40, 42, 54, 52, 29, 98], [120, 41, 34, 109, 22, 88, 48, 84, 47, 60, 113, 93, 117, 26, 110, 49, 119, 51, 124, 43, 61, 111, 29, 58, 24, 125, 50, 55, 80, 115, 81, 62, 63, 127, 116, 57, 114, 123, 108, 112, 54, 42, 126, 56, 78, 105, 90, 118, 36, 53, 40, 121, 102, 74, 44, 46, 35, 52, 28, 59, 107, 37, 122, 76, 106, 7, 95, 86, 39, 19, 45, 101, 38, 87, 99, 103, 18, 104, 100, 97, 27, 32, 83, 20, 31, 25, 33, 30, 94, 92, 96, 91, 17, 89, 70, 98, 11, 79, 73, 68, 8, 21, 1, 82, 23, 75, 15, 16, 77, 66, 9, 85, 13, 14, 71, 10, 12, 67, 5, 69, 65, 4, 6, 2, 64, 72, 3, 0], [38, 48, 112, 24, 125, 84, 17, 109, 27, 22, 91, 97, 78, 47, 18, 10, 107, 35, 95, 81, 121, 43, 11, 98, 118, 77, 115, 46, 52, 49, 119, 86, 102, 20, 68, 13, 50, 26, 120, 90, 54, 59, 92, 40, 34, 29, 88, 53, 7, 14, 15, 56, 108, 89, 82, 55, 30, 9, 37, 96, 103, 42, 117, 51, 39, 60, 64, 106, 110, 28, 87, 94, 32, 69, 126, 61, 113, 83, 123, 105, 41, 45, 25, 63, 122, 111, 85, 19, 93, 44, 33, 116, 114, 127, 8, 80, 72, 124, 23, 104, 31, 58, 21, 100, 73, 57, 79, 16, 76, 36, 99, 6, 101, 2, 12, 75, 74, 62, 5, 71, 70, 67, 65, 4, 1, 3, 66, 0], [48, 38, 112, 24, 22, 93, 107, 84, 123, 17, 52, 50, 27, 91, 95, 118, 53, 30, 20, 98, 94, 115, 78, 125, 111, 99, 113, 49, 117, 55, 126, 45, 97, 81, 19, 119, 104, 77, 58, 110, 92, 41, 109, 28, 47, 102, 10, 36, 13, 116, 86, 105, 101, 32, 88, 35, 57, 18, 54, 80, 90, 122, 61, 121, 62, 120, 108, 34, 106, 39, 33, 40, 44, 56, 59, 43, 42, 31, 100, 124, 63, 60, 103, 127, 51, 37, 72, 96, 114, 8, 26, 46, 25, 29, 65, 23, 87, 11, 16, 68, 9, 71, 85, 89, 21, 14, 12, 75, 82, 83, 15, 7, 6, 76, 64, 79, 74, 5, 2, 73, 67, 69, 70, 4, 66, 3, 1, 0], [38, 48, 112, 24, 22, 125, 84, 107, 17, 93, 19, 80, 95, 10, 20, 78, 109, 50, 62, 13, 77, 33, 18, 27, 47, 98, 97, 68, 94, 111, 28, 92, 72, 81, 34, 35, 75, 56, 119, 6, 52, 88, 96, 8, 86, 90, 26, 9, 30, 91, 82, 49, 116, 14, 32, 31, 69, 99, 64, 43, 67, 12, 54, 53, 41, 117, 55, 29, 126, 89, 16, 15, 45, 120, 21, 36, 83, 61, 85, 114, 0, 79, 73, 39, 74, 1, 121, 57, 23, 7, 118, 59, 51, 87, 63, 25, 46, 100, 44, 110, 76, 40, 124, 58, 123, 2, 106, 5, 42, 66, 104, 37, 115, 101, 103, 65, 102, 113, 127, 11, 108, 71, 70, 105, 60, 122, 4, 3], [38, 48, 112, 24, 22, 107, 84, 93, 17, 62, 123, 97, 78, 10, 121, 30, 20, 110, 125, 18, 98, 49, 27, 96, 95, 115, 94, 50, 33, 35, 127, 116, 19, 34, 13, 45, 124, 91, 120, 72, 43, 77, 59, 86, 126, 101, 105, 51, 14, 53, 92, 111, 119, 102, 113, 41, 52, 28, 118, 80, 57, 7, 68, 109, 103, 106, 32, 55, 81, 88, 89, 40, 36, 47, 54, 117, 8, 104, 114, 42, 60, 5, 21, 99, 63, 58, 122, 26, 61, 44, 56, 39, 74, 12, 31, 100, 9, 108, 46, 25, 37, 29, 87, 82, 64, 3, 11, 65, 90, 75, 15, 16, 83, 2, 71, 66, 67, 79, 76, 85, 23, 70, 6, 69, 73, 4, 1, 0]], "model.layers.19.self_attn.k_proj": [[63, 124, 110, 37, 33, 22, 53, 55, 112, 113, 59, 122, 114, 121, 120, 125, 54, 116, 61, 126, 62, 127, 119, 50, 49, 117, 56, 111, 47, 57, 123, 118, 58, 60, 30, 48, 109, 92, 51, 105, 43, 52, 14, 108, 44, 90, 45, 15, 104, 36, 69, 35, 12, 81, 71, 101, 107, 115, 3, 9, 46, 85, 88, 99, 74, 106, 40, 39, 42, 96, 41, 102, 38, 86, 103, 91, 20, 1, 77, 82, 64, 34, 19, 72, 100, 24, 11, 25, 98, 78, 32, 75, 70, 29, 18, 87, 66, 31, 26, 93, 95, 68, 89, 94, 76, 23, 16, 28, 27, 21, 80, 83, 84, 97, 79, 0, 13, 4, 10, 2, 8, 7, 73, 5, 67, 17, 65, 6], [118, 59, 103, 98, 94, 10, 79, 81, 13, 21, 69, 19, 75, 110, 25, 8, 97, 90, 80, 78, 0, 122, 44, 43, 57, 49, 23, 48, 108, 84, 120, 87, 77, 22, 71, 82, 26, 115, 35, 74, 76, 42, 2, 106, 54, 107, 119, 95, 1, 123, 52, 102, 68, 91, 41, 113, 9, 7, 121, 112, 55, 53, 63, 50, 88, 127, 14, 27, 67, 24, 65, 101, 93, 58, 100, 62, 99, 56, 104, 60, 117, 126, 92, 105, 111, 51, 114, 38, 116, 125, 28, 61, 47, 109, 36, 17, 96, 5, 32, 124, 73, 40, 37, 4, 83, 18, 70, 11, 12, 31, 46, 33, 45, 86, 72, 66, 6, 89, 29, 85, 3, 16, 30, 39, 20, 15, 34, 64], [41, 112, 98, 22, 48, 9, 27, 64, 15, 12, 71, 84, 2, 63, 5, 25, 114, 18, 53, 62, 122, 125, 56, 113, 94, 117, 59, 124, 1, 60, 120, 58, 119, 57, 83, 118, 116, 13, 51, 50, 126, 55, 49, 4, 46, 47, 105, 115, 54, 45, 32, 111, 74, 97, 29, 123, 110, 108, 61, 70, 52, 43, 127, 121, 78, 75, 107, 80, 67, 42, 37, 85, 88, 44, 87, 109, 103, 106, 104, 102, 101, 100, 40, 19, 93, 28, 21, 39, 8, 66, 95, 35, 81, 38, 30, 36, 72, 6, 11, 99, 10, 14, 16, 90, 92, 31, 26, 33, 17, 96, 91, 0, 24, 73, 76, 65, 34, 69, 3, 89, 77, 23, 86, 68, 79, 7, 20, 82], [121, 120, 35, 22, 104, 126, 124, 95, 57, 49, 60, 117, 59, 46, 112, 63, 50, 38, 58, 51, 119, 92, 127, 106, 111, 48, 123, 118, 125, 56, 122, 113, 61, 115, 116, 91, 41, 52, 54, 103, 45, 36, 47, 28, 109, 110, 62, 18, 42, 108, 55, 32, 114, 102, 43, 12, 44, 20, 101, 53, 14, 40, 81, 39, 107, 105, 26, 94, 37, 34, 79, 29, 80, 88, 74, 97, 99, 100, 27, 96, 33, 70, 13, 23, 98, 9, 8, 71, 31, 24, 30, 21, 89, 93, 83, 87, 25, 90, 3, 4, 10, 11, 86, 84, 16, 15, 17, 1, 69, 75, 85, 2, 19, 73, 7, 72, 82, 78, 5, 76, 68, 64, 77, 6, 67, 0, 66, 65], [55, 37, 110, 116, 120, 96, 112, 41, 30, 91, 89, 28, 57, 81, 45, 124, 87, 23, 78, 103, 56, 109, 83, 102, 84, 52, 49, 36, 60, 11, 123, 31, 40, 25, 34, 76, 85, 94, 121, 117, 62, 99, 8, 71, 73, 111, 39, 97, 54, 126, 58, 14, 44, 12, 59, 125, 115, 114, 50, 122, 22, 17, 61, 24, 119, 35, 118, 51, 127, 107, 43, 93, 79, 33, 18, 48, 95, 9, 47, 63, 21, 108, 42, 106, 113, 68, 6, 5, 2, 32, 70, 27, 26, 88, 15, 90, 92, 98, 104, 3, 29, 80, 100, 86, 53, 19, 16, 7, 38, 46, 82, 67, 20, 74, 75, 13, 10, 72, 1, 65, 105, 64, 0, 77, 69, 4, 101, 66], [62, 56, 38, 55, 33, 22, 93, 15, 19, 89, 17, 76, 81, 59, 7, 109, 29, 120, 102, 78, 110, 57, 90, 53, 121, 88, 74, 27, 12, 60, 119, 10, 69, 117, 124, 103, 63, 2, 113, 125, 104, 54, 45, 9, 31, 61, 77, 58, 116, 47, 0, 49, 107, 126, 118, 114, 122, 21, 112, 52, 39, 44, 127, 115, 34, 111, 46, 48, 13, 87, 123, 84, 108, 41, 3, 37, 99, 51, 23, 18, 106, 80, 96, 105, 71, 73, 36, 24, 79, 30, 95, 94, 50, 4, 92, 16, 14, 91, 85, 83, 32, 40, 42, 28, 67, 65, 6, 26, 75, 100, 20, 68, 101, 11, 8, 64, 98, 82, 43, 35, 5, 25, 72, 86, 70, 97, 66, 1], [105, 120, 98, 47, 29, 22, 57, 64, 84, 8, 80, 76, 111, 78, 67, 88, 74, 56, 70, 48, 66, 69, 60, 50, 26, 19, 119, 46, 117, 126, 124, 61, 82, 114, 44, 115, 53, 116, 125, 63, 62, 122, 43, 45, 113, 95, 59, 7, 23, 118, 41, 99, 112, 51, 55, 65, 58, 127, 81, 107, 110, 52, 49, 18, 33, 54, 89, 71, 123, 106, 27, 109, 42, 38, 121, 4, 101, 3, 104, 87, 15, 37, 83, 39, 77, 79, 40, 13, 103, 108, 28, 102, 96, 25, 30, 31, 2, 1, 91, 94, 32, 34, 16, 35, 85, 92, 36, 100, 12, 97, 21, 73, 11, 75, 5, 9, 24, 90, 20, 68, 17, 6, 93, 72, 0, 10, 14, 86], [112, 48, 102, 22, 84, 24, 78, 107, 18, 17, 10, 13, 33, 68, 93, 72, 31, 92, 9, 109, 125, 94, 65, 19, 64, 12, 98, 6, 27, 30, 62, 80, 71, 2, 67, 77, 52, 91, 85, 8, 119, 5, 32, 35, 121, 113, 123, 11, 7, 105, 34, 36, 28, 118, 43, 61, 26, 111, 87, 106, 56, 75, 69, 120, 50, 115, 122, 83, 47, 89, 126, 23, 63, 79, 58, 49, 97, 40, 16, 90, 51, 53, 99, 45, 29, 46, 104, 76, 103, 117, 41, 25, 44, 101, 54, 100, 21, 60, 70, 124, 15, 57, 42, 20, 37, 55, 95, 127, 108, 96, 110, 116, 73, 74, 114, 59, 39, 38, 82, 14, 88, 3, 86, 81, 4, 66, 1, 0]], "model.layers.19.self_attn.qk_proj": [[112, 120, 55, 48, 62, 59, 56, 63, 118, 121, 124, 41, 110, 57, 105, 116, 86, 38, 102, 47, 98, 22, 53, 125, 50, 20, 111, 46, 58, 29, 60, 122, 93, 119, 84, 126, 113, 37, 25, 127, 17, 91, 51, 24, 89, 27, 109, 79, 61, 88, 12, 49, 76, 81, 83, 19, 90, 115, 97, 78, 54, 101, 14, 117, 114, 94, 123, 34, 82, 15, 52, 33, 35, 39, 32, 26, 45, 107, 87, 10, 30, 13, 18, 43, 103, 74, 92, 31, 44, 16, 77, 106, 72, 23, 108, 21, 95, 28, 96, 42, 9, 73, 11, 104, 71, 64, 80, 5, 40, 99, 75, 85, 36, 6, 7, 69, 0, 8, 100, 2, 70, 66, 67, 3, 4, 68, 65, 1], [112, 120, 55, 48, 59, 62, 56, 121, 63, 118, 124, 41, 110, 105, 57, 116, 86, 38, 102, 47, 53, 98, 58, 22, 125, 119, 50, 84, 91, 37, 111, 113, 20, 89, 126, 127, 93, 29, 46, 60, 25, 76, 24, 83, 12, 17, 49, 51, 109, 88, 79, 78, 114, 117, 81, 123, 34, 27, 61, 122, 90, 35, 19, 107, 33, 94, 97, 54, 115, 15, 18, 32, 39, 43, 103, 14, 92, 52, 26, 101, 30, 87, 10, 82, 74, 13, 45, 104, 96, 23, 44, 16, 77, 108, 31, 95, 40, 7, 9, 42, 21, 106, 28, 80, 73, 69, 99, 5, 0, 75, 71, 85, 11, 8, 64, 100, 6, 72, 70, 36, 2, 68, 66, 67, 4, 1, 65, 3], [112, 120, 48, 55, 59, 62, 56, 121, 63, 118, 41, 124, 105, 110, 57, 116, 86, 38, 102, 47, 22, 53, 58, 98, 29, 125, 93, 126, 20, 84, 46, 119, 49, 113, 127, 60, 122, 91, 89, 25, 50, 24, 81, 37, 111, 109, 88, 27, 19, 90, 34, 54, 94, 79, 51, 61, 12, 15, 76, 17, 35, 33, 97, 18, 117, 115, 107, 78, 26, 14, 83, 32, 39, 103, 101, 123, 52, 30, 114, 43, 23, 108, 45, 87, 8, 92, 13, 10, 82, 77, 96, 74, 95, 16, 42, 64, 31, 0, 11, 104, 44, 99, 9, 7, 21, 69, 5, 71, 80, 70, 28, 106, 36, 73, 100, 75, 66, 2, 3, 85, 40, 68, 4, 1, 67, 72, 6, 65], [112, 120, 48, 55, 62, 59, 63, 56, 118, 121, 124, 41, 110, 105, 57, 116, 38, 86, 102, 47, 126, 58, 53, 22, 29, 98, 84, 93, 89, 50, 46, 27, 91, 25, 20, 113, 123, 119, 49, 127, 51, 122, 125, 34, 81, 94, 15, 61, 37, 19, 76, 117, 24, 12, 115, 109, 78, 17, 88, 54, 79, 14, 60, 90, 107, 39, 83, 114, 97, 32, 111, 101, 35, 30, 33, 52, 18, 82, 45, 43, 23, 92, 87, 103, 8, 108, 104, 10, 26, 96, 95, 74, 13, 44, 106, 77, 0, 70, 69, 16, 64, 31, 71, 99, 5, 73, 42, 9, 80, 11, 7, 21, 75, 2, 40, 85, 66, 36, 3, 100, 68, 28, 6, 67, 4, 72, 65, 1], [112, 120, 48, 55, 62, 59, 121, 56, 63, 118, 124, 41, 110, 105, 57, 116, 38, 86, 47, 22, 102, 53, 98, 126, 20, 58, 29, 125, 84, 61, 25, 60, 51, 27, 46, 93, 122, 127, 119, 78, 17, 81, 19, 76, 49, 111, 37, 117, 12, 91, 89, 88, 50, 113, 79, 34, 24, 94, 15, 115, 90, 123, 14, 54, 97, 103, 18, 83, 101, 109, 30, 45, 33, 8, 43, 82, 106, 52, 32, 39, 13, 107, 74, 35, 23, 10, 114, 77, 73, 104, 96, 87, 108, 44, 31, 16, 11, 26, 92, 28, 71, 5, 64, 95, 7, 99, 9, 69, 70, 100, 85, 0, 42, 36, 21, 75, 40, 68, 66, 80, 2, 67, 3, 4, 72, 6, 65, 1], [112, 120, 55, 48, 62, 59, 56, 63, 121, 118, 124, 41, 110, 57, 105, 116, 86, 38, 102, 47, 22, 98, 84, 25, 29, 20, 126, 119, 53, 58, 27, 17, 113, 46, 49, 37, 81, 89, 76, 12, 88, 24, 78, 60, 93, 15, 83, 19, 122, 125, 127, 52, 50, 54, 14, 117, 123, 79, 111, 51, 91, 61, 90, 94, 115, 109, 97, 82, 34, 33, 13, 18, 39, 32, 43, 74, 101, 107, 10, 30, 8, 114, 103, 35, 96, 92, 44, 23, 45, 87, 16, 106, 104, 21, 108, 73, 11, 31, 28, 5, 80, 71, 77, 85, 26, 0, 42, 9, 75, 95, 69, 7, 99, 70, 64, 2, 66, 40, 6, 36, 100, 67, 3, 68, 72, 4, 1, 65], [112, 120, 55, 48, 62, 59, 121, 56, 63, 118, 41, 124, 57, 110, 105, 116, 86, 102, 38, 47, 22, 29, 20, 84, 98, 58, 17, 125, 53, 119, 24, 60, 25, 93, 111, 126, 27, 109, 12, 46, 19, 50, 49, 89, 76, 90, 14, 37, 81, 52, 91, 122, 78, 79, 88, 39, 117, 113, 83, 127, 15, 94, 61, 34, 97, 123, 82, 114, 32, 51, 18, 45, 33, 101, 54, 115, 92, 30, 8, 13, 96, 23, 10, 43, 103, 74, 104, 26, 35, 77, 87, 16, 31, 80, 107, 21, 85, 28, 9, 11, 44, 42, 108, 71, 106, 5, 7, 95, 99, 73, 100, 69, 6, 75, 64, 70, 40, 36, 0, 2, 68, 3, 67, 66, 1, 4, 72, 65], [112, 120, 48, 55, 62, 59, 56, 121, 63, 118, 41, 124, 105, 57, 110, 116, 86, 102, 38, 47, 53, 22, 29, 84, 98, 93, 24, 58, 126, 119, 20, 60, 111, 109, 27, 46, 37, 17, 89, 122, 25, 91, 50, 117, 81, 76, 88, 125, 12, 49, 54, 19, 90, 15, 107, 14, 83, 79, 94, 114, 78, 39, 113, 34, 123, 32, 115, 61, 97, 33, 101, 127, 51, 18, 35, 82, 92, 52, 26, 43, 103, 96, 23, 45, 77, 10, 30, 42, 104, 87, 8, 16, 74, 31, 44, 28, 13, 80, 21, 99, 7, 9, 71, 108, 5, 11, 36, 40, 85, 6, 106, 95, 64, 73, 0, 69, 75, 100, 2, 66, 72, 3, 4, 68, 70, 67, 1, 65], [112, 120, 55, 48, 62, 59, 56, 63, 118, 121, 41, 124, 105, 110, 57, 116, 86, 102, 47, 38, 53, 22, 29, 126, 84, 98, 119, 37, 93, 60, 122, 25, 58, 27, 91, 17, 20, 88, 24, 125, 109, 81, 114, 54, 94, 46, 50, 111, 113, 89, 12, 15, 49, 19, 127, 83, 33, 76, 123, 14, 117, 79, 107, 39, 61, 90, 97, 51, 34, 32, 35, 115, 52, 101, 18, 78, 103, 43, 13, 30, 82, 77, 92, 104, 26, 42, 87, 74, 23, 45, 10, 28, 31, 108, 44, 96, 16, 7, 99, 21, 6, 80, 36, 9, 8, 40, 73, 95, 11, 106, 5, 71, 85, 75, 64, 69, 100, 72, 0, 2, 70, 3, 67, 4, 66, 68, 1, 65], [112, 120, 48, 55, 62, 59, 56, 118, 63, 121, 41, 124, 57, 105, 110, 116, 102, 38, 86, 47, 22, 53, 98, 84, 58, 29, 125, 60, 126, 25, 93, 20, 37, 49, 12, 46, 119, 27, 88, 89, 122, 113, 50, 91, 81, 117, 61, 127, 109, 114, 19, 123, 76, 54, 94, 111, 24, 17, 97, 83, 79, 34, 107, 15, 115, 39, 32, 51, 14, 30, 10, 78, 103, 33, 101, 90, 92, 35, 104, 31, 82, 45, 74, 43, 77, 18, 13, 44, 42, 52, 23, 108, 26, 96, 9, 87, 106, 6, 16, 7, 99, 80, 95, 5, 0, 71, 72, 73, 69, 11, 28, 8, 64, 36, 40, 75, 21, 100, 85, 68, 67, 70, 66, 2, 4, 3, 1, 65], [112, 120, 55, 48, 62, 59, 118, 121, 56, 63, 124, 41, 110, 57, 105, 116, 38, 86, 102, 22, 53, 47, 29, 46, 20, 98, 25, 60, 84, 50, 126, 125, 122, 27, 58, 93, 119, 81, 117, 12, 61, 97, 89, 76, 88, 14, 101, 37, 78, 17, 113, 19, 15, 51, 91, 49, 83, 39, 24, 79, 127, 111, 10, 18, 114, 115, 54, 34, 94, 103, 30, 90, 109, 106, 123, 33, 107, 32, 72, 74, 82, 35, 43, 104, 77, 11, 5, 9, 92, 6, 96, 45, 13, 42, 31, 23, 52, 87, 16, 108, 26, 64, 44, 69, 73, 80, 7, 71, 0, 28, 2, 66, 21, 75, 95, 85, 36, 99, 8, 70, 68, 40, 67, 3, 4, 100, 65, 1], [112, 120, 48, 55, 62, 59, 56, 121, 63, 118, 124, 41, 105, 110, 57, 116, 86, 38, 47, 22, 102, 53, 29, 20, 84, 60, 98, 119, 27, 81, 93, 126, 50, 25, 17, 125, 46, 122, 58, 88, 37, 117, 12, 19, 89, 76, 24, 78, 34, 113, 109, 79, 83, 51, 97, 49, 15, 94, 61, 39, 14, 18, 111, 91, 107, 90, 32, 33, 115, 114, 74, 54, 101, 10, 103, 127, 106, 82, 52, 30, 123, 35, 87, 77, 104, 72, 26, 42, 31, 11, 13, 16, 9, 108, 96, 23, 80, 28, 45, 92, 43, 73, 44, 21, 99, 71, 95, 5, 85, 7, 0, 64, 69, 75, 6, 66, 36, 70, 3, 2, 100, 40, 68, 4, 8, 67, 65, 1], [112, 120, 48, 55, 62, 59, 121, 56, 63, 118, 41, 124, 110, 105, 57, 116, 86, 102, 47, 38, 53, 22, 119, 29, 84, 98, 58, 60, 20, 125, 93, 24, 27, 50, 126, 37, 122, 109, 89, 88, 117, 17, 49, 25, 91, 81, 113, 114, 76, 61, 19, 111, 12, 33, 51, 39, 46, 54, 15, 78, 34, 123, 83, 115, 90, 127, 107, 79, 52, 94, 32, 103, 35, 18, 92, 101, 26, 82, 74, 97, 14, 30, 96, 28, 72, 10, 77, 87, 44, 23, 13, 45, 106, 31, 80, 108, 104, 42, 85, 16, 21, 71, 43, 9, 99, 95, 100, 36, 11, 7, 69, 40, 5, 73, 70, 75, 0, 64, 6, 66, 67, 2, 68, 4, 65, 3, 8, 1], [112, 120, 55, 48, 59, 62, 56, 121, 63, 118, 124, 41, 105, 57, 110, 116, 86, 102, 38, 47, 22, 60, 53, 125, 58, 98, 84, 93, 119, 50, 29, 126, 27, 46, 25, 20, 61, 122, 113, 109, 12, 91, 49, 37, 117, 81, 17, 88, 89, 111, 115, 19, 76, 35, 24, 127, 34, 94, 101, 15, 54, 52, 97, 51, 79, 14, 114, 78, 33, 30, 107, 123, 72, 32, 18, 39, 26, 83, 90, 10, 82, 103, 74, 13, 104, 31, 23, 87, 96, 80, 77, 73, 92, 7, 16, 71, 106, 0, 42, 69, 45, 21, 95, 43, 108, 44, 70, 9, 99, 11, 85, 5, 28, 64, 40, 75, 100, 36, 66, 2, 4, 67, 6, 68, 3, 65, 1, 8], [112, 120, 55, 48, 62, 59, 56, 118, 121, 63, 41, 124, 110, 105, 57, 116, 86, 38, 102, 47, 98, 125, 84, 22, 29, 119, 53, 25, 20, 93, 60, 27, 12, 17, 58, 24, 126, 81, 50, 37, 117, 76, 113, 94, 46, 34, 49, 91, 78, 61, 19, 15, 88, 89, 14, 39, 122, 109, 111, 101, 97, 79, 35, 52, 83, 30, 18, 51, 72, 33, 54, 115, 10, 127, 123, 103, 82, 74, 90, 107, 13, 32, 26, 31, 23, 114, 73, 87, 106, 45, 92, 96, 9, 80, 71, 16, 77, 43, 69, 44, 64, 70, 104, 108, 11, 85, 5, 7, 0, 36, 99, 28, 95, 66, 40, 42, 21, 75, 6, 67, 68, 3, 2, 8, 100, 65, 4, 1], [112, 120, 48, 55, 62, 59, 56, 63, 118, 121, 41, 124, 110, 105, 57, 116, 86, 102, 38, 47, 22, 53, 29, 58, 98, 84, 20, 27, 125, 17, 117, 46, 76, 119, 126, 25, 60, 37, 81, 93, 113, 49, 50, 61, 24, 12, 34, 122, 89, 15, 91, 88, 19, 14, 94, 101, 78, 107, 79, 123, 51, 109, 52, 97, 115, 111, 83, 127, 35, 10, 54, 74, 39, 33, 18, 30, 82, 13, 90, 31, 32, 106, 72, 114, 103, 9, 26, 43, 77, 11, 73, 80, 44, 87, 45, 104, 92, 96, 42, 69, 71, 23, 95, 7, 108, 16, 70, 40, 85, 64, 5, 21, 75, 28, 99, 36, 0, 8, 2, 66, 67, 6, 100, 3, 68, 4, 1, 65], [112, 120, 48, 55, 62, 59, 56, 121, 118, 63, 41, 124, 105, 110, 57, 116, 86, 38, 102, 22, 53, 47, 98, 126, 29, 60, 58, 119, 20, 84, 125, 27, 46, 88, 50, 34, 49, 93, 37, 91, 89, 17, 81, 24, 25, 117, 122, 19, 113, 76, 109, 127, 12, 51, 33, 90, 83, 61, 32, 111, 94, 52, 79, 15, 97, 54, 78, 82, 39, 107, 92, 101, 18, 14, 114, 123, 30, 26, 74, 115, 43, 103, 35, 87, 96, 31, 10, 106, 13, 104, 77, 44, 23, 80, 16, 85, 28, 95, 42, 21, 45, 108, 40, 99, 36, 72, 8, 73, 5, 71, 9, 64, 70, 0, 11, 7, 75, 69, 100, 66, 6, 3, 2, 68, 4, 67, 1, 65], [112, 120, 48, 55, 62, 59, 56, 118, 121, 63, 41, 124, 105, 110, 57, 116, 38, 86, 102, 47, 22, 53, 98, 20, 29, 93, 113, 60, 46, 119, 84, 58, 125, 37, 89, 27, 91, 126, 25, 122, 17, 88, 50, 12, 49, 24, 76, 19, 117, 81, 109, 94, 15, 14, 79, 90, 127, 123, 83, 78, 61, 32, 34, 33, 30, 82, 74, 114, 107, 111, 39, 97, 115, 101, 103, 52, 54, 35, 51, 26, 10, 92, 18, 43, 13, 104, 87, 77, 31, 96, 23, 80, 0, 42, 73, 71, 16, 45, 28, 85, 106, 8, 21, 36, 7, 9, 5, 69, 108, 44, 95, 6, 64, 99, 75, 72, 11, 40, 70, 66, 2, 100, 67, 3, 4, 68, 65, 1], [112, 120, 48, 55, 62, 59, 63, 118, 56, 121, 41, 124, 110, 105, 57, 116, 38, 86, 47, 102, 53, 98, 22, 46, 125, 126, 29, 50, 93, 117, 27, 20, 25, 58, 84, 122, 89, 17, 127, 113, 37, 119, 114, 115, 91, 60, 81, 49, 19, 61, 12, 24, 94, 34, 33, 14, 109, 76, 52, 88, 123, 79, 83, 97, 15, 30, 101, 107, 51, 32, 90, 39, 54, 92, 104, 35, 82, 78, 74, 103, 8, 18, 31, 111, 43, 10, 87, 26, 45, 13, 96, 108, 77, 106, 44, 73, 23, 36, 6, 40, 16, 0, 80, 9, 71, 64, 69, 7, 42, 21, 28, 5, 11, 75, 95, 99, 85, 100, 3, 2, 70, 68, 66, 72, 4, 67, 65, 1], [112, 120, 48, 55, 62, 59, 63, 56, 118, 121, 41, 124, 110, 105, 57, 116, 86, 102, 38, 47, 53, 98, 22, 29, 125, 46, 84, 58, 25, 126, 27, 117, 89, 37, 20, 93, 119, 91, 17, 61, 24, 12, 50, 34, 60, 76, 49, 113, 109, 83, 14, 127, 111, 88, 81, 51, 115, 122, 33, 94, 114, 79, 32, 19, 123, 15, 78, 10, 54, 8, 97, 74, 107, 90, 104, 103, 82, 101, 39, 43, 30, 52, 92, 31, 77, 35, 106, 18, 13, 96, 26, 87, 80, 108, 44, 45, 28, 23, 6, 21, 73, 16, 9, 11, 95, 71, 69, 99, 75, 42, 5, 7, 64, 85, 0, 40, 36, 100, 66, 2, 70, 68, 72, 4, 1, 67, 3, 65], [112, 120, 48, 55, 62, 56, 59, 118, 63, 121, 124, 41, 110, 105, 57, 116, 86, 38, 102, 47, 53, 22, 98, 119, 25, 126, 125, 29, 20, 93, 27, 58, 60, 117, 61, 46, 84, 114, 89, 127, 113, 50, 91, 76, 37, 24, 122, 49, 109, 17, 19, 83, 81, 115, 78, 88, 123, 12, 94, 79, 14, 97, 30, 34, 52, 51, 15, 54, 107, 33, 18, 103, 32, 10, 43, 82, 111, 39, 101, 90, 8, 28, 106, 77, 13, 26, 35, 9, 104, 74, 44, 42, 92, 45, 87, 31, 80, 21, 23, 96, 16, 75, 95, 69, 6, 71, 73, 85, 11, 99, 7, 108, 5, 0, 36, 40, 64, 2, 70, 4, 67, 66, 3, 100, 68, 72, 65, 1], [112, 120, 48, 55, 62, 59, 56, 121, 63, 118, 41, 124, 110, 105, 57, 116, 86, 38, 102, 47, 58, 22, 98, 53, 126, 29, 119, 93, 20, 117, 49, 50, 125, 61, 25, 27, 51, 60, 46, 89, 84, 37, 115, 17, 91, 113, 123, 83, 114, 109, 88, 122, 76, 12, 127, 24, 81, 54, 52, 94, 14, 79, 19, 97, 18, 15, 103, 78, 32, 33, 34, 8, 30, 39, 43, 107, 92, 26, 82, 45, 111, 74, 90, 10, 13, 77, 87, 35, 31, 101, 96, 104, 21, 28, 80, 23, 44, 95, 9, 64, 0, 108, 69, 40, 106, 42, 7, 99, 5, 16, 71, 11, 73, 85, 75, 6, 36, 70, 100, 66, 4, 2, 67, 65, 3, 68, 1, 72], [112, 120, 48, 55, 59, 62, 56, 121, 118, 63, 41, 124, 105, 110, 57, 116, 38, 86, 102, 47, 22, 53, 58, 98, 119, 126, 29, 50, 60, 49, 20, 117, 113, 27, 91, 93, 61, 51, 25, 46, 89, 24, 17, 37, 125, 123, 84, 122, 76, 127, 114, 111, 88, 81, 12, 54, 15, 115, 94, 52, 19, 79, 33, 109, 83, 30, 78, 34, 107, 14, 90, 35, 97, 32, 103, 92, 26, 101, 43, 45, 77, 82, 18, 8, 10, 106, 104, 31, 39, 44, 74, 13, 87, 99, 21, 23, 108, 36, 80, 28, 16, 95, 96, 9, 7, 42, 0, 70, 73, 85, 71, 5, 11, 75, 40, 100, 69, 6, 64, 2, 66, 4, 67, 68, 72, 3, 1, 65], [112, 120, 48, 55, 62, 56, 59, 121, 118, 63, 124, 41, 110, 105, 57, 116, 86, 38, 102, 47, 22, 58, 29, 126, 98, 53, 119, 25, 20, 84, 27, 89, 125, 93, 113, 50, 24, 61, 91, 117, 60, 46, 15, 115, 81, 37, 88, 17, 94, 109, 123, 76, 122, 12, 127, 49, 51, 111, 97, 32, 34, 114, 78, 19, 14, 83, 33, 79, 30, 10, 107, 54, 39, 82, 18, 35, 74, 104, 92, 13, 101, 103, 90, 96, 8, 73, 52, 31, 77, 43, 87, 21, 23, 26, 106, 44, 45, 9, 16, 71, 28, 7, 42, 69, 75, 95, 80, 40, 70, 11, 5, 108, 85, 100, 0, 99, 2, 6, 64, 68, 36, 72, 67, 66, 4, 3, 65, 1], [112, 120, 48, 55, 62, 59, 121, 56, 118, 63, 41, 124, 110, 105, 57, 116, 86, 38, 22, 47, 102, 58, 98, 60, 20, 53, 29, 84, 25, 113, 126, 89, 119, 125, 17, 88, 81, 24, 50, 27, 61, 12, 93, 76, 49, 78, 97, 37, 19, 117, 123, 46, 91, 127, 109, 34, 122, 15, 111, 14, 83, 107, 54, 51, 103, 79, 39, 10, 33, 101, 115, 32, 94, 82, 114, 18, 90, 26, 30, 74, 13, 77, 52, 35, 43, 92, 31, 106, 87, 96, 28, 23, 9, 16, 45, 80, 104, 7, 21, 42, 44, 73, 70, 75, 69, 108, 8, 71, 5, 72, 11, 85, 0, 64, 40, 36, 100, 99, 95, 66, 2, 3, 68, 67, 6, 4, 65, 1], [112, 120, 48, 55, 62, 56, 59, 121, 118, 63, 124, 41, 105, 110, 57, 116, 86, 102, 38, 47, 53, 22, 125, 58, 98, 119, 29, 60, 84, 20, 113, 126, 49, 27, 91, 88, 46, 37, 89, 117, 122, 123, 93, 25, 61, 50, 76, 107, 12, 24, 34, 17, 127, 109, 111, 81, 32, 19, 78, 114, 51, 83, 54, 33, 115, 94, 97, 79, 103, 15, 30, 26, 35, 90, 14, 74, 39, 18, 82, 101, 43, 92, 87, 10, 96, 42, 44, 23, 31, 77, 28, 13, 45, 52, 21, 40, 16, 7, 95, 80, 104, 108, 99, 106, 72, 36, 70, 9, 85, 75, 69, 73, 71, 8, 5, 0, 100, 11, 64, 2, 66, 67, 6, 68, 1, 3, 4, 65], [112, 120, 48, 55, 56, 62, 59, 63, 121, 118, 124, 41, 105, 110, 57, 116, 47, 38, 86, 102, 53, 22, 98, 119, 126, 50, 58, 29, 20, 60, 125, 122, 113, 91, 93, 27, 61, 37, 25, 88, 111, 49, 84, 114, 46, 89, 107, 117, 51, 34, 24, 115, 109, 81, 123, 17, 76, 127, 15, 30, 12, 90, 39, 54, 83, 97, 33, 79, 14, 32, 101, 35, 103, 19, 94, 43, 92, 42, 104, 18, 78, 23, 10, 82, 52, 74, 44, 45, 26, 87, 77, 72, 96, 13, 16, 106, 99, 95, 108, 21, 28, 36, 75, 31, 80, 5, 71, 73, 9, 70, 69, 40, 100, 7, 64, 11, 0, 2, 85, 67, 66, 4, 8, 6, 3, 68, 65, 1], [112, 120, 48, 55, 56, 62, 59, 121, 63, 118, 124, 41, 110, 105, 57, 116, 86, 38, 102, 47, 22, 53, 98, 126, 119, 84, 58, 29, 125, 122, 50, 20, 46, 54, 60, 89, 93, 113, 17, 24, 27, 127, 25, 76, 12, 49, 51, 37, 78, 115, 81, 61, 91, 15, 117, 19, 109, 79, 123, 111, 83, 88, 97, 14, 114, 34, 39, 18, 94, 30, 32, 33, 10, 35, 90, 103, 101, 72, 107, 52, 74, 45, 13, 82, 77, 43, 92, 26, 87, 9, 16, 23, 71, 73, 64, 31, 44, 7, 5, 28, 96, 42, 108, 104, 75, 80, 21, 69, 0, 95, 99, 106, 40, 85, 70, 11, 36, 66, 6, 2, 8, 100, 3, 68, 67, 4, 65, 1], [112, 120, 55, 48, 62, 59, 56, 63, 121, 118, 124, 41, 110, 105, 57, 116, 86, 38, 102, 47, 98, 22, 58, 53, 60, 125, 119, 20, 122, 46, 113, 25, 126, 29, 27, 84, 51, 50, 89, 49, 76, 83, 93, 81, 127, 114, 78, 37, 12, 17, 91, 111, 97, 61, 79, 19, 24, 117, 15, 115, 88, 34, 109, 94, 54, 33, 101, 123, 45, 35, 14, 82, 43, 30, 92, 10, 90, 18, 52, 72, 107, 32, 44, 103, 104, 31, 77, 106, 9, 74, 23, 39, 13, 108, 87, 0, 69, 64, 21, 75, 5, 96, 71, 26, 73, 95, 6, 36, 16, 28, 7, 80, 85, 66, 42, 11, 99, 40, 67, 4, 100, 68, 2, 3, 1, 70, 8, 65], [112, 120, 55, 48, 62, 59, 56, 121, 118, 63, 124, 41, 110, 105, 57, 116, 86, 102, 38, 47, 22, 58, 98, 53, 20, 119, 46, 60, 29, 122, 125, 84, 49, 113, 76, 93, 25, 24, 123, 91, 27, 51, 37, 12, 81, 17, 126, 54, 89, 19, 88, 15, 14, 50, 83, 78, 115, 127, 79, 111, 34, 97, 114, 117, 101, 82, 109, 94, 61, 90, 72, 10, 33, 39, 43, 32, 30, 35, 18, 107, 87, 26, 103, 52, 92, 74, 44, 45, 106, 13, 96, 9, 23, 77, 28, 16, 6, 108, 5, 21, 104, 85, 95, 73, 71, 42, 80, 31, 7, 36, 75, 40, 69, 11, 64, 99, 2, 0, 100, 66, 3, 70, 67, 4, 8, 68, 1, 65], [112, 120, 55, 48, 59, 62, 121, 56, 118, 63, 124, 41, 110, 105, 57, 116, 38, 102, 86, 47, 98, 22, 58, 53, 60, 122, 29, 46, 20, 113, 119, 125, 126, 84, 89, 49, 24, 12, 93, 76, 51, 50, 81, 91, 127, 115, 27, 25, 123, 17, 88, 37, 97, 15, 61, 78, 14, 111, 54, 83, 101, 19, 30, 34, 72, 79, 103, 117, 94, 39, 33, 35, 109, 107, 92, 114, 32, 10, 45, 18, 82, 90, 52, 26, 74, 9, 108, 106, 6, 23, 71, 13, 44, 5, 16, 69, 95, 73, 87, 7, 96, 80, 21, 99, 31, 77, 64, 43, 85, 104, 28, 11, 75, 40, 0, 42, 2, 3, 100, 66, 36, 8, 4, 68, 70, 67, 1, 65], [112, 120, 55, 48, 62, 59, 56, 63, 121, 118, 124, 41, 110, 105, 57, 116, 86, 102, 38, 47, 58, 22, 53, 98, 50, 20, 93, 29, 60, 113, 24, 126, 84, 125, 89, 25, 49, 119, 37, 81, 12, 27, 46, 111, 91, 127, 17, 76, 61, 122, 51, 78, 15, 123, 88, 19, 79, 14, 97, 109, 94, 115, 32, 54, 90, 33, 39, 117, 34, 83, 35, 101, 52, 10, 45, 74, 92, 114, 72, 103, 107, 82, 18, 30, 26, 96, 87, 77, 44, 43, 106, 13, 108, 73, 23, 80, 16, 71, 11, 36, 6, 21, 95, 5, 9, 28, 31, 7, 75, 104, 99, 40, 42, 69, 85, 64, 100, 4, 3, 8, 70, 0, 67, 2, 68, 66, 65, 1]], "model.layers.20.self_attn.q_proj": [[114, 126, 101, 110, 46, 98, 19, 86, 29, 92, 25, 120, 24, 67, 124, 82, 12, 89, 9, 87, 28, 37, 119, 7, 49, 90, 16, 60, 23, 51, 13, 74, 115, 79, 31, 122, 58, 65, 127, 62, 77, 112, 121, 100, 116, 54, 4, 0, 97, 57, 88, 43, 118, 53, 125, 39, 61, 111, 108, 96, 34, 55, 50, 15, 14, 63, 32, 113, 47, 48, 40, 94, 30, 5, 93, 6, 56, 59, 64, 20, 109, 123, 42, 44, 117, 66, 1, 35, 72, 107, 68, 95, 45, 52, 2, 17, 27, 36, 83, 41, 26, 3, 70, 102, 38, 80, 104, 33, 105, 84, 106, 91, 81, 103, 18, 21, 99, 69, 8, 78, 73, 10, 85, 75, 71, 22, 76, 11], [46, 126, 114, 110, 101, 120, 98, 49, 124, 92, 55, 115, 58, 122, 19, 60, 119, 28, 37, 40, 54, 127, 86, 121, 116, 52, 53, 125, 118, 112, 57, 50, 51, 47, 61, 48, 62, 56, 108, 111, 90, 31, 42, 63, 113, 59, 24, 123, 43, 89, 109, 117, 105, 91, 45, 103, 44, 29, 106, 88, 15, 104, 82, 102, 39, 107, 41, 25, 95, 36, 16, 94, 35, 100, 23, 99, 85, 7, 38, 22, 33, 97, 13, 93, 96, 87, 34, 14, 79, 9, 32, 26, 21, 30, 27, 83, 73, 12, 17, 20, 84, 80, 8, 77, 81, 72, 11, 18, 78, 75, 66, 74, 10, 68, 6, 5, 4, 71, 76, 3, 1, 69, 64, 70, 2, 65, 67, 0], [126, 101, 110, 114, 46, 98, 28, 92, 120, 19, 86, 115, 124, 14, 24, 60, 58, 121, 82, 123, 23, 29, 89, 119, 116, 125, 37, 42, 39, 122, 36, 49, 31, 55, 118, 112, 103, 54, 109, 48, 25, 105, 127, 57, 62, 99, 47, 53, 51, 16, 111, 50, 59, 61, 56, 117, 26, 100, 91, 63, 33, 104, 95, 38, 32, 45, 30, 113, 83, 93, 52, 35, 94, 40, 41, 44, 85, 97, 87, 90, 96, 12, 107, 27, 108, 43, 84, 7, 102, 74, 34, 106, 21, 13, 81, 22, 15, 17, 88, 79, 80, 5, 8, 20, 18, 76, 78, 75, 71, 77, 3, 72, 9, 11, 73, 10, 66, 70, 69, 6, 1, 68, 67, 4, 2, 65, 0, 64], [114, 126, 46, 110, 101, 92, 98, 120, 119, 12, 124, 28, 19, 82, 60, 5, 51, 25, 86, 37, 127, 49, 115, 0, 62, 58, 16, 122, 50, 57, 74, 112, 117, 121, 7, 123, 61, 53, 38, 55, 113, 54, 68, 125, 118, 14, 31, 116, 47, 44, 48, 56, 109, 111, 63, 89, 87, 104, 43, 108, 2, 100, 36, 91, 45, 107, 33, 105, 94, 29, 52, 23, 59, 8, 41, 39, 6, 85, 77, 40, 70, 79, 3, 102, 42, 15, 35, 66, 18, 95, 32, 88, 69, 83, 99, 106, 96, 73, 75, 30, 9, 1, 71, 93, 64, 17, 27, 13, 103, 97, 24, 4, 20, 65, 78, 11, 67, 76, 84, 81, 21, 80, 22, 26, 72, 90, 10, 34], [43, 98, 93, 103, 107, 116, 46, 117, 78, 58, 21, 24, 81, 19, 127, 12, 63, 8, 51, 95, 121, 62, 92, 90, 120, 29, 37, 70, 26, 109, 41, 59, 101, 104, 119, 105, 100, 52, 48, 50, 36, 57, 87, 74, 86, 16, 27, 44, 7, 110, 73, 2, 72, 42, 54, 33, 67, 13, 32, 39, 56, 126, 115, 75, 53, 79, 114, 68, 83, 84, 3, 10, 125, 23, 64, 118, 9, 22, 1, 112, 61, 113, 80, 40, 25, 17, 47, 108, 85, 66, 106, 45, 30, 14, 97, 99, 38, 76, 123, 94, 35, 122, 96, 11, 82, 18, 60, 28, 49, 111, 31, 6, 15, 0, 55, 91, 71, 20, 77, 69, 89, 34, 102, 88, 124, 5, 4, 65], [43, 121, 107, 98, 93, 46, 63, 62, 52, 58, 118, 109, 38, 24, 116, 39, 127, 103, 54, 119, 37, 104, 19, 53, 51, 55, 26, 29, 44, 49, 56, 105, 21, 57, 110, 115, 48, 117, 41, 95, 50, 90, 61, 33, 47, 59, 32, 125, 112, 92, 120, 81, 123, 42, 106, 114, 108, 60, 23, 78, 111, 25, 126, 124, 122, 96, 86, 45, 113, 87, 34, 75, 12, 40, 100, 36, 101, 70, 9, 91, 83, 97, 73, 102, 31, 35, 84, 28, 22, 30, 80, 88, 99, 18, 77, 10, 82, 68, 94, 11, 27, 20, 13, 79, 17, 89, 4, 15, 8, 16, 67, 1, 85, 7, 64, 6, 71, 74, 76, 3, 65, 69, 2, 5, 14, 66, 0, 72], [43, 113, 121, 116, 93, 98, 107, 59, 52, 24, 103, 63, 53, 125, 49, 29, 127, 105, 58, 51, 110, 95, 26, 48, 117, 54, 119, 112, 46, 124, 37, 92, 120, 47, 44, 106, 61, 21, 123, 118, 109, 114, 56, 62, 45, 111, 104, 60, 90, 115, 91, 41, 122, 126, 39, 108, 57, 100, 81, 42, 97, 50, 40, 32, 33, 87, 38, 23, 101, 55, 102, 36, 22, 19, 35, 96, 88, 34, 83, 86, 84, 99, 94, 31, 18, 30, 80, 27, 77, 28, 25, 82, 89, 75, 85, 20, 16, 15, 78, 12, 17, 9, 76, 13, 79, 73, 11, 74, 70, 14, 10, 6, 72, 7, 5, 4, 66, 68, 8, 0, 69, 65, 71, 67, 2, 3, 1, 64], [43, 98, 93, 107, 103, 46, 116, 121, 24, 81, 78, 51, 21, 12, 109, 62, 8, 63, 19, 120, 26, 7, 117, 52, 29, 69, 74, 127, 68, 58, 38, 70, 92, 119, 73, 65, 90, 3, 2, 105, 37, 16, 66, 125, 44, 95, 50, 86, 48, 10, 39, 75, 106, 54, 0, 33, 64, 47, 59, 87, 56, 4, 96, 5, 97, 49, 82, 53, 71, 41, 101, 45, 84, 67, 18, 113, 114, 123, 110, 115, 104, 83, 13, 77, 79, 118, 6, 126, 11, 111, 36, 60, 17, 55, 124, 61, 1, 108, 76, 57, 23, 28, 25, 42, 35, 20, 112, 27, 80, 30, 72, 22, 40, 99, 85, 100, 122, 31, 9, 91, 15, 32, 14, 89, 102, 94, 34, 88], [39, 109, 46, 97, 93, 110, 78, 17, 10, 71, 19, 45, 5, 85, 76, 86, 16, 65, 26, 3, 22, 116, 83, 9, 89, 66, 2, 121, 35, 90, 87, 88, 107, 81, 24, 64, 79, 21, 91, 80, 119, 103, 75, 11, 28, 12, 74, 29, 15, 82, 54, 8, 92, 72, 127, 7, 18, 111, 59, 13, 23, 77, 14, 94, 1, 84, 4, 123, 48, 69, 68, 67, 20, 32, 73, 6, 70, 0, 27, 118, 30, 25, 115, 34, 99, 33, 114, 96, 102, 113, 31, 100, 38, 43, 95, 101, 58, 44, 41, 51, 125, 120, 122, 57, 98, 53, 50, 55, 126, 40, 60, 36, 104, 52, 47, 106, 62, 37, 42, 61, 105, 63, 117, 124, 112, 49, 56, 108], [109, 39, 45, 93, 97, 85, 107, 123, 110, 16, 99, 116, 54, 26, 76, 59, 53, 119, 57, 90, 23, 121, 56, 60, 118, 58, 115, 24, 55, 125, 51, 112, 40, 126, 63, 111, 43, 114, 29, 48, 102, 19, 122, 113, 127, 52, 86, 44, 124, 9, 105, 47, 62, 49, 117, 92, 46, 108, 120, 37, 61, 50, 41, 30, 106, 21, 42, 83, 6, 31, 104, 36, 94, 98, 100, 17, 64, 28, 5, 103, 35, 101, 34, 88, 96, 38, 4, 32, 25, 95, 0, 18, 87, 12, 27, 80, 10, 89, 22, 78, 1, 33, 3, 65, 68, 66, 84, 70, 73, 20, 91, 71, 82, 67, 81, 79, 77, 11, 72, 15, 75, 13, 2, 69, 8, 7, 14, 74], [109, 39, 45, 97, 93, 107, 123, 85, 110, 46, 26, 16, 86, 76, 23, 19, 121, 24, 83, 90, 29, 119, 59, 116, 51, 102, 111, 127, 57, 118, 99, 54, 17, 22, 10, 125, 53, 78, 48, 122, 58, 114, 55, 112, 60, 113, 63, 21, 124, 56, 126, 115, 27, 30, 104, 120, 50, 49, 62, 52, 12, 92, 44, 105, 61, 108, 47, 96, 35, 103, 42, 41, 89, 40, 117, 43, 15, 36, 88, 101, 37, 5, 79, 100, 32, 38, 71, 64, 33, 106, 94, 80, 95, 34, 9, 11, 6, 98, 18, 68, 82, 28, 87, 3, 77, 31, 81, 91, 25, 84, 75, 13, 20, 66, 70, 1, 0, 65, 67, 14, 4, 8, 74, 72, 73, 69, 7, 2], [39, 109, 110, 46, 97, 45, 93, 102, 86, 26, 85, 118, 117, 96, 19, 24, 123, 17, 111, 92, 57, 35, 30, 15, 60, 125, 49, 59, 116, 53, 58, 29, 121, 119, 113, 54, 99, 127, 78, 44, 63, 48, 27, 89, 122, 52, 107, 55, 51, 124, 47, 11, 112, 36, 56, 98, 126, 95, 41, 37, 62, 61, 83, 115, 40, 108, 42, 114, 106, 101, 50, 43, 105, 100, 10, 120, 32, 87, 31, 34, 28, 104, 88, 22, 76, 75, 84, 90, 16, 9, 91, 23, 25, 94, 18, 5, 79, 38, 20, 0, 21, 4, 82, 6, 13, 80, 33, 77, 70, 12, 1, 2, 8, 71, 103, 81, 65, 14, 64, 69, 72, 67, 68, 73, 3, 74, 7, 66], [51, 101, 120, 119, 97, 127, 25, 115, 82, 37, 113, 110, 118, 46, 104, 22, 28, 62, 89, 31, 93, 78, 53, 109, 21, 94, 116, 42, 122, 121, 98, 75, 30, 27, 123, 117, 126, 23, 87, 20, 59, 52, 96, 54, 47, 69, 44, 114, 48, 60, 9, 124, 81, 61, 63, 57, 56, 83, 58, 111, 55, 16, 50, 80, 125, 86, 91, 49, 95, 77, 112, 88, 24, 29, 41, 10, 90, 92, 14, 105, 45, 107, 108, 73, 3, 19, 84, 99, 71, 85, 39, 34, 43, 103, 106, 102, 100, 35, 70, 18, 38, 64, 32, 26, 5, 40, 15, 17, 8, 36, 12, 68, 67, 65, 66, 7, 74, 72, 33, 76, 13, 2, 1, 4, 11, 79, 0, 6], [127, 120, 51, 119, 101, 109, 97, 56, 113, 107, 82, 118, 102, 54, 106, 62, 59, 117, 25, 93, 124, 123, 116, 52, 126, 122, 57, 37, 38, 121, 114, 104, 55, 105, 48, 50, 125, 49, 98, 115, 112, 58, 47, 91, 44, 60, 89, 63, 35, 45, 61, 111, 110, 40, 17, 30, 46, 92, 28, 53, 23, 85, 90, 94, 42, 108, 18, 34, 36, 43, 31, 39, 96, 84, 27, 103, 41, 100, 99, 24, 88, 95, 79, 29, 26, 15, 12, 19, 32, 81, 73, 33, 83, 87, 21, 11, 78, 20, 22, 16, 77, 75, 13, 86, 1, 66, 76, 7, 0, 80, 14, 72, 69, 3, 70, 6, 9, 4, 68, 74, 10, 5, 2, 8, 67, 64, 65, 71], [120, 51, 119, 101, 25, 89, 97, 37, 47, 118, 127, 115, 62, 117, 113, 123, 84, 122, 54, 121, 52, 60, 126, 53, 55, 116, 125, 46, 56, 16, 57, 49, 50, 59, 124, 61, 63, 109, 114, 58, 48, 110, 93, 111, 28, 44, 30, 22, 42, 108, 112, 45, 12, 29, 107, 40, 92, 41, 43, 80, 103, 39, 38, 104, 105, 86, 106, 87, 73, 20, 27, 31, 95, 102, 18, 35, 98, 33, 69, 7, 36, 3, 66, 100, 34, 14, 99, 88, 77, 72, 94, 82, 76, 17, 32, 10, 1, 96, 13, 91, 70, 85, 15, 8, 74, 75, 4, 19, 83, 24, 78, 26, 11, 0, 5, 68, 21, 9, 23, 71, 79, 81, 90, 6, 67, 64, 2, 65], [119, 101, 51, 127, 120, 84, 97, 113, 115, 54, 59, 123, 62, 118, 82, 92, 30, 50, 37, 46, 27, 124, 126, 89, 25, 28, 43, 47, 110, 125, 61, 52, 45, 121, 40, 109, 53, 100, 122, 42, 102, 18, 107, 116, 58, 60, 49, 104, 48, 35, 15, 57, 114, 44, 63, 117, 95, 56, 105, 91, 96, 36, 22, 111, 108, 77, 106, 112, 73, 55, 90, 34, 41, 32, 99, 20, 38, 33, 39, 103, 98, 12, 79, 19, 26, 94, 86, 17, 93, 31, 81, 88, 29, 24, 87, 11, 13, 16, 21, 23, 74, 83, 76, 80, 10, 85, 14, 75, 72, 9, 71, 69, 6, 78, 70, 7, 68, 8, 0, 5, 67, 2, 4, 1, 3, 66, 65, 64], [110, 50, 37, 46, 26, 38, 88, 114, 41, 58, 98, 30, 36, 82, 53, 94, 90, 85, 97, 28, 34, 84, 117, 109, 100, 122, 20, 96, 123, 86, 57, 87, 104, 39, 51, 21, 25, 111, 81, 126, 120, 102, 99, 62, 22, 61, 113, 52, 45, 76, 112, 48, 116, 115, 27, 95, 29, 43, 78, 44, 79, 42, 103, 59, 47, 101, 108, 17, 105, 107, 83, 18, 121, 127, 106, 23, 31, 56, 60, 119, 54, 40, 125, 49, 124, 63, 10, 33, 91, 35, 32, 89, 55, 24, 92, 16, 4, 93, 118, 64, 75, 6, 66, 13, 72, 65, 15, 80, 77, 7, 74, 11, 73, 14, 19, 5, 12, 3, 67, 70, 68, 71, 8, 1, 9, 69, 2, 0], [110, 50, 46, 37, 58, 26, 97, 88, 41, 84, 96, 62, 114, 90, 106, 109, 30, 78, 126, 20, 92, 85, 86, 81, 34, 28, 87, 53, 123, 94, 99, 83, 104, 91, 23, 122, 38, 117, 57, 31, 93, 39, 10, 124, 63, 98, 112, 11, 21, 42, 51, 56, 48, 127, 61, 125, 17, 108, 111, 107, 116, 29, 16, 105, 115, 3, 24, 52, 118, 49, 121, 60, 7, 55, 6, 113, 70, 43, 54, 103, 47, 45, 36, 68, 102, 59, 80, 4, 32, 33, 120, 25, 95, 119, 100, 64, 44, 76, 40, 89, 77, 27, 19, 14, 82, 15, 18, 73, 35, 0, 75, 5, 79, 66, 74, 71, 72, 101, 22, 8, 9, 12, 65, 67, 13, 1, 69, 2], [110, 50, 37, 58, 46, 26, 41, 98, 97, 30, 109, 87, 122, 90, 84, 88, 94, 31, 85, 62, 60, 81, 28, 125, 78, 29, 63, 35, 20, 91, 36, 43, 126, 48, 17, 86, 121, 124, 61, 83, 51, 32, 102, 100, 54, 15, 118, 117, 114, 123, 52, 93, 92, 47, 45, 127, 56, 11, 112, 111, 113, 40, 107, 120, 116, 4, 103, 22, 27, 108, 106, 55, 104, 53, 24, 42, 101, 76, 49, 99, 89, 21, 115, 34, 96, 16, 38, 57, 33, 44, 39, 66, 6, 18, 59, 75, 119, 7, 95, 19, 79, 25, 105, 23, 8, 80, 72, 77, 10, 73, 14, 64, 74, 82, 70, 12, 5, 3, 65, 13, 67, 69, 71, 9, 2, 68, 1, 0], [110, 50, 37, 46, 58, 26, 97, 84, 30, 41, 109, 88, 28, 78, 90, 96, 117, 94, 126, 17, 47, 20, 91, 87, 85, 53, 106, 108, 81, 114, 29, 122, 105, 93, 86, 107, 11, 31, 111, 48, 34, 23, 40, 95, 45, 57, 43, 124, 16, 92, 119, 123, 49, 59, 83, 51, 15, 21, 118, 62, 63, 112, 104, 55, 98, 36, 24, 56, 116, 4, 61, 10, 127, 113, 44, 65, 54, 60, 121, 18, 103, 5, 120, 125, 39, 77, 52, 38, 100, 72, 115, 35, 89, 102, 76, 6, 99, 33, 42, 32, 74, 79, 75, 7, 70, 3, 27, 80, 73, 66, 14, 22, 25, 82, 12, 13, 101, 71, 0, 19, 8, 68, 9, 64, 67, 2, 1, 69], [125, 48, 112, 37, 53, 124, 46, 126, 61, 117, 100, 113, 121, 54, 51, 116, 57, 56, 59, 58, 114, 34, 120, 127, 118, 52, 60, 122, 123, 50, 49, 63, 62, 55, 110, 115, 97, 111, 119, 47, 109, 45, 108, 42, 44, 102, 43, 105, 103, 107, 41, 99, 104, 26, 39, 40, 106, 32, 35, 84, 38, 101, 86, 90, 96, 94, 95, 82, 88, 36, 28, 33, 30, 98, 31, 29, 87, 22, 93, 73, 14, 76, 20, 23, 16, 92, 18, 24, 78, 25, 80, 27, 7, 89, 5, 12, 91, 3, 65, 69, 9, 85, 1, 71, 83, 0, 67, 17, 21, 64, 2, 4, 15, 66, 19, 70, 10, 11, 13, 75, 77, 68, 6, 8, 74, 81, 72, 79], [48, 100, 46, 112, 25, 85, 125, 17, 34, 87, 14, 15, 83, 27, 86, 80, 96, 12, 10, 40, 29, 84, 97, 98, 103, 13, 94, 95, 37, 93, 16, 9, 22, 75, 24, 99, 8, 78, 42, 124, 73, 28, 32, 110, 69, 6, 3, 36, 77, 118, 20, 117, 11, 81, 68, 26, 21, 5, 92, 71, 74, 76, 18, 30, 82, 90, 126, 88, 50, 121, 89, 23, 79, 47, 38, 19, 0, 91, 39, 105, 1, 31, 70, 7, 115, 35, 2, 41, 116, 67, 45, 54, 114, 65, 101, 120, 53, 4, 102, 63, 104, 61, 109, 43, 64, 72, 58, 113, 33, 57, 127, 59, 56, 119, 62, 123, 52, 49, 66, 108, 106, 111, 122, 51, 55, 107, 44, 60], [48, 112, 27, 100, 46, 85, 83, 34, 25, 97, 17, 13, 15, 125, 75, 8, 28, 87, 86, 32, 37, 30, 29, 4, 12, 10, 18, 72, 124, 68, 66, 6, 96, 16, 2, 24, 77, 40, 47, 91, 33, 20, 76, 93, 26, 70, 71, 7, 31, 84, 95, 14, 90, 22, 88, 9, 36, 0, 23, 82, 39, 121, 89, 126, 81, 21, 11, 79, 38, 92, 94, 74, 118, 73, 1, 99, 54, 98, 43, 103, 19, 78, 69, 110, 114, 117, 35, 80, 115, 5, 65, 102, 67, 53, 113, 3, 45, 59, 57, 101, 56, 64, 116, 50, 105, 44, 42, 123, 111, 41, 58, 61, 52, 49, 63, 62, 104, 120, 107, 60, 119, 51, 109, 108, 127, 55, 122, 106], [46, 48, 112, 125, 121, 37, 124, 54, 126, 57, 56, 117, 62, 53, 113, 59, 120, 58, 116, 61, 114, 127, 122, 49, 123, 51, 52, 63, 118, 115, 60, 110, 55, 50, 111, 119, 45, 47, 109, 43, 44, 100, 108, 102, 104, 106, 103, 107, 41, 39, 42, 105, 40, 38, 96, 34, 101, 98, 99, 97, 33, 32, 36, 95, 86, 35, 90, 88, 28, 22, 94, 84, 82, 26, 31, 30, 92, 29, 93, 25, 89, 65, 91, 87, 20, 78, 18, 7, 16, 24, 80, 27, 76, 14, 23, 0, 3, 12, 85, 67, 73, 2, 69, 71, 5, 83, 9, 1, 21, 17, 70, 4, 81, 19, 10, 64, 13, 15, 66, 8, 75, 79, 68, 74, 72, 77, 11, 6], [116, 122, 103, 57, 126, 55, 119, 118, 40, 127, 54, 51, 59, 100, 120, 114, 125, 124, 121, 61, 115, 112, 111, 50, 123, 85, 63, 53, 62, 113, 108, 56, 47, 117, 60, 30, 48, 58, 52, 46, 104, 49, 109, 42, 33, 110, 44, 102, 45, 106, 41, 43, 107, 29, 105, 38, 36, 24, 37, 27, 34, 99, 101, 35, 25, 32, 96, 98, 19, 31, 94, 95, 97, 39, 93, 23, 78, 28, 91, 87, 83, 21, 14, 22, 92, 89, 17, 86, 90, 26, 10, 1, 72, 0, 88, 8, 5, 3, 4, 16, 81, 80, 74, 75, 68, 13, 71, 64, 67, 66, 6, 18, 84, 69, 12, 2, 70, 7, 65, 77, 82, 9, 76, 79, 15, 11, 73, 20], [122, 116, 103, 55, 54, 120, 50, 40, 114, 118, 33, 53, 124, 24, 126, 100, 115, 59, 127, 19, 113, 117, 31, 125, 63, 121, 61, 57, 119, 112, 111, 60, 123, 56, 62, 58, 46, 110, 52, 51, 30, 102, 47, 42, 49, 48, 108, 27, 85, 74, 106, 109, 104, 22, 94, 80, 25, 44, 35, 107, 36, 45, 93, 43, 91, 41, 105, 32, 29, 38, 37, 84, 101, 28, 34, 26, 20, 98, 89, 82, 86, 23, 99, 97, 87, 96, 90, 21, 95, 83, 15, 72, 92, 88, 39, 5, 12, 0, 14, 18, 16, 78, 77, 3, 17, 73, 71, 6, 79, 76, 81, 68, 13, 10, 70, 9, 4, 2, 8, 66, 69, 64, 67, 75, 1, 65, 11, 7], [116, 122, 103, 55, 118, 54, 126, 50, 127, 61, 114, 57, 120, 112, 119, 121, 125, 115, 124, 62, 117, 40, 123, 33, 52, 53, 59, 60, 56, 113, 58, 104, 63, 111, 51, 100, 34, 91, 47, 49, 26, 36, 48, 93, 22, 110, 19, 46, 42, 44, 45, 25, 109, 102, 108, 24, 27, 107, 21, 106, 41, 31, 43, 80, 101, 94, 37, 35, 99, 38, 105, 29, 85, 28, 98, 86, 32, 39, 97, 96, 95, 89, 30, 92, 23, 78, 90, 74, 16, 14, 83, 82, 17, 88, 84, 87, 3, 18, 77, 12, 15, 10, 11, 1, 9, 68, 4, 81, 66, 0, 8, 20, 65, 13, 6, 79, 67, 70, 64, 71, 75, 69, 5, 2, 72, 73, 76, 7], [103, 116, 122, 93, 100, 84, 82, 55, 81, 33, 88, 15, 22, 75, 91, 87, 77, 52, 24, 11, 118, 79, 17, 71, 50, 26, 31, 119, 102, 126, 27, 40, 120, 13, 57, 32, 54, 89, 29, 23, 20, 34, 25, 90, 12, 21, 28, 72, 83, 125, 115, 121, 14, 18, 86, 59, 68, 94, 114, 61, 112, 85, 117, 124, 113, 127, 53, 96, 92, 123, 63, 8, 30, 111, 80, 58, 76, 62, 16, 110, 46, 47, 51, 7, 56, 104, 78, 69, 9, 10, 19, 60, 73, 97, 67, 95, 5, 37, 44, 49, 4, 66, 3, 108, 48, 99, 6, 74, 43, 109, 42, 70, 45, 98, 38, 36, 0, 107, 35, 106, 1, 64, 2, 105, 41, 101, 65, 39], [102, 113, 56, 97, 23, 49, 79, 29, 77, 81, 20, 75, 10, 72, 6, 3, 22, 16, 18, 32, 67, 38, 28, 15, 34, 5, 9, 88, 48, 17, 112, 65, 115, 92, 25, 70, 26, 74, 53, 78, 0, 39, 69, 86, 84, 63, 87, 64, 11, 31, 12, 105, 83, 19, 89, 66, 58, 117, 57, 80, 30, 85, 21, 13, 91, 93, 73, 8, 55, 82, 90, 52, 100, 41, 27, 1, 44, 7, 95, 96, 103, 36, 76, 94, 59, 99, 24, 119, 121, 14, 51, 50, 116, 35, 118, 33, 47, 60, 106, 101, 110, 46, 122, 2, 98, 123, 45, 62, 40, 109, 4, 42, 71, 37, 126, 104, 54, 124, 68, 61, 43, 114, 120, 125, 107, 108, 127, 111], [102, 56, 113, 97, 29, 49, 23, 20, 79, 77, 75, 81, 10, 3, 6, 72, 22, 69, 0, 30, 18, 65, 88, 25, 53, 84, 74, 13, 70, 17, 87, 86, 59, 26, 93, 71, 1, 89, 64, 66, 15, 76, 52, 80, 92, 11, 119, 73, 24, 4, 95, 96, 8, 31, 34, 90, 91, 14, 33, 19, 32, 28, 38, 62, 58, 82, 9, 41, 36, 112, 94, 110, 12, 83, 78, 16, 5, 121, 27, 57, 21, 103, 7, 48, 115, 50, 63, 117, 85, 35, 99, 2, 101, 43, 98, 39, 100, 67, 125, 60, 68, 45, 123, 122, 105, 51, 126, 44, 54, 127, 47, 61, 37, 124, 114, 106, 55, 108, 111, 40, 120, 46, 42, 107, 109, 104, 118, 116], [113, 102, 56, 121, 48, 49, 97, 39, 29, 22, 44, 126, 16, 115, 52, 50, 60, 59, 124, 118, 51, 117, 123, 38, 57, 119, 63, 54, 47, 112, 28, 114, 127, 58, 46, 122, 90, 62, 120, 110, 53, 125, 43, 55, 40, 109, 104, 61, 116, 108, 24, 41, 37, 111, 105, 103, 107, 32, 101, 106, 42, 45, 91, 23, 20, 26, 36, 100, 86, 25, 34, 98, 81, 99, 88, 80, 96, 93, 31, 94, 35, 85, 14, 30, 27, 95, 92, 83, 76, 33, 18, 78, 82, 9, 89, 19, 21, 12, 73, 77, 75, 69, 84, 10, 71, 79, 7, 4, 2, 68, 87, 17, 66, 5, 72, 64, 65, 0, 3, 1, 6, 15, 11, 13, 67, 8, 70, 74], [56, 102, 113, 48, 97, 49, 29, 23, 41, 22, 117, 52, 28, 115, 16, 46, 36, 20, 114, 103, 81, 86, 121, 44, 31, 50, 53, 63, 105, 58, 25, 77, 39, 119, 51, 106, 126, 91, 54, 90, 76, 78, 27, 60, 89, 55, 59, 123, 62, 92, 79, 118, 10, 38, 107, 104, 42, 120, 122, 109, 108, 124, 72, 69, 112, 14, 12, 127, 47, 116, 57, 110, 33, 43, 19, 111, 93, 32, 83, 24, 40, 101, 45, 125, 30, 61, 80, 75, 37, 35, 99, 82, 84, 26, 98, 88, 18, 34, 85, 96, 100, 9, 94, 21, 3, 64, 95, 66, 68, 71, 5, 7, 74, 1, 0, 17, 73, 6, 4, 65, 2, 87, 13, 70, 15, 67, 11, 8]], "model.layers.20.self_attn.k_proj": [[126, 114, 46, 37, 86, 34, 50, 64, 124, 28, 12, 16, 25, 51, 19, 66, 119, 57, 120, 7, 60, 58, 115, 82, 53, 127, 123, 62, 116, 61, 74, 122, 14, 113, 112, 9, 117, 63, 56, 125, 54, 121, 55, 47, 118, 48, 44, 111, 43, 79, 59, 49, 13, 45, 109, 29, 39, 101, 95, 6, 52, 107, 24, 3, 41, 36, 42, 108, 102, 104, 87, 105, 106, 40, 94, 103, 21, 38, 98, 4, 33, 90, 27, 32, 23, 8, 35, 72, 96, 5, 1, 99, 15, 100, 91, 80, 30, 110, 77, 97, 89, 84, 20, 93, 70, 88, 17, 2, 31, 11, 18, 65, 68, 26, 81, 75, 92, 69, 76, 85, 78, 73, 67, 0, 10, 83, 71, 22], [107, 34, 43, 29, 116, 51, 90, 78, 81, 8, 127, 19, 31, 70, 12, 56, 0, 110, 7, 120, 87, 32, 68, 61, 63, 3, 74, 62, 75, 54, 2, 39, 121, 88, 21, 66, 100, 24, 92, 73, 85, 58, 46, 95, 28, 86, 109, 45, 52, 59, 69, 77, 126, 117, 37, 1, 48, 113, 57, 36, 33, 47, 42, 114, 53, 27, 64, 4, 11, 84, 99, 18, 15, 5, 50, 119, 108, 97, 112, 65, 82, 80, 124, 44, 125, 16, 30, 71, 102, 22, 25, 41, 122, 40, 94, 60, 118, 105, 55, 101, 104, 10, 79, 13, 106, 38, 89, 115, 20, 26, 49, 9, 123, 111, 23, 35, 91, 72, 76, 96, 17, 14, 67, 93, 83, 6, 103, 98], [45, 103, 46, 33, 29, 109, 86, 19, 85, 123, 90, 119, 5, 10, 16, 64, 78, 57, 116, 76, 71, 52, 17, 112, 54, 126, 127, 121, 65, 3, 53, 115, 125, 51, 122, 107, 55, 48, 113, 58, 56, 114, 118, 59, 120, 60, 24, 124, 9, 2, 47, 44, 61, 63, 34, 111, 89, 62, 108, 106, 67, 13, 41, 11, 49, 32, 117, 100, 43, 99, 50, 72, 35, 38, 101, 104, 6, 31, 69, 105, 23, 42, 37, 15, 18, 88, 30, 95, 82, 87, 36, 91, 94, 102, 25, 84, 92, 75, 0, 40, 110, 27, 93, 98, 14, 1, 77, 96, 28, 20, 8, 4, 73, 79, 66, 81, 26, 83, 68, 22, 7, 70, 74, 39, 12, 97, 80, 21], [51, 37, 119, 120, 127, 33, 22, 46, 122, 123, 121, 50, 118, 56, 45, 124, 113, 52, 126, 61, 116, 53, 62, 117, 48, 125, 106, 115, 54, 55, 60, 57, 30, 59, 58, 63, 40, 89, 91, 49, 108, 114, 101, 47, 110, 104, 111, 112, 41, 109, 80, 44, 102, 103, 43, 42, 107, 38, 105, 39, 16, 92, 93, 95, 23, 36, 32, 82, 35, 34, 31, 21, 84, 29, 25, 86, 99, 96, 100, 28, 77, 76, 26, 98, 87, 88, 19, 72, 12, 27, 90, 94, 24, 83, 70, 78, 15, 85, 10, 75, 97, 7, 9, 74, 81, 14, 17, 13, 68, 3, 79, 11, 5, 2, 20, 18, 73, 65, 6, 4, 71, 64, 67, 8, 69, 0, 1, 66], [46, 50, 110, 101, 26, 30, 58, 20, 114, 85, 78, 33, 17, 4, 66, 88, 11, 76, 79, 41, 62, 7, 72, 126, 64, 75, 5, 53, 122, 70, 6, 3, 19, 34, 87, 73, 18, 23, 91, 86, 15, 68, 83, 16, 32, 77, 60, 84, 81, 49, 43, 10, 65, 117, 100, 118, 105, 127, 24, 112, 109, 31, 51, 92, 45, 67, 61, 120, 48, 35, 57, 63, 56, 29, 40, 107, 96, 25, 89, 22, 27, 113, 119, 125, 82, 52, 80, 124, 55, 116, 21, 93, 0, 1, 115, 121, 103, 108, 44, 54, 106, 99, 28, 74, 38, 123, 95, 13, 104, 39, 47, 59, 98, 36, 102, 111, 42, 8, 97, 14, 9, 37, 12, 2, 90, 94, 71, 69], [112, 48, 36, 86, 15, 17, 125, 110, 83, 75, 25, 10, 27, 33, 13, 29, 85, 70, 32, 30, 8, 124, 117, 46, 56, 126, 121, 54, 84, 82, 115, 61, 28, 57, 53, 2, 116, 98, 0, 47, 4, 62, 90, 120, 59, 51, 80, 63, 102, 60, 114, 87, 123, 35, 127, 44, 113, 50, 109, 52, 122, 118, 49, 58, 92, 105, 111, 55, 41, 119, 77, 45, 11, 104, 26, 107, 42, 73, 43, 38, 6, 103, 101, 106, 37, 31, 14, 108, 40, 74, 79, 65, 99, 7, 88, 16, 34, 23, 72, 39, 12, 76, 96, 95, 67, 21, 93, 78, 3, 24, 20, 89, 91, 9, 69, 94, 97, 100, 19, 18, 68, 71, 81, 5, 66, 22, 1, 64], [122, 116, 39, 22, 55, 97, 54, 61, 126, 118, 52, 117, 112, 124, 57, 121, 50, 123, 120, 115, 62, 113, 127, 27, 58, 56, 114, 53, 59, 63, 51, 95, 119, 98, 60, 26, 34, 49, 125, 111, 47, 110, 104, 45, 42, 44, 46, 82, 109, 48, 24, 107, 108, 80, 32, 38, 35, 41, 43, 84, 102, 37, 106, 16, 105, 101, 12, 36, 96, 40, 14, 99, 85, 92, 23, 15, 29, 9, 33, 94, 90, 17, 77, 19, 30, 31, 93, 100, 28, 10, 71, 75, 103, 81, 87, 25, 91, 89, 20, 79, 78, 76, 70, 67, 83, 18, 11, 8, 72, 1, 88, 13, 69, 86, 74, 5, 3, 21, 73, 0, 6, 66, 7, 4, 64, 2, 68, 65], [113, 56, 38, 33, 22, 93, 81, 23, 79, 72, 77, 20, 6, 10, 75, 112, 0, 3, 120, 69, 117, 27, 57, 65, 16, 49, 52, 115, 103, 54, 59, 110, 50, 126, 46, 122, 51, 28, 53, 60, 124, 26, 58, 55, 61, 119, 125, 102, 118, 105, 62, 123, 5, 121, 48, 95, 116, 2, 94, 47, 63, 45, 127, 83, 108, 30, 114, 99, 109, 106, 9, 107, 66, 100, 89, 67, 32, 104, 44, 43, 35, 21, 14, 76, 40, 42, 18, 96, 78, 85, 88, 24, 101, 39, 111, 34, 73, 68, 41, 25, 4, 36, 31, 37, 29, 90, 98, 12, 92, 1, 80, 19, 7, 71, 74, 82, 64, 91, 87, 84, 8, 17, 70, 11, 13, 15, 86, 97]], "model.layers.20.self_attn.qk_proj": [[46, 113, 56, 116, 122, 112, 126, 48, 110, 51, 114, 45, 107, 43, 119, 120, 50, 109, 127, 37, 93, 125, 121, 54, 49, 22, 52, 123, 86, 101, 58, 39, 102, 118, 55, 29, 115, 53, 57, 90, 63, 124, 60, 62, 103, 26, 33, 92, 61, 97, 59, 17, 81, 34, 23, 83, 38, 19, 84, 89, 47, 117, 91, 87, 85, 24, 14, 111, 44, 32, 108, 41, 78, 98, 21, 16, 74, 30, 80, 88, 25, 20, 105, 36, 79, 100, 75, 77, 10, 15, 106, 95, 11, 12, 13, 28, 104, 27, 76, 31, 94, 72, 6, 82, 40, 18, 8, 96, 35, 7, 42, 67, 71, 3, 66, 9, 64, 0, 99, 73, 5, 2, 70, 4, 65, 1, 69, 68], [46, 113, 56, 116, 126, 112, 122, 48, 110, 45, 51, 114, 120, 107, 119, 43, 50, 109, 127, 93, 37, 125, 121, 101, 49, 52, 58, 123, 86, 22, 54, 102, 39, 29, 53, 103, 115, 55, 60, 97, 61, 90, 118, 117, 63, 34, 57, 59, 33, 124, 26, 62, 38, 81, 92, 23, 85, 87, 83, 24, 47, 89, 19, 17, 30, 98, 91, 84, 14, 41, 78, 16, 88, 32, 111, 21, 80, 36, 75, 95, 20, 76, 100, 44, 25, 108, 10, 77, 15, 12, 11, 74, 104, 79, 105, 106, 13, 42, 28, 94, 96, 6, 27, 72, 82, 31, 40, 9, 8, 64, 18, 35, 3, 71, 66, 2, 7, 0, 99, 70, 5, 68, 67, 1, 73, 69, 65, 4], [46, 113, 116, 56, 126, 112, 48, 122, 110, 51, 114, 45, 119, 107, 43, 120, 50, 109, 127, 93, 125, 37, 121, 22, 86, 101, 49, 54, 52, 58, 55, 39, 29, 63, 102, 123, 103, 115, 33, 118, 60, 90, 53, 124, 61, 97, 62, 92, 26, 34, 57, 59, 30, 81, 17, 23, 24, 83, 38, 117, 47, 14, 85, 87, 44, 88, 19, 21, 41, 84, 111, 108, 98, 91, 32, 95, 78, 100, 89, 80, 25, 105, 16, 28, 36, 75, 104, 74, 79, 31, 20, 15, 77, 106, 12, 27, 76, 13, 94, 10, 82, 72, 18, 11, 64, 35, 96, 67, 0, 42, 8, 6, 9, 40, 70, 99, 3, 66, 7, 69, 2, 5, 71, 68, 73, 4, 65, 1], [46, 113, 116, 56, 126, 122, 112, 48, 110, 51, 114, 45, 107, 120, 119, 43, 109, 50, 127, 125, 93, 37, 49, 22, 101, 121, 54, 58, 55, 53, 39, 102, 115, 86, 63, 29, 60, 103, 52, 61, 97, 90, 57, 118, 62, 34, 124, 33, 117, 26, 59, 92, 47, 17, 81, 123, 19, 14, 87, 30, 83, 38, 75, 23, 24, 78, 88, 16, 80, 85, 95, 20, 98, 106, 89, 91, 84, 21, 44, 111, 31, 79, 15, 105, 25, 12, 100, 32, 28, 74, 42, 41, 104, 13, 27, 76, 36, 94, 10, 11, 77, 82, 96, 108, 67, 72, 40, 18, 3, 8, 2, 70, 7, 66, 64, 0, 5, 71, 6, 35, 73, 69, 9, 99, 68, 4, 65, 1], [46, 113, 116, 56, 122, 126, 48, 112, 110, 51, 114, 45, 120, 107, 119, 43, 109, 50, 127, 125, 93, 49, 37, 54, 121, 22, 86, 39, 115, 58, 101, 63, 123, 55, 29, 61, 103, 53, 102, 57, 52, 60, 59, 62, 26, 124, 97, 81, 90, 118, 34, 33, 47, 117, 19, 17, 98, 38, 23, 87, 78, 83, 84, 24, 92, 30, 85, 20, 80, 21, 75, 16, 111, 89, 79, 91, 25, 95, 14, 88, 105, 74, 44, 15, 12, 104, 40, 36, 10, 108, 31, 28, 41, 77, 100, 106, 76, 32, 27, 13, 11, 82, 42, 72, 70, 73, 18, 94, 71, 8, 7, 35, 0, 3, 96, 66, 64, 99, 67, 9, 69, 2, 6, 5, 68, 65, 4, 1], [46, 113, 116, 56, 122, 126, 112, 48, 110, 51, 45, 114, 119, 120, 107, 43, 50, 109, 127, 93, 125, 49, 37, 22, 86, 121, 58, 54, 101, 39, 60, 115, 29, 123, 102, 52, 97, 90, 63, 124, 53, 117, 26, 57, 81, 103, 118, 34, 19, 59, 55, 61, 84, 16, 87, 80, 85, 62, 33, 17, 23, 47, 79, 78, 98, 38, 92, 24, 89, 14, 20, 111, 30, 12, 83, 44, 75, 31, 88, 95, 104, 91, 15, 25, 21, 10, 74, 76, 32, 28, 11, 77, 100, 36, 105, 82, 13, 108, 106, 41, 27, 72, 96, 8, 70, 40, 42, 94, 18, 73, 9, 3, 67, 7, 0, 64, 71, 35, 99, 66, 6, 5, 2, 69, 4, 65, 1, 68], [46, 113, 56, 116, 48, 126, 112, 110, 122, 114, 45, 51, 120, 119, 109, 107, 43, 50, 127, 125, 93, 37, 22, 86, 49, 39, 102, 101, 121, 58, 29, 123, 115, 57, 54, 60, 103, 90, 34, 118, 26, 117, 55, 52, 63, 53, 33, 61, 124, 87, 19, 97, 17, 23, 16, 84, 24, 47, 81, 62, 85, 59, 38, 92, 83, 91, 88, 30, 98, 80, 20, 79, 78, 14, 44, 21, 89, 25, 15, 76, 104, 32, 36, 75, 100, 108, 40, 10, 12, 28, 31, 95, 27, 41, 74, 77, 13, 111, 11, 42, 105, 106, 82, 18, 94, 35, 9, 96, 8, 72, 70, 99, 7, 73, 64, 71, 67, 3, 0, 6, 66, 2, 69, 5, 4, 68, 1, 65], [46, 113, 56, 116, 126, 48, 112, 110, 122, 51, 45, 114, 120, 119, 107, 43, 109, 50, 127, 125, 93, 22, 37, 86, 101, 121, 123, 102, 49, 58, 39, 29, 53, 57, 117, 54, 55, 60, 90, 62, 115, 118, 103, 124, 52, 33, 26, 87, 34, 63, 91, 92, 59, 24, 81, 23, 61, 19, 97, 83, 85, 38, 30, 17, 47, 98, 89, 21, 111, 80, 108, 41, 88, 32, 36, 84, 25, 15, 14, 20, 79, 104, 27, 16, 10, 44, 31, 78, 28, 40, 100, 95, 77, 94, 75, 12, 42, 13, 76, 18, 74, 11, 105, 106, 82, 99, 35, 70, 8, 96, 7, 72, 64, 3, 9, 0, 71, 66, 73, 69, 2, 6, 67, 5, 68, 1, 4, 65], [46, 113, 56, 126, 116, 48, 112, 122, 110, 51, 45, 114, 120, 107, 119, 50, 43, 109, 127, 93, 125, 49, 37, 121, 101, 22, 123, 58, 102, 29, 86, 55, 117, 60, 39, 26, 53, 63, 54, 61, 57, 62, 103, 90, 52, 118, 115, 34, 33, 124, 92, 17, 81, 38, 97, 47, 85, 87, 83, 23, 78, 59, 24, 30, 21, 91, 36, 88, 32, 84, 19, 89, 14, 16, 20, 104, 41, 111, 15, 98, 25, 44, 80, 79, 31, 100, 95, 27, 28, 11, 10, 105, 77, 94, 76, 12, 40, 75, 108, 13, 106, 74, 18, 96, 42, 8, 35, 7, 82, 99, 72, 3, 70, 0, 2, 73, 6, 67, 64, 9, 71, 69, 66, 68, 1, 4, 5, 65], [46, 113, 116, 56, 126, 48, 112, 122, 110, 51, 45, 114, 120, 107, 43, 119, 50, 109, 127, 93, 37, 125, 121, 49, 58, 22, 54, 52, 123, 101, 117, 86, 102, 53, 55, 124, 29, 57, 115, 39, 63, 118, 61, 62, 103, 90, 34, 97, 60, 38, 26, 17, 33, 92, 81, 47, 78, 87, 85, 59, 23, 19, 83, 88, 24, 89, 25, 30, 32, 98, 10, 16, 80, 21, 41, 84, 14, 111, 11, 95, 100, 15, 36, 44, 91, 77, 79, 104, 12, 75, 28, 40, 31, 20, 27, 8, 74, 76, 106, 96, 13, 105, 42, 108, 94, 7, 6, 71, 0, 72, 3, 18, 35, 2, 64, 9, 82, 70, 73, 69, 67, 66, 99, 68, 5, 4, 1, 65], [46, 113, 56, 116, 122, 126, 48, 110, 112, 51, 114, 45, 120, 107, 43, 119, 50, 109, 127, 125, 93, 37, 121, 49, 115, 22, 58, 101, 54, 86, 118, 123, 39, 63, 52, 124, 53, 62, 102, 97, 29, 103, 55, 26, 57, 61, 60, 90, 81, 17, 19, 117, 33, 111, 87, 84, 92, 34, 38, 83, 85, 78, 16, 15, 47, 25, 79, 24, 14, 80, 95, 30, 11, 59, 23, 21, 44, 75, 20, 88, 10, 91, 98, 12, 104, 77, 32, 28, 106, 6, 76, 8, 74, 36, 100, 82, 72, 89, 105, 27, 31, 41, 108, 13, 18, 40, 94, 42, 7, 64, 96, 2, 73, 71, 0, 3, 9, 35, 67, 69, 66, 99, 5, 70, 4, 1, 65, 68], [46, 113, 56, 116, 48, 126, 110, 122, 112, 51, 45, 114, 120, 107, 119, 43, 50, 109, 125, 127, 93, 37, 22, 86, 49, 101, 58, 102, 121, 39, 29, 115, 53, 54, 123, 63, 117, 34, 55, 52, 90, 62, 26, 103, 61, 17, 19, 124, 60, 97, 33, 118, 81, 57, 83, 38, 85, 87, 59, 84, 92, 23, 78, 47, 15, 98, 16, 80, 24, 14, 10, 30, 88, 91, 20, 100, 79, 12, 21, 44, 111, 36, 25, 32, 11, 95, 31, 89, 104, 75, 28, 41, 77, 76, 27, 74, 106, 82, 8, 108, 94, 96, 40, 18, 105, 6, 13, 72, 71, 73, 9, 42, 67, 35, 66, 3, 0, 64, 7, 99, 69, 2, 70, 5, 1, 65, 4, 68], [46, 113, 56, 116, 126, 48, 112, 110, 122, 51, 45, 120, 114, 107, 50, 109, 43, 119, 93, 127, 125, 37, 49, 22, 102, 86, 58, 123, 39, 121, 54, 101, 29, 55, 117, 115, 124, 62, 63, 52, 33, 53, 97, 60, 103, 34, 118, 90, 61, 47, 38, 57, 26, 92, 30, 19, 85, 59, 87, 81, 83, 89, 88, 98, 17, 32, 91, 23, 84, 36, 25, 44, 24, 16, 111, 80, 78, 21, 100, 20, 108, 15, 95, 11, 31, 105, 77, 28, 10, 79, 27, 12, 14, 41, 74, 82, 76, 94, 40, 13, 104, 75, 106, 96, 35, 71, 8, 42, 18, 6, 72, 0, 66, 64, 73, 7, 9, 3, 99, 2, 67, 70, 5, 69, 1, 4, 68, 65], [46, 113, 56, 122, 126, 116, 48, 112, 110, 51, 45, 114, 120, 107, 119, 50, 43, 109, 127, 125, 93, 37, 22, 49, 58, 54, 101, 121, 86, 39, 60, 29, 102, 123, 57, 52, 53, 62, 103, 115, 55, 63, 117, 90, 61, 124, 118, 34, 26, 59, 17, 81, 47, 33, 92, 97, 83, 111, 38, 87, 19, 32, 85, 78, 98, 23, 30, 80, 21, 91, 24, 89, 84, 11, 36, 20, 14, 95, 15, 44, 10, 28, 104, 25, 105, 108, 16, 79, 41, 106, 31, 88, 76, 96, 74, 12, 77, 100, 82, 75, 27, 72, 94, 42, 8, 18, 64, 0, 13, 71, 73, 6, 35, 9, 70, 7, 99, 66, 67, 40, 5, 1, 2, 3, 69, 4, 65, 68], [46, 113, 116, 56, 48, 126, 112, 122, 110, 51, 114, 45, 107, 120, 43, 119, 50, 109, 127, 93, 125, 37, 22, 86, 121, 49, 102, 101, 58, 52, 123, 39, 55, 29, 118, 54, 117, 103, 63, 61, 57, 33, 62, 90, 26, 17, 53, 81, 19, 60, 124, 59, 34, 115, 87, 97, 24, 92, 78, 85, 83, 74, 11, 91, 79, 16, 21, 10, 89, 104, 23, 80, 32, 38, 98, 20, 84, 36, 111, 95, 47, 12, 27, 30, 14, 28, 88, 76, 15, 25, 100, 75, 41, 108, 106, 77, 96, 94, 44, 18, 31, 73, 105, 40, 8, 82, 70, 35, 13, 71, 72, 0, 64, 67, 7, 2, 3, 9, 6, 66, 42, 69, 5, 68, 1, 65, 99, 4], [46, 113, 56, 116, 126, 48, 122, 110, 112, 51, 114, 45, 120, 107, 43, 119, 109, 50, 125, 127, 93, 37, 49, 22, 101, 121, 86, 54, 58, 102, 57, 123, 52, 63, 60, 117, 115, 29, 53, 55, 62, 118, 103, 39, 81, 59, 26, 124, 97, 61, 90, 83, 87, 33, 17, 34, 38, 19, 74, 47, 23, 78, 85, 32, 89, 11, 91, 24, 84, 95, 92, 98, 20, 15, 79, 104, 111, 36, 16, 30, 77, 14, 25, 10, 88, 75, 27, 12, 21, 80, 28, 40, 44, 41, 106, 105, 13, 70, 31, 100, 108, 76, 94, 8, 72, 18, 42, 96, 82, 71, 73, 67, 7, 35, 9, 3, 0, 66, 2, 64, 99, 6, 69, 5, 65, 1, 4, 68], [46, 113, 56, 116, 126, 122, 48, 112, 110, 51, 45, 120, 114, 107, 119, 43, 109, 50, 127, 125, 93, 37, 121, 49, 22, 86, 101, 102, 58, 29, 54, 103, 123, 60, 52, 39, 115, 118, 124, 117, 57, 55, 26, 34, 53, 62, 97, 90, 63, 33, 47, 92, 59, 83, 61, 81, 19, 17, 23, 24, 111, 38, 87, 30, 20, 91, 89, 85, 84, 32, 98, 16, 21, 88, 36, 78, 80, 25, 100, 40, 104, 44, 79, 74, 108, 95, 28, 14, 27, 11, 31, 15, 12, 77, 94, 41, 76, 10, 96, 82, 13, 72, 18, 70, 75, 35, 105, 106, 42, 64, 71, 9, 0, 7, 67, 2, 8, 5, 73, 99, 66, 3, 6, 68, 69, 65, 1, 4], [46, 113, 56, 116, 126, 48, 110, 112, 122, 45, 51, 114, 107, 120, 43, 119, 109, 50, 127, 93, 125, 37, 121, 22, 86, 49, 101, 117, 58, 55, 29, 102, 53, 39, 118, 54, 103, 63, 124, 33, 115, 90, 123, 92, 60, 26, 34, 57, 62, 52, 97, 17, 61, 19, 81, 24, 111, 14, 83, 91, 85, 98, 23, 30, 16, 38, 87, 36, 89, 44, 11, 21, 59, 20, 47, 88, 74, 84, 28, 94, 95, 32, 15, 76, 79, 41, 80, 108, 10, 40, 78, 27, 31, 25, 13, 12, 100, 104, 75, 77, 42, 70, 72, 18, 96, 82, 106, 0, 105, 9, 35, 64, 67, 71, 99, 5, 3, 2, 8, 69, 7, 66, 73, 6, 65, 4, 68, 1], [46, 113, 116, 56, 126, 112, 48, 122, 110, 51, 45, 114, 120, 107, 43, 119, 109, 50, 127, 93, 125, 37, 49, 121, 117, 58, 63, 54, 22, 102, 39, 52, 101, 86, 62, 61, 29, 55, 53, 118, 103, 123, 115, 97, 57, 124, 33, 60, 90, 34, 26, 59, 23, 38, 83, 111, 24, 92, 17, 81, 14, 36, 30, 47, 21, 95, 87, 88, 85, 19, 20, 89, 78, 40, 16, 80, 98, 91, 44, 104, 84, 32, 28, 41, 11, 106, 76, 100, 25, 10, 74, 75, 15, 27, 31, 94, 105, 77, 42, 96, 79, 72, 108, 12, 82, 13, 70, 0, 66, 71, 35, 8, 67, 18, 6, 64, 7, 9, 4, 3, 5, 2, 99, 73, 1, 68, 69, 65], [46, 113, 116, 56, 126, 48, 110, 122, 112, 51, 45, 114, 107, 120, 43, 109, 50, 119, 127, 125, 93, 37, 121, 49, 22, 58, 101, 86, 117, 102, 52, 54, 97, 118, 63, 123, 29, 115, 39, 62, 55, 60, 124, 61, 103, 53, 34, 26, 38, 90, 57, 33, 87, 19, 95, 59, 81, 85, 92, 47, 24, 23, 83, 32, 98, 80, 11, 111, 84, 17, 16, 30, 89, 20, 78, 88, 91, 36, 14, 25, 21, 74, 104, 106, 15, 79, 100, 108, 40, 76, 28, 94, 12, 31, 10, 13, 72, 96, 44, 41, 27, 75, 77, 42, 8, 35, 6, 18, 71, 9, 0, 7, 82, 66, 73, 70, 105, 67, 64, 99, 3, 2, 4, 68, 69, 5, 1, 65], [46, 113, 116, 56, 126, 48, 110, 122, 112, 51, 114, 45, 107, 43, 120, 119, 109, 50, 127, 125, 93, 49, 37, 121, 22, 58, 86, 117, 54, 53, 123, 115, 63, 101, 124, 52, 118, 29, 39, 102, 55, 60, 26, 57, 103, 34, 90, 62, 97, 33, 81, 92, 78, 61, 87, 16, 38, 59, 83, 19, 111, 47, 17, 95, 32, 30, 91, 98, 11, 20, 84, 21, 23, 89, 88, 14, 36, 24, 25, 15, 44, 74, 28, 85, 108, 79, 76, 106, 12, 31, 94, 105, 13, 80, 104, 42, 75, 27, 41, 100, 82, 40, 77, 6, 10, 72, 8, 67, 18, 7, 35, 9, 96, 73, 99, 5, 0, 71, 3, 70, 66, 69, 2, 1, 68, 64, 4, 65], [46, 113, 116, 56, 48, 126, 112, 110, 122, 51, 114, 45, 120, 107, 43, 119, 50, 109, 127, 125, 93, 49, 37, 121, 54, 58, 117, 22, 53, 118, 39, 63, 86, 124, 29, 115, 55, 52, 101, 102, 123, 97, 103, 62, 61, 34, 57, 90, 26, 60, 33, 59, 92, 38, 17, 95, 81, 91, 83, 19, 87, 24, 47, 84, 16, 21, 88, 85, 111, 78, 108, 23, 89, 14, 30, 11, 32, 25, 44, 104, 36, 100, 28, 98, 74, 20, 80, 42, 79, 94, 41, 15, 106, 31, 76, 40, 75, 27, 82, 96, 77, 8, 64, 10, 13, 6, 105, 12, 71, 0, 18, 7, 3, 72, 9, 73, 67, 35, 2, 70, 99, 66, 5, 69, 68, 65, 1, 4], [46, 113, 116, 56, 126, 112, 122, 48, 110, 51, 114, 45, 120, 107, 119, 43, 109, 50, 125, 127, 93, 49, 121, 37, 123, 54, 22, 86, 117, 101, 58, 115, 52, 39, 102, 124, 118, 53, 29, 57, 60, 63, 26, 103, 61, 55, 34, 97, 62, 38, 90, 33, 92, 83, 47, 59, 17, 111, 88, 87, 81, 44, 19, 21, 91, 89, 24, 23, 32, 80, 36, 85, 78, 84, 98, 95, 30, 108, 14, 20, 74, 16, 94, 25, 27, 41, 31, 28, 106, 100, 79, 104, 12, 40, 15, 96, 10, 76, 11, 75, 77, 105, 18, 82, 13, 6, 35, 8, 73, 42, 7, 99, 64, 0, 72, 3, 71, 67, 66, 2, 9, 5, 69, 70, 4, 68, 65, 1], [46, 113, 116, 122, 56, 126, 48, 112, 110, 51, 114, 45, 107, 120, 119, 43, 109, 50, 127, 125, 93, 37, 49, 54, 22, 58, 86, 121, 101, 115, 117, 123, 29, 118, 39, 57, 52, 53, 124, 102, 97, 63, 26, 55, 90, 103, 60, 111, 61, 34, 59, 33, 92, 87, 47, 81, 62, 17, 19, 83, 85, 84, 23, 16, 98, 32, 36, 30, 91, 80, 78, 89, 38, 24, 95, 75, 14, 20, 88, 21, 31, 25, 44, 76, 74, 28, 79, 11, 12, 106, 15, 27, 13, 41, 10, 100, 104, 72, 96, 77, 105, 94, 108, 8, 82, 18, 42, 6, 40, 71, 9, 35, 73, 67, 7, 3, 70, 0, 64, 66, 5, 2, 69, 99, 1, 4, 68, 65], [46, 113, 116, 56, 122, 112, 48, 126, 110, 114, 51, 45, 120, 107, 43, 119, 109, 50, 125, 127, 93, 37, 22, 49, 86, 121, 115, 58, 54, 124, 63, 29, 102, 118, 53, 117, 39, 52, 123, 57, 101, 90, 55, 61, 26, 81, 34, 83, 19, 103, 97, 87, 60, 33, 59, 62, 23, 111, 24, 92, 80, 47, 84, 38, 17, 85, 89, 78, 21, 20, 88, 44, 91, 30, 16, 75, 12, 15, 25, 36, 95, 14, 74, 98, 10, 32, 31, 28, 76, 100, 104, 27, 13, 79, 41, 11, 94, 8, 77, 42, 40, 106, 96, 108, 18, 7, 9, 99, 72, 105, 35, 0, 82, 6, 71, 73, 70, 67, 5, 2, 66, 64, 3, 69, 1, 4, 68, 65], [46, 113, 116, 56, 112, 126, 48, 122, 110, 51, 45, 114, 120, 107, 119, 43, 109, 50, 127, 125, 93, 37, 124, 121, 22, 49, 58, 86, 115, 54, 118, 53, 101, 117, 102, 123, 29, 60, 39, 63, 55, 52, 61, 90, 34, 97, 62, 57, 103, 26, 33, 92, 38, 24, 83, 36, 59, 47, 111, 98, 19, 21, 32, 30, 88, 91, 17, 85, 95, 84, 87, 20, 81, 89, 23, 74, 14, 16, 104, 25, 100, 78, 75, 27, 80, 108, 44, 28, 41, 94, 79, 15, 31, 12, 96, 40, 105, 10, 11, 77, 35, 76, 8, 82, 13, 42, 72, 73, 106, 18, 70, 99, 64, 67, 71, 9, 66, 6, 7, 3, 69, 0, 5, 2, 1, 4, 65, 68], [46, 113, 122, 56, 116, 126, 112, 48, 110, 114, 45, 51, 107, 120, 119, 109, 43, 50, 127, 125, 93, 121, 123, 115, 49, 37, 101, 54, 58, 102, 118, 22, 124, 117, 86, 55, 53, 39, 61, 57, 103, 29, 60, 63, 52, 97, 90, 34, 62, 26, 92, 47, 38, 111, 33, 19, 81, 83, 17, 23, 44, 98, 59, 36, 87, 30, 95, 84, 32, 21, 85, 24, 91, 14, 108, 100, 78, 88, 89, 25, 75, 28, 94, 41, 79, 20, 80, 104, 10, 31, 16, 76, 74, 105, 15, 77, 13, 96, 40, 12, 27, 18, 106, 70, 82, 11, 42, 99, 8, 35, 2, 3, 9, 64, 72, 71, 69, 7, 73, 67, 5, 0, 66, 6, 65, 4, 68, 1], [46, 113, 116, 56, 126, 122, 112, 48, 110, 51, 114, 45, 107, 50, 120, 43, 119, 109, 127, 93, 125, 37, 49, 121, 58, 22, 55, 54, 118, 101, 115, 86, 124, 102, 39, 123, 29, 63, 53, 117, 57, 97, 90, 61, 52, 103, 62, 33, 59, 26, 60, 92, 19, 81, 17, 87, 34, 83, 47, 23, 85, 14, 75, 106, 16, 20, 38, 78, 88, 21, 111, 25, 84, 30, 24, 80, 95, 32, 91, 89, 44, 74, 10, 15, 8, 100, 31, 76, 12, 79, 11, 70, 41, 13, 98, 77, 94, 28, 104, 40, 96, 36, 27, 105, 108, 7, 42, 82, 72, 35, 9, 67, 0, 18, 64, 71, 69, 66, 73, 6, 99, 2, 3, 68, 5, 1, 4, 65], [46, 113, 116, 56, 48, 126, 122, 112, 110, 51, 114, 45, 119, 107, 43, 120, 109, 50, 127, 37, 93, 125, 49, 121, 54, 22, 123, 86, 118, 102, 57, 39, 58, 52, 55, 101, 62, 115, 53, 29, 124, 103, 34, 117, 63, 60, 26, 97, 33, 90, 61, 47, 59, 81, 78, 19, 17, 87, 95, 38, 85, 83, 84, 100, 75, 111, 21, 92, 89, 91, 16, 23, 14, 98, 32, 74, 44, 80, 104, 24, 30, 10, 41, 12, 79, 20, 88, 15, 36, 105, 31, 76, 40, 108, 25, 27, 28, 77, 64, 8, 11, 70, 3, 72, 96, 82, 35, 106, 18, 94, 67, 13, 2, 9, 0, 7, 71, 42, 5, 66, 73, 69, 6, 4, 1, 68, 99, 65], [46, 113, 116, 56, 122, 126, 48, 112, 110, 51, 114, 45, 119, 120, 107, 43, 50, 109, 127, 125, 93, 37, 121, 54, 49, 22, 118, 86, 101, 123, 63, 57, 102, 58, 117, 29, 53, 124, 52, 59, 103, 26, 115, 39, 97, 61, 62, 34, 60, 90, 33, 47, 55, 81, 92, 111, 87, 19, 23, 16, 17, 83, 38, 14, 80, 30, 84, 78, 24, 21, 44, 91, 98, 75, 15, 20, 88, 89, 12, 10, 85, 104, 25, 95, 79, 36, 32, 100, 31, 74, 40, 105, 13, 28, 76, 41, 77, 11, 27, 8, 106, 96, 108, 72, 18, 9, 94, 70, 82, 6, 71, 42, 3, 7, 67, 35, 66, 73, 64, 5, 0, 99, 69, 2, 68, 65, 1, 4], [46, 113, 116, 56, 122, 48, 112, 126, 110, 51, 45, 114, 107, 119, 120, 43, 50, 109, 127, 125, 93, 54, 37, 49, 121, 86, 22, 58, 101, 52, 102, 124, 118, 123, 63, 39, 57, 115, 53, 60, 29, 117, 103, 55, 90, 62, 97, 61, 34, 47, 33, 59, 26, 92, 83, 111, 17, 81, 91, 87, 44, 23, 38, 19, 98, 14, 32, 75, 85, 78, 88, 80, 24, 104, 21, 30, 89, 10, 100, 36, 16, 25, 79, 72, 74, 12, 20, 76, 95, 84, 28, 41, 15, 31, 40, 13, 108, 11, 105, 77, 35, 96, 71, 27, 8, 18, 94, 73, 6, 64, 82, 106, 66, 7, 70, 67, 0, 42, 9, 69, 99, 5, 3, 2, 68, 65, 1, 4], [46, 113, 116, 56, 122, 126, 48, 112, 110, 51, 45, 114, 120, 119, 107, 50, 43, 109, 93, 127, 125, 37, 22, 121, 54, 86, 101, 49, 52, 102, 58, 124, 39, 118, 123, 53, 29, 60, 103, 57, 90, 55, 61, 97, 34, 115, 63, 62, 117, 33, 92, 47, 26, 81, 83, 38, 59, 85, 111, 24, 19, 91, 98, 23, 87, 17, 89, 88, 14, 30, 78, 32, 21, 12, 84, 75, 44, 20, 95, 36, 16, 100, 80, 10, 15, 79, 25, 41, 76, 104, 27, 74, 77, 105, 13, 31, 72, 94, 40, 28, 18, 106, 108, 11, 96, 42, 6, 8, 82, 70, 9, 7, 35, 73, 71, 3, 64, 5, 99, 0, 69, 2, 66, 65, 67, 4, 68, 1]], "model.layers.21.self_attn.q_proj": [[103, 49, 112, 48, 97, 82, 15, 84, 29, 86, 12, 113, 99, 62, 8, 26, 54, 78, 13, 57, 4, 70, 96, 52, 90, 33, 17, 72, 23, 37, 80, 56, 89, 79, 77, 88, 73, 120, 98, 93, 24, 21, 20, 92, 18, 9, 27, 22, 59, 87, 83, 16, 5, 76, 94, 39, 19, 107, 85, 123, 14, 1, 124, 91, 46, 50, 28, 67, 31, 81, 108, 66, 25, 10, 6, 40, 51, 74, 95, 30, 122, 106, 102, 2, 116, 127, 44, 68, 115, 38, 60, 7, 125, 100, 75, 119, 109, 55, 63, 58, 34, 101, 53, 118, 61, 36, 121, 69, 32, 64, 117, 114, 47, 104, 35, 11, 126, 41, 110, 43, 45, 42, 71, 65, 111, 105, 3, 0], [49, 103, 112, 48, 97, 29, 113, 62, 56, 84, 87, 35, 38, 26, 123, 52, 82, 63, 95, 115, 120, 59, 57, 51, 124, 61, 116, 104, 86, 89, 53, 106, 119, 78, 45, 12, 122, 125, 60, 118, 126, 47, 40, 54, 117, 127, 50, 46, 88, 110, 108, 111, 55, 96, 30, 58, 114, 43, 37, 105, 34, 107, 44, 121, 102, 42, 15, 11, 19, 41, 109, 8, 100, 16, 99, 36, 92, 101, 31, 94, 32, 98, 39, 67, 23, 14, 25, 33, 85, 91, 3, 28, 17, 73, 70, 10, 4, 13, 18, 7, 22, 27, 90, 93, 24, 21, 68, 80, 71, 66, 5, 20, 83, 75, 76, 77, 9, 79, 69, 2, 65, 72, 81, 64, 6, 1, 74, 0], [112, 62, 49, 103, 48, 56, 52, 123, 122, 59, 120, 113, 50, 97, 115, 121, 51, 57, 54, 109, 46, 119, 63, 125, 35, 114, 118, 60, 105, 104, 117, 58, 108, 124, 29, 61, 127, 126, 42, 41, 110, 116, 45, 47, 88, 55, 53, 99, 87, 106, 43, 111, 107, 74, 3, 71, 37, 44, 82, 40, 38, 2, 102, 68, 6, 100, 95, 0, 84, 86, 101, 36, 30, 85, 34, 5, 26, 31, 98, 32, 14, 33, 27, 72, 94, 92, 96, 65, 89, 81, 9, 21, 90, 76, 18, 39, 91, 7, 28, 1, 19, 23, 83, 22, 11, 12, 25, 75, 93, 24, 67, 15, 17, 80, 16, 4, 73, 70, 77, 13, 20, 79, 10, 69, 78, 64, 8, 66], [112, 103, 49, 48, 97, 113, 29, 0, 65, 50, 26, 11, 95, 84, 78, 17, 54, 82, 31, 86, 62, 5, 56, 57, 123, 2, 66, 122, 88, 114, 70, 52, 42, 46, 118, 120, 59, 121, 4, 64, 8, 104, 115, 67, 125, 63, 116, 60, 108, 1, 106, 44, 35, 10, 127, 38, 119, 15, 75, 51, 12, 109, 13, 58, 117, 61, 93, 7, 3, 25, 124, 69, 126, 90, 110, 111, 45, 53, 47, 81, 99, 43, 34, 55, 96, 9, 94, 107, 37, 41, 6, 105, 100, 83, 72, 98, 74, 71, 102, 77, 85, 73, 22, 33, 40, 24, 92, 19, 87, 101, 32, 30, 89, 27, 68, 91, 14, 28, 23, 16, 20, 21, 36, 80, 39, 18, 76, 79], [102, 120, 118, 54, 53, 84, 56, 11, 15, 9, 18, 1, 67, 76, 6, 5, 87, 31, 71, 64, 66, 0, 93, 68, 77, 78, 89, 72, 13, 80, 25, 65, 86, 74, 46, 21, 109, 63, 48, 92, 69, 114, 52, 22, 32, 8, 127, 40, 126, 75, 16, 7, 10, 117, 107, 70, 115, 82, 4, 73, 57, 12, 116, 121, 113, 3, 94, 60, 38, 14, 24, 23, 79, 41, 45, 44, 110, 20, 91, 90, 98, 2, 85, 125, 103, 36, 124, 95, 17, 59, 30, 100, 47, 119, 50, 101, 62, 105, 29, 43, 34, 19, 42, 61, 99, 35, 33, 112, 108, 123, 97, 27, 51, 28, 39, 49, 96, 122, 106, 26, 37, 81, 104, 55, 83, 111, 88, 58], [102, 54, 118, 120, 84, 15, 18, 56, 72, 76, 53, 11, 25, 6, 93, 9, 78, 5, 80, 71, 31, 67, 89, 66, 74, 16, 22, 64, 1, 69, 3, 77, 46, 87, 48, 29, 92, 24, 85, 8, 117, 10, 13, 90, 65, 124, 40, 110, 75, 20, 107, 23, 109, 57, 12, 70, 83, 115, 125, 114, 79, 41, 103, 0, 42, 113, 99, 82, 63, 45, 86, 36, 14, 127, 73, 68, 32, 19, 44, 37, 39, 47, 116, 26, 61, 55, 88, 121, 51, 105, 7, 30, 81, 96, 112, 59, 123, 33, 95, 2, 38, 60, 49, 119, 4, 52, 126, 91, 17, 100, 34, 122, 97, 35, 50, 27, 104, 21, 111, 62, 98, 101, 43, 108, 28, 94, 106, 58], [102, 120, 54, 118, 56, 80, 18, 84, 76, 25, 9, 78, 93, 11, 89, 87, 31, 53, 15, 6, 71, 72, 5, 67, 77, 66, 13, 1, 64, 0, 22, 86, 74, 113, 46, 68, 65, 116, 115, 90, 32, 63, 26, 4, 81, 16, 7, 107, 8, 52, 82, 69, 40, 17, 125, 117, 73, 48, 92, 99, 36, 23, 70, 75, 12, 98, 43, 88, 51, 14, 126, 124, 19, 29, 55, 79, 37, 39, 20, 61, 114, 85, 3, 10, 122, 112, 49, 57, 109, 38, 127, 59, 30, 2, 27, 119, 24, 21, 33, 121, 35, 104, 83, 60, 100, 103, 105, 45, 34, 91, 42, 96, 94, 110, 28, 108, 62, 106, 41, 111, 101, 123, 50, 58, 47, 95, 97, 44], [102, 120, 54, 118, 56, 78, 53, 84, 72, 31, 18, 5, 15, 1, 93, 76, 71, 67, 66, 11, 9, 89, 25, 87, 13, 64, 65, 0, 117, 6, 77, 46, 68, 80, 73, 70, 107, 2, 26, 75, 22, 88, 8, 3, 39, 113, 32, 48, 69, 12, 4, 63, 82, 85, 60, 19, 109, 127, 74, 16, 116, 90, 125, 27, 28, 52, 79, 14, 110, 86, 29, 41, 126, 98, 114, 81, 124, 7, 34, 55, 92, 62, 105, 91, 96, 44, 101, 51, 115, 57, 40, 17, 42, 20, 104, 111, 36, 61, 119, 24, 94, 83, 43, 45, 50, 58, 121, 33, 38, 122, 59, 108, 100, 23, 10, 99, 106, 112, 103, 97, 95, 123, 30, 47, 37, 21, 35, 49], [59, 106, 60, 36, 99, 62, 28, 119, 42, 87, 123, 55, 61, 85, 121, 18, 53, 127, 31, 114, 32, 98, 89, 122, 124, 86, 47, 56, 92, 54, 117, 104, 112, 111, 126, 116, 125, 58, 115, 13, 118, 30, 41, 57, 113, 25, 90, 107, 100, 49, 110, 97, 109, 120, 46, 43, 50, 39, 38, 51, 52, 105, 45, 44, 101, 103, 48, 91, 63, 108, 35, 93, 102, 21, 80, 94, 29, 37, 34, 33, 40, 14, 75, 19, 79, 20, 96, 27, 4, 26, 15, 65, 22, 74, 23, 95, 82, 7, 17, 71, 83, 24, 6, 88, 77, 76, 73, 9, 68, 12, 8, 1, 84, 64, 81, 2, 69, 67, 3, 66, 16, 0, 5, 11, 10, 78, 70, 72], [106, 99, 59, 80, 28, 13, 20, 74, 8, 14, 86, 6, 60, 42, 75, 4, 18, 65, 58, 55, 30, 32, 85, 89, 64, 2, 67, 114, 31, 111, 27, 24, 91, 10, 119, 25, 62, 92, 21, 95, 22, 90, 19, 35, 107, 84, 81, 72, 82, 36, 96, 123, 16, 7, 70, 102, 112, 97, 78, 125, 17, 101, 57, 77, 79, 11, 88, 29, 87, 56, 12, 23, 69, 9, 5, 68, 73, 109, 46, 53, 113, 34, 71, 93, 0, 83, 61, 15, 127, 122, 94, 51, 45, 54, 37, 26, 66, 41, 116, 76, 117, 3, 1, 108, 52, 121, 104, 98, 115, 33, 43, 100, 120, 39, 110, 118, 105, 38, 103, 40, 124, 49, 47, 48, 50, 63, 44, 126], [106, 99, 59, 20, 14, 80, 86, 75, 74, 32, 6, 67, 8, 28, 64, 92, 60, 42, 18, 111, 25, 58, 55, 4, 2, 3, 91, 114, 69, 29, 87, 97, 65, 123, 102, 66, 127, 119, 57, 30, 1, 62, 107, 90, 36, 95, 31, 7, 88, 113, 112, 35, 12, 22, 70, 10, 122, 96, 21, 68, 89, 24, 73, 82, 11, 109, 17, 56, 125, 13, 45, 16, 72, 100, 61, 77, 78, 53, 79, 27, 15, 5, 116, 81, 19, 9, 71, 34, 84, 104, 0, 26, 108, 51, 23, 101, 85, 94, 54, 76, 98, 83, 121, 43, 48, 37, 52, 39, 115, 93, 41, 33, 46, 105, 103, 110, 38, 117, 120, 47, 118, 40, 50, 44, 49, 124, 126, 63], [106, 60, 36, 62, 42, 119, 58, 123, 55, 112, 61, 114, 121, 59, 87, 124, 111, 53, 125, 41, 115, 47, 110, 118, 63, 103, 122, 101, 127, 113, 85, 99, 18, 126, 54, 104, 56, 50, 120, 49, 107, 25, 51, 46, 108, 52, 57, 48, 28, 116, 44, 109, 43, 45, 100, 117, 105, 40, 32, 92, 89, 39, 35, 38, 102, 90, 27, 31, 37, 15, 34, 98, 33, 91, 88, 19, 30, 97, 86, 26, 93, 96, 95, 21, 94, 29, 13, 83, 22, 24, 17, 23, 76, 79, 82, 20, 81, 77, 71, 14, 80, 73, 12, 7, 9, 84, 65, 75, 4, 74, 68, 78, 1, 16, 6, 69, 11, 67, 2, 5, 8, 64, 10, 70, 3, 0, 66, 72], [102, 57, 58, 59, 114, 90, 87, 127, 26, 96, 60, 29, 38, 93, 85, 74, 82, 15, 61, 18, 110, 21, 46, 35, 48, 71, 111, 121, 62, 12, 44, 51, 84, 113, 32, 22, 49, 117, 79, 16, 50, 112, 13, 41, 119, 109, 86, 63, 43, 124, 72, 100, 4, 23, 123, 53, 52, 105, 115, 56, 118, 122, 107, 40, 106, 54, 120, 116, 98, 45, 126, 125, 55, 2, 39, 108, 33, 104, 101, 17, 94, 27, 37, 30, 103, 47, 31, 95, 20, 42, 34, 5, 91, 25, 88, 8, 28, 97, 0, 92, 89, 36, 99, 11, 83, 81, 3, 80, 19, 24, 78, 68, 1, 75, 9, 77, 14, 70, 66, 73, 65, 76, 7, 6, 64, 10, 69, 67], [102, 58, 57, 59, 114, 90, 87, 127, 121, 96, 26, 29, 38, 15, 93, 85, 49, 74, 41, 110, 82, 32, 60, 84, 63, 43, 109, 113, 50, 116, 117, 79, 62, 21, 124, 35, 52, 54, 105, 22, 48, 53, 46, 56, 13, 55, 18, 20, 125, 44, 71, 51, 12, 86, 126, 123, 61, 119, 111, 112, 108, 118, 122, 115, 120, 103, 45, 95, 23, 104, 106, 36, 47, 101, 42, 39, 31, 16, 100, 107, 33, 40, 89, 80, 28, 98, 37, 78, 2, 97, 88, 94, 34, 30, 4, 91, 99, 27, 25, 0, 72, 92, 77, 24, 83, 11, 19, 17, 73, 5, 81, 14, 68, 3, 75, 64, 70, 1, 8, 7, 66, 6, 9, 76, 10, 65, 67, 69], [102, 59, 58, 114, 57, 90, 87, 26, 15, 29, 85, 96, 74, 93, 121, 71, 18, 82, 21, 38, 109, 13, 79, 47, 44, 84, 48, 2, 116, 117, 12, 115, 49, 32, 86, 60, 54, 0, 4, 119, 55, 127, 105, 124, 35, 45, 112, 5, 43, 46, 113, 110, 17, 118, 63, 53, 52, 123, 41, 111, 37, 72, 122, 65, 61, 23, 120, 51, 50, 66, 25, 108, 1, 126, 62, 81, 56, 106, 89, 3, 22, 20, 104, 125, 16, 100, 24, 101, 36, 107, 83, 98, 8, 91, 28, 40, 94, 67, 19, 103, 31, 39, 42, 7, 68, 77, 10, 99, 95, 64, 27, 33, 75, 6, 88, 92, 73, 78, 30, 9, 34, 70, 80, 97, 11, 76, 69, 14], [102, 59, 58, 57, 127, 114, 90, 60, 26, 87, 96, 15, 85, 71, 38, 29, 74, 121, 18, 93, 105, 35, 12, 84, 49, 108, 82, 79, 41, 47, 4, 120, 110, 32, 22, 54, 21, 52, 119, 43, 118, 46, 122, 117, 124, 62, 20, 123, 116, 109, 16, 111, 104, 44, 55, 99, 112, 113, 13, 115, 61, 86, 63, 89, 40, 5, 2, 48, 107, 50, 45, 30, 103, 23, 98, 51, 0, 39, 106, 94, 125, 36, 126, 37, 33, 56, 34, 53, 42, 101, 100, 24, 27, 97, 8, 83, 17, 66, 28, 73, 31, 25, 95, 68, 88, 92, 19, 91, 1, 78, 3, 77, 72, 81, 7, 65, 64, 11, 70, 80, 9, 76, 14, 75, 10, 69, 6, 67], [126, 104, 99, 87, 28, 32, 83, 92, 85, 81, 127, 110, 79, 47, 42, 76, 115, 111, 119, 72, 11, 15, 30, 74, 51, 113, 31, 108, 21, 95, 116, 78, 37, 50, 24, 57, 122, 45, 6, 48, 25, 12, 90, 96, 5, 121, 56, 68, 26, 53, 23, 107, 55, 106, 120, 62, 59, 101, 70, 123, 89, 17, 49, 43, 46, 109, 105, 41, 97, 13, 19, 2, 33, 112, 93, 39, 52, 124, 82, 40, 65, 114, 117, 34, 0, 125, 102, 61, 29, 118, 3, 44, 80, 60, 20, 84, 58, 54, 100, 88, 27, 22, 94, 36, 98, 103, 64, 18, 86, 91, 75, 63, 38, 66, 16, 10, 67, 14, 9, 77, 1, 73, 4, 71, 35, 7, 69, 8], [126, 104, 99, 87, 28, 83, 85, 32, 127, 92, 47, 115, 81, 79, 119, 51, 106, 76, 50, 118, 72, 48, 74, 111, 113, 42, 108, 15, 116, 45, 120, 31, 122, 121, 6, 58, 5, 61, 110, 57, 11, 41, 12, 70, 68, 37, 53, 91, 54, 21, 75, 43, 9, 97, 89, 49, 23, 38, 46, 30, 105, 13, 55, 59, 56, 40, 35, 65, 0, 62, 123, 17, 117, 109, 107, 34, 78, 33, 114, 60, 95, 103, 98, 112, 25, 67, 52, 39, 3, 93, 101, 36, 82, 19, 63, 102, 125, 18, 44, 26, 90, 29, 94, 2, 24, 66, 124, 20, 96, 86, 100, 84, 27, 73, 88, 80, 1, 69, 14, 22, 10, 16, 7, 71, 77, 4, 8, 64], [126, 104, 99, 87, 28, 32, 85, 81, 92, 83, 115, 47, 127, 79, 110, 42, 76, 45, 121, 116, 58, 95, 108, 68, 31, 15, 78, 72, 41, 113, 60, 86, 106, 5, 54, 122, 117, 11, 119, 96, 50, 9, 24, 26, 6, 7, 52, 91, 22, 0, 101, 21, 57, 8, 12, 90, 17, 111, 66, 13, 44, 18, 23, 93, 94, 30, 55, 105, 114, 70, 118, 37, 49, 51, 25, 123, 48, 97, 88, 46, 74, 63, 38, 56, 39, 43, 59, 27, 120, 82, 34, 53, 62, 89, 102, 33, 103, 19, 80, 36, 61, 98, 124, 125, 14, 112, 109, 29, 100, 16, 107, 73, 84, 2, 20, 10, 35, 4, 77, 40, 71, 3, 64, 67, 1, 75, 65, 69], [104, 126, 99, 28, 87, 85, 32, 83, 81, 79, 92, 127, 116, 89, 111, 76, 47, 48, 25, 50, 72, 122, 15, 74, 54, 6, 11, 106, 51, 12, 119, 2, 52, 68, 105, 43, 58, 57, 42, 118, 3, 45, 108, 1, 13, 14, 31, 70, 23, 94, 5, 0, 115, 17, 29, 110, 41, 107, 113, 64, 93, 21, 46, 63, 120, 30, 123, 26, 61, 82, 39, 8, 125, 62, 102, 59, 112, 75, 90, 124, 53, 37, 60, 9, 19, 86, 65, 101, 84, 78, 73, 117, 69, 44, 40, 109, 33, 114, 77, 18, 24, 121, 34, 56, 38, 103, 66, 10, 95, 36, 100, 49, 97, 55, 98, 27, 7, 22, 67, 4, 35, 91, 88, 96, 20, 16, 80, 71], [62, 126, 48, 39, 116, 53, 30, 27, 122, 88, 20, 35, 117, 76, 121, 15, 91, 106, 112, 83, 55, 57, 79, 81, 94, 58, 86, 32, 123, 124, 52, 46, 49, 72, 19, 84, 33, 60, 98, 63, 89, 115, 100, 127, 50, 29, 24, 34, 56, 107, 114, 5, 41, 105, 108, 109, 51, 61, 44, 113, 118, 110, 26, 125, 47, 42, 23, 119, 87, 103, 18, 28, 43, 120, 36, 111, 17, 54, 22, 37, 59, 45, 31, 75, 95, 104, 93, 10, 97, 13, 102, 12, 85, 99, 40, 25, 38, 21, 74, 101, 90, 92, 78, 2, 14, 8, 82, 80, 96, 9, 16, 77, 3, 1, 11, 71, 73, 69, 6, 7, 70, 67, 66, 68, 4, 0, 65, 64], [116, 126, 39, 62, 48, 55, 57, 117, 123, 46, 53, 125, 111, 49, 121, 30, 50, 60, 41, 20, 122, 52, 127, 51, 120, 63, 114, 124, 89, 56, 115, 35, 59, 58, 113, 118, 43, 109, 32, 86, 54, 112, 47, 61, 88, 42, 106, 119, 108, 44, 45, 110, 107, 37, 34, 91, 40, 103, 105, 27, 104, 81, 23, 92, 102, 80, 38, 98, 29, 94, 101, 33, 28, 99, 36, 22, 87, 93, 9, 79, 100, 90, 73, 95, 96, 13, 97, 25, 31, 76, 26, 14, 82, 85, 84, 68, 83, 17, 1, 77, 21, 15, 75, 7, 78, 18, 2, 24, 16, 3, 71, 70, 11, 72, 4, 67, 0, 74, 12, 10, 5, 66, 65, 6, 19, 64, 8, 69], [126, 62, 116, 39, 48, 117, 55, 57, 53, 111, 123, 112, 49, 122, 114, 58, 120, 118, 124, 50, 20, 35, 127, 121, 42, 51, 30, 109, 88, 46, 56, 32, 52, 60, 28, 41, 115, 119, 43, 113, 125, 59, 47, 63, 106, 108, 103, 94, 44, 61, 110, 54, 101, 45, 89, 104, 107, 40, 86, 34, 38, 102, 100, 105, 81, 99, 37, 95, 87, 29, 93, 23, 92, 14, 36, 98, 80, 33, 97, 79, 21, 26, 31, 90, 27, 85, 91, 18, 22, 96, 25, 13, 83, 15, 77, 17, 84, 24, 76, 9, 82, 12, 69, 73, 75, 70, 78, 2, 19, 11, 16, 72, 10, 64, 67, 66, 3, 4, 0, 6, 71, 65, 68, 74, 1, 8, 5, 7], [126, 116, 39, 48, 55, 57, 27, 123, 30, 117, 83, 86, 122, 52, 37, 20, 53, 26, 62, 118, 110, 89, 112, 91, 72, 17, 19, 35, 32, 121, 16, 41, 94, 10, 79, 4, 74, 76, 88, 15, 125, 124, 114, 60, 25, 120, 115, 49, 29, 107, 56, 63, 22, 13, 106, 97, 50, 58, 51, 93, 42, 46, 34, 113, 127, 80, 111, 109, 81, 61, 108, 28, 5, 105, 66, 95, 100, 59, 31, 47, 75, 119, 38, 24, 23, 87, 33, 92, 44, 98, 9, 54, 21, 78, 45, 14, 36, 18, 77, 102, 84, 67, 7, 104, 43, 101, 68, 103, 8, 73, 6, 12, 90, 40, 11, 99, 82, 69, 85, 0, 71, 65, 64, 96, 70, 2, 3, 1], [55, 103, 62, 52, 117, 98, 25, 57, 89, 92, 115, 28, 119, 54, 20, 83, 22, 78, 120, 126, 48, 121, 73, 19, 58, 50, 76, 27, 51, 82, 45, 125, 60, 111, 49, 32, 109, 12, 123, 112, 107, 94, 81, 124, 53, 40, 33, 113, 110, 38, 61, 118, 114, 43, 42, 116, 86, 17, 100, 84, 59, 14, 63, 47, 46, 108, 127, 97, 79, 95, 101, 18, 56, 96, 122, 106, 88, 44, 5, 104, 105, 41, 6, 37, 77, 99, 36, 15, 35, 8, 75, 39, 70, 93, 80, 30, 102, 91, 26, 72, 31, 16, 90, 3, 23, 85, 29, 66, 24, 64, 71, 34, 68, 69, 21, 1, 11, 9, 87, 0, 74, 67, 13, 65, 7, 10, 2, 4], [55, 103, 98, 20, 25, 89, 120, 92, 112, 51, 117, 28, 126, 78, 54, 84, 48, 62, 57, 73, 58, 52, 50, 121, 32, 118, 125, 99, 95, 127, 22, 108, 56, 119, 122, 59, 124, 110, 116, 83, 104, 109, 47, 61, 15, 111, 106, 113, 46, 53, 115, 49, 101, 82, 43, 79, 63, 114, 100, 107, 40, 44, 37, 67, 123, 60, 24, 97, 45, 35, 102, 27, 38, 42, 31, 11, 76, 74, 88, 105, 87, 36, 68, 91, 81, 23, 71, 94, 29, 19, 18, 26, 93, 33, 85, 30, 41, 90, 21, 39, 17, 9, 96, 86, 12, 10, 77, 3, 14, 80, 69, 34, 1, 8, 16, 2, 70, 13, 65, 6, 75, 72, 4, 7, 5, 66, 64, 0], [55, 103, 57, 62, 25, 98, 89, 83, 92, 78, 117, 20, 52, 54, 28, 120, 112, 22, 126, 125, 115, 48, 32, 76, 84, 61, 73, 51, 118, 50, 58, 19, 119, 41, 116, 60, 53, 64, 8, 108, 5, 56, 113, 105, 109, 27, 59, 49, 46, 127, 121, 95, 111, 114, 47, 12, 82, 124, 63, 123, 110, 66, 43, 65, 106, 44, 107, 30, 17, 122, 6, 38, 104, 3, 39, 79, 99, 45, 16, 72, 77, 81, 102, 86, 40, 13, 37, 94, 100, 36, 91, 14, 42, 75, 93, 2, 35, 23, 69, 101, 29, 97, 33, 90, 85, 34, 26, 70, 68, 31, 88, 24, 74, 10, 80, 96, 1, 15, 87, 18, 0, 21, 9, 67, 11, 7, 4, 71], [55, 103, 62, 52, 98, 20, 82, 92, 89, 22, 25, 117, 63, 51, 108, 112, 84, 57, 58, 54, 73, 56, 125, 50, 28, 44, 71, 119, 124, 48, 32, 79, 11, 15, 109, 87, 120, 74, 46, 53, 49, 43, 18, 97, 42, 126, 121, 110, 116, 77, 59, 113, 101, 45, 122, 61, 115, 21, 39, 107, 114, 106, 37, 30, 118, 26, 88, 123, 75, 111, 2, 104, 100, 31, 41, 127, 68, 14, 38, 60, 93, 99, 81, 102, 33, 94, 29, 17, 40, 105, 95, 85, 1, 47, 83, 23, 35, 7, 10, 27, 12, 8, 24, 90, 91, 0, 80, 19, 86, 4, 70, 96, 13, 36, 78, 16, 67, 69, 34, 6, 3, 76, 9, 5, 66, 72, 65, 64], [121, 127, 56, 55, 39, 118, 63, 98, 31, 51, 122, 89, 25, 57, 124, 120, 119, 84, 112, 125, 18, 105, 92, 53, 62, 59, 58, 52, 115, 15, 50, 49, 110, 28, 23, 47, 76, 54, 108, 60, 117, 116, 61, 114, 111, 113, 106, 126, 123, 10, 46, 30, 16, 107, 40, 24, 104, 48, 32, 96, 102, 43, 101, 6, 44, 90, 45, 41, 80, 87, 109, 99, 88, 42, 94, 79, 22, 36, 100, 14, 83, 95, 38, 37, 85, 69, 82, 93, 19, 75, 20, 86, 27, 77, 9, 81, 35, 97, 8, 34, 74, 71, 64, 13, 78, 2, 26, 103, 33, 12, 67, 72, 29, 65, 21, 11, 5, 91, 70, 68, 7, 17, 3, 1, 4, 0, 73, 66], [55, 127, 56, 39, 121, 118, 63, 122, 51, 89, 31, 84, 57, 120, 125, 18, 124, 119, 105, 98, 116, 62, 112, 117, 52, 53, 25, 115, 59, 50, 92, 95, 28, 76, 60, 15, 61, 49, 106, 47, 96, 111, 58, 54, 48, 123, 114, 126, 40, 113, 23, 108, 90, 85, 110, 46, 45, 107, 43, 44, 30, 109, 36, 102, 16, 101, 41, 38, 42, 79, 104, 24, 10, 103, 99, 20, 100, 22, 37, 35, 14, 87, 32, 33, 34, 97, 93, 88, 81, 80, 83, 9, 86, 82, 77, 27, 94, 29, 91, 78, 19, 75, 8, 74, 13, 21, 72, 71, 4, 26, 12, 17, 70, 73, 2, 6, 11, 5, 68, 65, 0, 69, 1, 64, 7, 3, 67, 66], [127, 39, 56, 63, 118, 55, 31, 98, 89, 51, 122, 57, 84, 92, 53, 25, 120, 125, 62, 105, 47, 115, 54, 96, 30, 126, 119, 52, 124, 18, 112, 114, 87, 59, 110, 116, 40, 44, 50, 58, 49, 90, 48, 113, 103, 85, 117, 60, 107, 23, 45, 16, 123, 111, 61, 121, 95, 106, 43, 76, 108, 102, 21, 35, 46, 104, 42, 79, 109, 26, 22, 34, 99, 41, 101, 83, 93, 15, 36, 32, 28, 38, 91, 37, 100, 24, 20, 27, 33, 19, 82, 97, 81, 94, 10, 80, 86, 74, 88, 29, 14, 77, 72, 17, 75, 8, 12, 13, 78, 9, 5, 69, 71, 6, 4, 11, 2, 70, 66, 68, 64, 73, 65, 67, 3, 7, 1, 0], [56, 39, 127, 55, 121, 118, 51, 31, 63, 122, 57, 84, 92, 25, 105, 120, 124, 62, 59, 115, 119, 125, 53, 50, 112, 52, 98, 47, 58, 116, 60, 49, 95, 89, 61, 113, 126, 110, 123, 114, 117, 54, 18, 44, 111, 41, 79, 48, 43, 108, 45, 90, 23, 76, 109, 101, 106, 104, 107, 42, 46, 96, 40, 102, 88, 100, 38, 10, 28, 15, 37, 36, 99, 35, 22, 29, 94, 97, 32, 103, 30, 82, 33, 83, 16, 86, 93, 77, 34, 8, 21, 27, 75, 87, 20, 85, 24, 80, 9, 72, 5, 91, 26, 81, 12, 13, 74, 17, 19, 71, 78, 14, 2, 4, 70, 73, 6, 69, 64, 3, 11, 67, 66, 0, 68, 7, 1, 65]], "model.layers.21.self_attn.k_proj": [[112, 49, 39, 86, 93, 57, 84, 15, 33, 26, 54, 123, 35, 50, 82, 122, 12, 8, 121, 52, 59, 64, 119, 60, 113, 116, 127, 118, 13, 125, 109, 58, 51, 73, 126, 117, 70, 111, 114, 53, 120, 55, 108, 29, 63, 48, 115, 78, 66, 10, 110, 46, 32, 47, 56, 43, 61, 44, 45, 40, 107, 88, 124, 62, 41, 68, 87, 42, 101, 106, 105, 16, 102, 38, 36, 65, 17, 95, 104, 100, 34, 94, 98, 89, 67, 27, 5, 92, 24, 4, 91, 37, 9, 30, 6, 7, 83, 96, 19, 80, 85, 28, 81, 69, 31, 21, 99, 22, 3, 90, 75, 71, 25, 2, 97, 11, 79, 74, 23, 18, 1, 77, 20, 14, 76, 72, 0, 103], [120, 54, 64, 118, 9, 84, 78, 76, 15, 5, 18, 53, 71, 11, 72, 65, 56, 38, 6, 67, 25, 2, 3, 0, 66, 13, 87, 29, 80, 4, 95, 69, 1, 89, 93, 22, 85, 102, 92, 31, 10, 70, 7, 116, 68, 43, 86, 73, 40, 24, 88, 17, 90, 19, 8, 50, 110, 32, 39, 114, 26, 112, 55, 63, 57, 115, 46, 27, 83, 21, 124, 49, 48, 99, 36, 52, 45, 113, 51, 16, 111, 33, 74, 109, 91, 47, 28, 103, 125, 96, 81, 30, 59, 41, 105, 23, 98, 60, 108, 97, 121, 119, 100, 117, 77, 75, 34, 62, 94, 12, 127, 58, 61, 82, 35, 126, 122, 123, 44, 42, 104, 14, 37, 107, 20, 101, 106, 79], [42, 59, 35, 86, 55, 64, 8, 119, 58, 47, 80, 6, 14, 20, 92, 74, 114, 75, 25, 2, 62, 60, 18, 53, 127, 106, 13, 116, 112, 123, 57, 61, 56, 122, 4, 50, 125, 118, 95, 54, 87, 65, 67, 124, 96, 117, 51, 111, 126, 109, 48, 99, 110, 121, 49, 113, 103, 52, 69, 45, 120, 108, 30, 115, 85, 46, 36, 38, 90, 44, 76, 63, 40, 28, 32, 26, 91, 5, 100, 43, 83, 107, 94, 0, 98, 37, 3, 41, 101, 33, 105, 34, 15, 71, 97, 17, 102, 93, 79, 1, 104, 39, 27, 68, 73, 9, 88, 19, 31, 23, 29, 66, 21, 7, 24, 89, 72, 81, 12, 84, 16, 22, 77, 11, 78, 82, 10, 70], [38, 57, 59, 58, 93, 32, 26, 85, 87, 84, 15, 18, 74, 71, 0, 13, 123, 45, 52, 12, 111, 121, 22, 126, 63, 116, 110, 1, 55, 117, 42, 127, 16, 107, 125, 108, 62, 51, 114, 54, 61, 109, 56, 53, 60, 124, 99, 122, 25, 106, 3, 112, 46, 115, 48, 118, 41, 119, 49, 5, 43, 50, 89, 44, 105, 102, 4, 120, 2, 24, 104, 75, 47, 113, 68, 35, 101, 95, 14, 103, 39, 17, 40, 66, 19, 69, 100, 83, 78, 36, 70, 27, 81, 9, 34, 98, 88, 37, 33, 92, 30, 28, 97, 72, 82, 31, 94, 91, 11, 73, 8, 80, 7, 20, 29, 86, 6, 77, 65, 23, 21, 67, 76, 90, 64, 79, 96, 10], [40, 126, 83, 81, 92, 35, 115, 85, 87, 15, 74, 111, 96, 89, 72, 76, 46, 42, 79, 52, 122, 12, 68, 58, 0, 28, 70, 106, 127, 114, 48, 6, 66, 5, 14, 54, 44, 57, 116, 11, 119, 31, 2, 56, 41, 1, 3, 43, 123, 110, 65, 125, 32, 118, 60, 75, 107, 9, 109, 29, 50, 82, 112, 120, 78, 49, 101, 93, 7, 13, 25, 121, 84, 59, 77, 88, 90, 86, 24, 34, 64, 8, 67, 108, 94, 30, 53, 20, 61, 47, 27, 39, 55, 117, 113, 69, 100, 26, 36, 22, 33, 105, 97, 103, 99, 102, 91, 51, 124, 95, 73, 98, 38, 23, 37, 16, 62, 45, 4, 63, 80, 10, 18, 71, 21, 19, 17, 104], [126, 103, 116, 86, 99, 55, 96, 52, 94, 62, 48, 26, 53, 112, 57, 109, 42, 91, 88, 63, 28, 58, 113, 56, 123, 20, 29, 110, 121, 102, 117, 50, 114, 47, 92, 124, 83, 35, 13, 115, 60, 81, 119, 127, 120, 59, 105, 125, 51, 37, 97, 43, 98, 49, 122, 61, 54, 111, 107, 95, 89, 46, 30, 33, 44, 79, 45, 118, 106, 10, 70, 40, 101, 108, 15, 36, 31, 104, 34, 7, 76, 27, 41, 85, 65, 38, 100, 72, 73, 87, 23, 66, 21, 14, 93, 0, 18, 5, 3, 90, 32, 17, 80, 25, 82, 6, 39, 71, 68, 16, 4, 8, 74, 24, 22, 84, 75, 77, 78, 12, 19, 9, 2, 11, 67, 69, 1, 64], [55, 39, 34, 22, 28, 89, 62, 125, 78, 117, 20, 53, 58, 50, 51, 54, 83, 109, 96, 112, 61, 59, 44, 113, 49, 114, 48, 121, 118, 119, 111, 60, 116, 63, 124, 126, 46, 127, 8, 47, 52, 64, 5, 56, 123, 82, 73, 43, 120, 91, 42, 122, 115, 12, 106, 1, 108, 110, 45, 30, 40, 18, 104, 79, 105, 107, 95, 57, 37, 93, 100, 81, 98, 23, 76, 41, 70, 77, 36, 3, 38, 66, 102, 27, 26, 90, 101, 35, 33, 31, 2, 32, 4, 11, 85, 99, 92, 10, 75, 24, 88, 97, 0, 80, 6, 65, 15, 17, 29, 21, 71, 94, 69, 103, 16, 25, 74, 87, 84, 13, 19, 7, 67, 68, 14, 9, 72, 86], [103, 127, 56, 34, 22, 55, 121, 95, 28, 118, 63, 122, 89, 116, 51, 125, 115, 62, 119, 57, 59, 58, 60, 53, 43, 52, 38, 124, 49, 48, 47, 117, 114, 61, 84, 92, 120, 123, 46, 106, 111, 44, 112, 113, 54, 126, 107, 50, 108, 71, 45, 23, 105, 29, 80, 109, 42, 75, 110, 40, 104, 35, 16, 41, 78, 101, 99, 37, 27, 98, 96, 102, 100, 18, 36, 10, 12, 64, 25, 33, 81, 86, 97, 30, 94, 87, 68, 79, 91, 39, 93, 88, 13, 90, 32, 66, 85, 83, 82, 17, 24, 26, 69, 21, 31, 1, 9, 20, 6, 8, 73, 14, 77, 19, 4, 5, 7, 76, 11, 65, 15, 74, 67, 2, 3, 72, 0, 70]], "model.layers.21.self_attn.qk_proj": [[126, 55, 120, 54, 59, 112, 127, 57, 49, 58, 56, 116, 42, 102, 118, 62, 53, 106, 121, 39, 28, 48, 103, 84, 20, 79, 119, 114, 25, 38, 15, 89, 29, 113, 86, 82, 122, 92, 40, 60, 22, 52, 23, 87, 99, 90, 35, 115, 18, 32, 12, 14, 111, 46, 78, 76, 6, 85, 72, 50, 117, 93, 51, 64, 75, 61, 21, 96, 125, 19, 10, 43, 26, 63, 123, 30, 108, 31, 34, 0, 83, 110, 124, 9, 45, 17, 44, 47, 8, 16, 11, 74, 80, 104, 73, 105, 5, 7, 69, 66, 95, 109, 67, 81, 107, 2, 97, 65, 13, 1, 71, 98, 68, 27, 77, 37, 33, 3, 41, 70, 36, 24, 88, 101, 94, 91, 4, 100], [126, 55, 120, 54, 59, 112, 49, 127, 57, 58, 56, 116, 42, 102, 118, 62, 53, 106, 121, 39, 28, 103, 48, 79, 20, 114, 84, 25, 29, 38, 89, 113, 119, 92, 22, 23, 60, 15, 99, 90, 52, 122, 87, 82, 12, 115, 86, 32, 35, 18, 78, 14, 51, 111, 40, 6, 76, 72, 117, 123, 93, 85, 75, 50, 125, 46, 0, 43, 44, 63, 108, 19, 26, 17, 21, 61, 64, 47, 30, 69, 31, 66, 124, 8, 74, 73, 11, 9, 96, 10, 109, 105, 104, 34, 110, 45, 2, 5, 83, 7, 95, 71, 13, 67, 27, 80, 16, 3, 88, 81, 33, 98, 1, 65, 107, 36, 97, 77, 41, 37, 68, 70, 4, 101, 91, 94, 24, 100], [126, 55, 120, 54, 59, 112, 127, 49, 57, 56, 58, 116, 42, 102, 62, 106, 118, 53, 121, 28, 39, 103, 84, 48, 29, 20, 25, 15, 99, 22, 92, 23, 122, 119, 38, 79, 114, 86, 89, 115, 90, 113, 60, 87, 35, 117, 52, 78, 40, 82, 18, 76, 14, 12, 111, 32, 6, 51, 64, 85, 72, 46, 0, 96, 124, 44, 125, 75, 63, 93, 31, 21, 69, 43, 30, 34, 108, 2, 50, 19, 123, 10, 110, 5, 74, 8, 17, 65, 66, 11, 47, 109, 83, 9, 104, 61, 26, 98, 73, 70, 16, 1, 95, 7, 80, 67, 13, 3, 81, 77, 41, 105, 45, 36, 88, 27, 71, 107, 4, 68, 33, 24, 97, 37, 91, 101, 94, 100], [126, 55, 120, 54, 59, 112, 127, 49, 57, 56, 58, 116, 42, 102, 118, 62, 121, 106, 53, 39, 28, 48, 103, 84, 20, 89, 79, 15, 29, 92, 119, 22, 25, 99, 113, 23, 60, 38, 52, 115, 40, 14, 82, 122, 90, 35, 18, 114, 12, 86, 78, 111, 76, 32, 87, 117, 46, 85, 6, 0, 17, 51, 72, 125, 96, 50, 30, 5, 11, 75, 93, 63, 123, 43, 110, 69, 47, 44, 34, 70, 19, 64, 2, 8, 10, 104, 83, 108, 124, 31, 21, 26, 61, 16, 66, 109, 65, 73, 74, 1, 9, 77, 98, 27, 81, 95, 45, 105, 67, 80, 7, 107, 71, 3, 88, 41, 101, 33, 36, 4, 13, 68, 91, 24, 97, 37, 94, 100], [126, 55, 120, 54, 59, 112, 127, 49, 57, 56, 58, 116, 42, 118, 102, 62, 106, 121, 53, 39, 103, 113, 28, 20, 84, 48, 60, 79, 38, 15, 23, 89, 119, 114, 29, 115, 82, 25, 92, 22, 86, 52, 90, 76, 122, 99, 40, 18, 78, 12, 32, 117, 35, 111, 14, 51, 50, 75, 46, 87, 85, 72, 96, 63, 125, 8, 70, 64, 0, 21, 93, 26, 43, 109, 44, 17, 6, 31, 69, 10, 30, 47, 2, 19, 5, 110, 61, 11, 7, 74, 16, 83, 34, 73, 123, 104, 66, 81, 98, 9, 108, 95, 65, 1, 105, 124, 27, 80, 77, 4, 67, 45, 71, 33, 88, 3, 107, 97, 13, 37, 36, 68, 101, 41, 91, 94, 24, 100], [126, 55, 120, 54, 59, 112, 127, 57, 49, 58, 56, 116, 42, 102, 118, 62, 106, 121, 53, 103, 28, 39, 20, 84, 79, 29, 48, 114, 89, 86, 15, 115, 82, 119, 23, 113, 60, 76, 22, 25, 40, 38, 92, 35, 99, 78, 122, 18, 32, 14, 90, 12, 87, 52, 111, 85, 50, 75, 63, 72, 70, 43, 51, 46, 125, 117, 8, 17, 31, 64, 21, 96, 93, 34, 0, 124, 26, 16, 83, 30, 44, 69, 19, 11, 123, 10, 108, 109, 9, 81, 47, 104, 74, 95, 66, 5, 2, 61, 73, 97, 7, 27, 110, 13, 65, 80, 45, 67, 1, 105, 3, 98, 107, 6, 4, 71, 77, 33, 88, 24, 41, 68, 37, 94, 91, 36, 101, 100], [126, 55, 120, 54, 59, 112, 127, 57, 49, 58, 56, 42, 116, 118, 102, 62, 106, 121, 53, 39, 28, 20, 84, 79, 23, 25, 29, 103, 38, 60, 15, 89, 86, 90, 22, 99, 82, 119, 18, 76, 40, 122, 12, 92, 113, 48, 35, 114, 87, 32, 78, 115, 111, 70, 85, 14, 51, 75, 46, 52, 117, 50, 93, 64, 19, 8, 13, 125, 72, 16, 17, 11, 10, 30, 21, 63, 9, 0, 77, 26, 31, 83, 44, 96, 123, 43, 34, 1, 66, 47, 74, 104, 80, 81, 45, 124, 105, 69, 110, 61, 7, 73, 2, 71, 65, 108, 109, 95, 97, 5, 41, 27, 4, 3, 107, 98, 36, 37, 88, 6, 67, 33, 24, 91, 101, 68, 94, 100], [126, 55, 120, 54, 59, 112, 49, 57, 127, 58, 56, 116, 42, 102, 118, 106, 62, 121, 53, 28, 39, 20, 25, 122, 38, 103, 23, 84, 22, 29, 90, 48, 60, 119, 15, 79, 32, 86, 111, 89, 82, 99, 52, 113, 18, 92, 12, 40, 70, 117, 85, 115, 87, 35, 78, 14, 76, 114, 51, 46, 125, 0, 93, 21, 75, 123, 30, 64, 19, 96, 11, 63, 8, 31, 83, 43, 26, 50, 104, 34, 44, 16, 47, 17, 110, 61, 13, 10, 72, 108, 74, 69, 124, 9, 80, 73, 2, 65, 45, 95, 77, 81, 66, 109, 67, 7, 41, 5, 3, 36, 68, 1, 98, 6, 105, 33, 71, 107, 37, 4, 27, 88, 24, 97, 91, 94, 101, 100], [126, 55, 120, 54, 59, 112, 57, 127, 49, 58, 56, 42, 116, 102, 118, 62, 106, 121, 53, 28, 39, 48, 84, 38, 20, 29, 15, 103, 89, 122, 25, 119, 111, 23, 79, 60, 22, 92, 90, 87, 51, 52, 99, 32, 86, 78, 82, 35, 18, 76, 115, 40, 114, 12, 113, 14, 85, 117, 46, 70, 93, 123, 125, 47, 17, 0, 21, 8, 96, 44, 26, 31, 19, 109, 110, 50, 30, 63, 83, 11, 75, 34, 64, 43, 45, 61, 72, 9, 10, 81, 104, 13, 73, 5, 74, 108, 16, 2, 65, 66, 6, 69, 77, 67, 124, 95, 80, 41, 105, 7, 68, 27, 3, 98, 71, 107, 33, 1, 88, 97, 101, 4, 36, 24, 37, 94, 91, 100], [126, 55, 120, 54, 59, 112, 127, 49, 57, 58, 56, 116, 42, 102, 118, 62, 121, 53, 106, 39, 103, 28, 48, 84, 79, 38, 20, 119, 114, 92, 89, 15, 29, 52, 25, 60, 86, 51, 23, 99, 90, 115, 122, 22, 113, 35, 40, 78, 76, 87, 111, 46, 50, 32, 12, 18, 14, 125, 82, 123, 8, 64, 85, 43, 117, 108, 110, 0, 63, 96, 21, 6, 74, 109, 75, 31, 70, 83, 11, 17, 124, 5, 30, 10, 72, 44, 93, 66, 47, 34, 45, 26, 2, 19, 73, 104, 9, 105, 81, 61, 69, 95, 98, 3, 67, 16, 7, 1, 27, 41, 71, 65, 80, 33, 77, 107, 13, 97, 36, 37, 88, 4, 91, 24, 68, 101, 94, 100], [126, 55, 120, 54, 59, 112, 127, 57, 49, 56, 58, 116, 42, 102, 118, 62, 53, 121, 106, 39, 103, 28, 20, 48, 79, 84, 113, 119, 89, 15, 38, 115, 99, 86, 25, 92, 23, 22, 29, 78, 40, 51, 35, 52, 60, 76, 82, 114, 8, 122, 90, 18, 14, 12, 0, 87, 32, 85, 6, 5, 50, 46, 64, 111, 125, 96, 66, 123, 72, 47, 117, 30, 34, 75, 74, 83, 43, 110, 93, 17, 11, 70, 124, 19, 9, 31, 73, 81, 44, 21, 65, 98, 61, 108, 2, 45, 67, 63, 69, 80, 3, 26, 71, 109, 1, 10, 105, 27, 7, 95, 16, 77, 104, 68, 33, 97, 13, 107, 88, 41, 4, 91, 94, 24, 101, 100, 36, 37], [126, 55, 120, 54, 59, 112, 57, 127, 49, 58, 56, 116, 42, 102, 118, 62, 106, 121, 53, 28, 39, 89, 20, 25, 84, 48, 86, 23, 22, 60, 15, 79, 103, 29, 38, 115, 99, 76, 40, 114, 35, 12, 90, 122, 78, 32, 113, 51, 92, 6, 18, 82, 119, 85, 111, 87, 8, 14, 96, 52, 93, 75, 19, 47, 17, 74, 11, 72, 0, 46, 50, 64, 83, 13, 34, 31, 43, 21, 123, 9, 73, 117, 30, 110, 125, 44, 81, 10, 16, 80, 26, 63, 5, 65, 77, 69, 109, 71, 108, 66, 104, 3, 1, 97, 67, 98, 45, 95, 61, 2, 105, 124, 27, 4, 7, 107, 70, 88, 41, 68, 36, 101, 91, 33, 94, 24, 37, 100], [126, 55, 54, 120, 112, 59, 49, 57, 127, 58, 56, 116, 42, 102, 118, 62, 121, 106, 53, 103, 39, 28, 25, 48, 20, 84, 60, 29, 23, 38, 15, 122, 90, 86, 89, 115, 52, 79, 92, 119, 32, 22, 111, 113, 51, 87, 35, 114, 18, 40, 82, 12, 99, 6, 78, 85, 76, 123, 50, 96, 43, 14, 46, 93, 125, 21, 47, 117, 108, 31, 72, 34, 64, 83, 124, 19, 63, 110, 11, 61, 104, 74, 73, 75, 17, 8, 26, 109, 10, 105, 77, 41, 30, 45, 44, 95, 0, 16, 5, 81, 2, 97, 9, 13, 69, 67, 80, 36, 66, 27, 98, 71, 3, 33, 1, 65, 7, 88, 107, 68, 37, 91, 101, 94, 4, 70, 24, 100], [126, 55, 120, 54, 112, 59, 57, 49, 127, 58, 56, 116, 42, 102, 118, 121, 62, 106, 53, 28, 39, 103, 119, 48, 84, 79, 22, 20, 86, 29, 15, 99, 89, 25, 60, 38, 23, 113, 114, 122, 51, 111, 87, 52, 12, 115, 40, 50, 35, 18, 92, 90, 76, 32, 14, 82, 6, 64, 78, 125, 0, 85, 72, 46, 123, 117, 8, 96, 63, 17, 75, 43, 45, 11, 21, 110, 61, 104, 10, 19, 1, 73, 83, 30, 31, 26, 74, 47, 2, 34, 5, 124, 93, 80, 66, 81, 9, 70, 108, 3, 69, 109, 13, 65, 105, 71, 41, 44, 16, 95, 67, 7, 27, 77, 107, 98, 97, 4, 33, 68, 101, 88, 36, 24, 37, 94, 91, 100], [126, 55, 120, 54, 112, 59, 127, 57, 49, 58, 56, 116, 42, 102, 118, 62, 106, 121, 53, 39, 28, 103, 22, 79, 84, 20, 29, 38, 23, 89, 48, 15, 25, 86, 40, 60, 113, 119, 92, 122, 114, 99, 12, 18, 76, 90, 82, 52, 32, 35, 115, 51, 78, 111, 0, 14, 46, 85, 72, 87, 8, 6, 123, 64, 96, 75, 21, 50, 5, 125, 117, 17, 83, 30, 74, 10, 26, 34, 70, 31, 11, 47, 45, 73, 81, 9, 93, 105, 66, 98, 44, 7, 43, 110, 2, 19, 61, 108, 63, 69, 1, 67, 16, 71, 80, 124, 95, 109, 3, 65, 27, 13, 41, 4, 77, 68, 91, 97, 33, 104, 37, 24, 88, 36, 107, 101, 94, 100], [126, 55, 120, 54, 112, 59, 127, 57, 49, 58, 56, 116, 42, 102, 118, 121, 62, 106, 53, 28, 103, 39, 22, 84, 79, 48, 89, 119, 29, 20, 115, 23, 99, 60, 25, 122, 15, 32, 86, 114, 12, 38, 113, 92, 40, 76, 18, 78, 90, 35, 52, 46, 111, 82, 85, 72, 87, 14, 51, 125, 8, 93, 0, 123, 75, 43, 50, 11, 96, 70, 30, 6, 10, 5, 21, 61, 64, 110, 17, 63, 34, 26, 2, 19, 83, 74, 73, 69, 105, 31, 47, 95, 7, 44, 109, 117, 108, 81, 9, 65, 98, 66, 13, 16, 124, 1, 80, 68, 45, 104, 71, 27, 4, 41, 97, 67, 77, 3, 107, 24, 91, 88, 33, 36, 37, 101, 100, 94], [126, 55, 120, 54, 59, 112, 127, 49, 57, 58, 56, 42, 116, 102, 118, 62, 121, 106, 28, 39, 53, 103, 25, 84, 89, 29, 20, 86, 38, 48, 60, 23, 119, 114, 79, 15, 22, 92, 90, 87, 111, 76, 115, 18, 40, 113, 52, 35, 82, 99, 32, 85, 122, 12, 51, 46, 125, 78, 70, 50, 14, 93, 123, 31, 117, 72, 21, 96, 19, 61, 10, 11, 63, 124, 44, 26, 30, 0, 64, 47, 9, 75, 34, 13, 83, 108, 43, 5, 16, 81, 17, 110, 8, 45, 80, 95, 41, 66, 1, 77, 105, 73, 104, 69, 65, 2, 74, 36, 67, 27, 97, 98, 109, 71, 7, 107, 37, 3, 6, 4, 24, 88, 101, 33, 91, 94, 68, 100], [126, 55, 120, 54, 59, 112, 127, 57, 49, 58, 56, 116, 42, 102, 118, 62, 106, 121, 28, 53, 39, 48, 84, 20, 103, 29, 89, 79, 38, 22, 60, 86, 15, 99, 114, 23, 113, 25, 12, 90, 92, 87, 76, 119, 122, 46, 111, 70, 82, 18, 14, 40, 35, 78, 32, 85, 115, 117, 0, 52, 123, 72, 64, 51, 44, 31, 26, 93, 63, 47, 96, 11, 30, 43, 75, 21, 125, 17, 10, 50, 83, 19, 69, 74, 104, 61, 66, 9, 5, 1, 34, 8, 110, 73, 80, 16, 2, 124, 108, 3, 95, 65, 13, 81, 27, 71, 77, 7, 45, 4, 67, 41, 36, 68, 109, 107, 6, 98, 97, 101, 88, 105, 37, 33, 91, 24, 94, 100], [126, 55, 120, 54, 59, 112, 127, 49, 57, 58, 56, 116, 42, 118, 102, 62, 121, 53, 106, 39, 48, 28, 103, 38, 20, 84, 119, 79, 89, 46, 122, 15, 29, 60, 111, 114, 92, 23, 113, 52, 86, 25, 99, 12, 40, 90, 22, 76, 82, 32, 35, 18, 123, 70, 87, 115, 14, 125, 78, 117, 51, 72, 93, 44, 63, 47, 11, 85, 64, 31, 96, 0, 75, 30, 110, 43, 10, 34, 61, 17, 26, 2, 5, 21, 83, 50, 109, 9, 8, 104, 45, 108, 74, 19, 81, 73, 105, 124, 98, 16, 1, 7, 97, 66, 107, 95, 6, 69, 80, 41, 71, 27, 67, 13, 3, 68, 33, 88, 37, 101, 36, 65, 77, 24, 91, 4, 94, 100], [126, 55, 120, 54, 59, 112, 127, 57, 49, 58, 56, 116, 42, 102, 118, 62, 121, 106, 53, 28, 39, 103, 48, 20, 119, 84, 29, 25, 38, 79, 60, 113, 99, 52, 90, 40, 114, 89, 23, 12, 15, 86, 92, 35, 115, 32, 22, 123, 76, 14, 46, 125, 122, 78, 87, 18, 82, 85, 51, 111, 70, 72, 117, 96, 93, 43, 0, 11, 30, 50, 108, 47, 31, 10, 34, 44, 124, 61, 63, 75, 66, 5, 64, 19, 8, 109, 74, 26, 9, 95, 6, 17, 104, 73, 21, 83, 110, 2, 81, 105, 98, 69, 7, 71, 13, 45, 107, 1, 3, 16, 33, 67, 80, 68, 37, 97, 77, 88, 27, 65, 41, 4, 36, 91, 101, 100, 94, 24], [126, 55, 120, 54, 59, 112, 127, 57, 49, 58, 56, 116, 42, 102, 118, 121, 62, 106, 53, 28, 48, 103, 39, 119, 20, 113, 29, 84, 79, 60, 38, 22, 86, 23, 89, 25, 15, 35, 40, 122, 92, 90, 46, 99, 114, 12, 115, 52, 76, 32, 87, 18, 78, 111, 82, 125, 123, 51, 14, 117, 43, 11, 85, 72, 96, 50, 34, 6, 47, 31, 26, 104, 30, 0, 17, 93, 44, 19, 63, 75, 64, 10, 61, 45, 108, 21, 83, 9, 8, 110, 70, 74, 80, 95, 66, 2, 5, 81, 124, 109, 73, 71, 67, 16, 69, 1, 13, 98, 3, 7, 27, 107, 88, 36, 91, 97, 33, 77, 65, 68, 24, 41, 101, 105, 37, 4, 94, 100], [126, 55, 120, 54, 59, 112, 127, 57, 49, 58, 56, 116, 42, 118, 102, 121, 62, 106, 53, 28, 39, 20, 48, 84, 29, 60, 38, 103, 15, 25, 22, 113, 79, 122, 92, 119, 99, 23, 89, 111, 46, 86, 114, 52, 35, 90, 12, 125, 82, 14, 40, 78, 76, 115, 32, 64, 6, 87, 123, 0, 18, 51, 43, 85, 117, 47, 93, 72, 50, 8, 63, 21, 61, 2, 30, 31, 10, 17, 11, 5, 75, 66, 19, 44, 110, 124, 96, 26, 34, 108, 104, 80, 1, 83, 95, 71, 74, 69, 9, 73, 45, 65, 81, 109, 70, 107, 67, 16, 77, 7, 41, 97, 13, 27, 98, 36, 3, 105, 4, 33, 68, 88, 91, 101, 37, 24, 94, 100], [126, 55, 120, 54, 59, 112, 127, 49, 57, 58, 56, 116, 42, 118, 102, 62, 121, 106, 53, 28, 39, 103, 20, 25, 60, 38, 114, 84, 48, 92, 119, 29, 122, 22, 86, 90, 23, 117, 111, 113, 46, 89, 79, 15, 32, 125, 40, 52, 35, 115, 87, 14, 99, 51, 82, 18, 12, 61, 6, 78, 76, 64, 43, 96, 30, 123, 44, 108, 124, 21, 31, 11, 10, 50, 93, 47, 85, 8, 34, 17, 19, 72, 0, 63, 110, 104, 83, 5, 75, 109, 26, 66, 74, 9, 45, 95, 107, 3, 73, 2, 69, 71, 81, 16, 80, 1, 97, 7, 98, 36, 13, 67, 88, 33, 77, 41, 27, 70, 65, 91, 37, 24, 68, 105, 4, 101, 94, 100], [126, 55, 120, 54, 112, 59, 57, 49, 127, 58, 56, 116, 42, 102, 118, 62, 106, 121, 53, 28, 39, 48, 103, 114, 29, 20, 84, 38, 79, 113, 89, 25, 119, 22, 15, 60, 40, 23, 92, 52, 115, 86, 82, 90, 12, 14, 99, 35, 122, 76, 87, 46, 18, 32, 111, 6, 78, 8, 123, 96, 43, 85, 0, 104, 51, 72, 10, 50, 125, 63, 11, 21, 30, 61, 26, 34, 83, 44, 17, 31, 9, 93, 19, 108, 117, 110, 47, 2, 5, 74, 75, 64, 71, 7, 45, 69, 73, 95, 81, 13, 109, 27, 1, 105, 67, 66, 16, 98, 80, 70, 65, 124, 3, 97, 107, 33, 4, 77, 88, 91, 101, 41, 24, 37, 68, 36, 94, 100], [126, 55, 120, 54, 59, 112, 57, 49, 127, 58, 56, 116, 42, 102, 118, 62, 121, 106, 39, 28, 53, 20, 84, 25, 23, 38, 103, 60, 89, 79, 15, 119, 86, 48, 22, 29, 113, 90, 12, 114, 92, 40, 18, 122, 99, 115, 82, 14, 46, 52, 32, 35, 51, 76, 78, 123, 111, 125, 87, 6, 85, 8, 21, 11, 83, 0, 61, 10, 108, 64, 34, 72, 96, 75, 93, 19, 17, 45, 26, 63, 74, 47, 43, 50, 71, 9, 104, 30, 124, 16, 31, 109, 73, 80, 117, 13, 81, 70, 5, 66, 77, 44, 2, 95, 110, 65, 69, 1, 67, 97, 7, 105, 98, 27, 107, 4, 91, 3, 33, 37, 68, 88, 36, 24, 101, 94, 41, 100], [126, 55, 120, 54, 59, 112, 127, 49, 57, 58, 56, 116, 42, 102, 118, 62, 121, 28, 53, 106, 39, 48, 103, 25, 89, 23, 38, 20, 119, 22, 60, 29, 84, 86, 79, 122, 113, 90, 40, 123, 15, 32, 35, 12, 92, 82, 46, 52, 99, 61, 114, 14, 18, 51, 111, 115, 85, 76, 87, 78, 93, 43, 21, 8, 125, 50, 30, 108, 0, 96, 10, 31, 11, 117, 34, 44, 26, 70, 47, 64, 19, 83, 75, 6, 110, 9, 17, 72, 80, 63, 104, 124, 77, 66, 95, 109, 69, 73, 45, 74, 5, 98, 81, 16, 13, 97, 41, 71, 7, 105, 2, 65, 3, 27, 107, 1, 67, 33, 36, 68, 94, 37, 88, 101, 4, 24, 91, 100], [126, 55, 120, 54, 59, 112, 49, 127, 57, 58, 56, 42, 116, 102, 118, 121, 53, 62, 106, 28, 39, 103, 119, 48, 25, 20, 23, 84, 38, 89, 60, 29, 15, 79, 22, 115, 46, 52, 86, 114, 99, 35, 122, 51, 113, 123, 90, 82, 111, 12, 92, 32, 76, 40, 87, 14, 117, 61, 18, 125, 70, 78, 8, 11, 85, 50, 44, 63, 96, 34, 110, 45, 64, 83, 108, 0, 30, 93, 21, 104, 109, 47, 31, 72, 19, 73, 17, 75, 43, 5, 124, 69, 3, 10, 13, 105, 74, 80, 26, 98, 9, 65, 2, 81, 16, 1, 41, 66, 97, 7, 77, 6, 68, 95, 107, 67, 27, 36, 71, 33, 4, 24, 101, 94, 88, 91, 37, 100], [126, 55, 120, 54, 59, 112, 127, 57, 49, 58, 56, 116, 42, 102, 118, 62, 121, 106, 53, 39, 28, 20, 84, 79, 103, 89, 48, 23, 15, 38, 25, 52, 119, 29, 12, 82, 113, 22, 60, 114, 90, 76, 14, 92, 122, 32, 78, 18, 99, 40, 86, 70, 35, 46, 50, 123, 8, 115, 87, 85, 117, 125, 111, 64, 21, 72, 83, 96, 43, 5, 11, 19, 0, 93, 51, 74, 47, 73, 9, 66, 61, 31, 63, 75, 26, 81, 10, 30, 2, 17, 104, 44, 34, 108, 45, 69, 110, 80, 1, 7, 124, 67, 95, 109, 77, 105, 6, 98, 71, 16, 13, 68, 41, 3, 65, 27, 4, 97, 33, 24, 107, 36, 101, 88, 37, 94, 91, 100], [126, 55, 120, 54, 59, 112, 127, 49, 57, 58, 56, 116, 42, 102, 118, 53, 62, 121, 106, 103, 28, 114, 39, 84, 38, 20, 48, 52, 79, 25, 89, 15, 22, 29, 92, 40, 23, 113, 86, 119, 60, 32, 12, 99, 50, 35, 76, 70, 90, 18, 115, 82, 78, 14, 122, 64, 8, 111, 46, 31, 85, 51, 0, 123, 125, 63, 87, 43, 45, 5, 61, 11, 72, 34, 108, 75, 96, 66, 69, 74, 117, 10, 93, 124, 17, 2, 30, 19, 21, 83, 1, 110, 73, 104, 44, 109, 7, 47, 95, 65, 81, 71, 9, 26, 16, 33, 98, 3, 107, 27, 77, 67, 105, 13, 97, 4, 80, 6, 37, 101, 36, 24, 88, 41, 68, 100, 94, 91], [126, 55, 120, 54, 112, 59, 127, 49, 57, 58, 56, 116, 42, 102, 118, 121, 62, 53, 106, 28, 39, 103, 84, 20, 38, 89, 15, 29, 60, 79, 52, 25, 48, 86, 119, 22, 113, 23, 32, 92, 114, 82, 18, 99, 76, 14, 40, 12, 35, 78, 115, 90, 46, 70, 87, 50, 51, 122, 125, 111, 8, 63, 123, 93, 117, 96, 19, 21, 85, 72, 31, 11, 43, 75, 124, 17, 73, 30, 83, 10, 74, 34, 108, 69, 61, 26, 110, 0, 45, 104, 80, 44, 13, 7, 64, 9, 109, 5, 47, 81, 27, 67, 66, 95, 16, 1, 2, 65, 105, 77, 71, 98, 3, 6, 68, 107, 97, 37, 33, 91, 4, 41, 101, 24, 88, 36, 94, 100], [126, 55, 120, 54, 112, 59, 127, 49, 57, 58, 56, 116, 42, 102, 118, 62, 106, 121, 53, 28, 103, 39, 114, 84, 20, 25, 113, 48, 15, 115, 119, 29, 23, 52, 79, 22, 89, 90, 122, 60, 40, 86, 38, 12, 32, 99, 92, 14, 51, 76, 78, 18, 46, 111, 35, 125, 87, 82, 50, 63, 85, 0, 72, 123, 124, 70, 43, 74, 8, 96, 64, 31, 117, 6, 19, 75, 110, 93, 104, 34, 9, 73, 7, 30, 5, 11, 2, 47, 10, 83, 69, 21, 17, 66, 44, 13, 108, 45, 65, 61, 16, 1, 26, 81, 80, 98, 95, 109, 97, 67, 68, 77, 71, 3, 41, 27, 105, 4, 107, 37, 36, 101, 33, 24, 88, 91, 100, 94], [126, 55, 120, 54, 59, 112, 49, 57, 127, 58, 56, 42, 116, 102, 118, 62, 121, 106, 103, 39, 53, 28, 48, 20, 84, 25, 23, 15, 29, 79, 38, 89, 114, 86, 119, 60, 22, 90, 92, 115, 18, 99, 40, 35, 12, 32, 14, 52, 122, 76, 113, 111, 51, 82, 125, 123, 46, 63, 87, 50, 85, 78, 75, 72, 43, 61, 93, 8, 74, 104, 96, 6, 11, 117, 108, 19, 110, 21, 31, 17, 30, 124, 73, 70, 44, 9, 34, 10, 83, 45, 64, 109, 47, 5, 26, 80, 105, 13, 81, 7, 0, 66, 41, 98, 77, 27, 95, 69, 71, 65, 16, 2, 107, 33, 67, 3, 88, 36, 68, 97, 1, 37, 4, 94, 24, 91, 101, 100]], "model.layers.22.self_attn.q_proj": [[57, 40, 50, 121, 54, 118, 51, 125, 52, 119, 123, 124, 63, 60, 117, 58, 61, 116, 33, 47, 62, 45, 114, 127, 59, 48, 56, 111, 126, 112, 49, 38, 55, 44, 53, 113, 122, 115, 120, 36, 102, 92, 108, 42, 109, 46, 107, 28, 17, 43, 110, 106, 94, 77, 41, 26, 25, 85, 105, 103, 83, 86, 89, 99, 39, 32, 87, 95, 19, 35, 100, 30, 37, 104, 27, 101, 31, 11, 22, 97, 21, 96, 34, 24, 98, 81, 13, 90, 29, 93, 69, 15, 2, 88, 84, 71, 0, 91, 79, 20, 16, 3, 75, 82, 1, 5, 9, 23, 67, 78, 65, 64, 73, 18, 66, 7, 80, 4, 14, 10, 74, 68, 72, 12, 8, 6, 70, 76], [50, 40, 121, 57, 51, 118, 54, 33, 114, 125, 52, 119, 123, 45, 44, 63, 58, 60, 116, 117, 127, 124, 112, 62, 49, 47, 59, 126, 61, 36, 113, 56, 48, 53, 94, 120, 122, 111, 55, 46, 115, 28, 17, 107, 26, 109, 110, 92, 25, 41, 108, 38, 43, 77, 99, 30, 42, 89, 102, 106, 85, 105, 86, 83, 19, 95, 87, 100, 24, 103, 21, 27, 31, 35, 39, 104, 101, 22, 37, 32, 98, 97, 11, 90, 84, 34, 2, 81, 96, 16, 13, 15, 69, 64, 93, 88, 82, 78, 0, 29, 79, 5, 66, 73, 23, 1, 65, 91, 67, 3, 75, 20, 7, 72, 9, 12, 18, 4, 14, 71, 68, 74, 10, 80, 6, 8, 70, 76], [121, 40, 50, 114, 125, 51, 54, 118, 57, 33, 63, 45, 52, 123, 119, 60, 117, 127, 58, 44, 116, 124, 56, 112, 59, 126, 62, 108, 61, 48, 113, 28, 46, 53, 120, 49, 122, 47, 55, 111, 115, 110, 17, 102, 26, 92, 42, 107, 109, 36, 94, 25, 38, 99, 106, 85, 43, 41, 105, 89, 95, 100, 30, 77, 87, 86, 19, 83, 103, 21, 35, 39, 104, 24, 37, 101, 96, 32, 22, 27, 97, 98, 34, 31, 81, 11, 13, 84, 2, 82, 88, 90, 64, 73, 29, 93, 16, 0, 15, 79, 9, 78, 1, 91, 69, 65, 23, 14, 5, 75, 66, 3, 4, 7, 67, 20, 71, 12, 18, 72, 10, 74, 68, 6, 70, 8, 80, 76], [40, 121, 50, 57, 82, 114, 78, 12, 33, 27, 16, 25, 99, 118, 23, 38, 29, 74, 19, 86, 6, 10, 93, 18, 36, 89, 72, 94, 51, 14, 70, 76, 104, 8, 28, 20, 84, 63, 102, 88, 90, 30, 95, 68, 54, 21, 80, 58, 119, 4, 55, 87, 91, 22, 125, 9, 15, 85, 49, 31, 1, 81, 96, 26, 62, 47, 42, 73, 24, 7, 127, 66, 116, 83, 92, 3, 52, 123, 39, 11, 32, 13, 115, 2, 124, 60, 64, 44, 98, 34, 117, 17, 105, 61, 79, 35, 126, 53, 101, 112, 48, 56, 5, 122, 45, 75, 77, 109, 71, 107, 67, 120, 113, 106, 37, 108, 43, 110, 59, 41, 46, 111, 100, 103, 69, 97, 0, 65], [42, 54, 32, 35, 123, 99, 106, 50, 89, 85, 27, 87, 16, 23, 58, 29, 96, 18, 78, 36, 57, 40, 98, 83, 103, 116, 107, 117, 7, 84, 62, 31, 17, 108, 61, 48, 60, 82, 44, 12, 47, 37, 105, 95, 100, 77, 26, 21, 125, 74, 76, 118, 46, 55, 45, 41, 90, 9, 114, 10, 20, 115, 94, 113, 101, 119, 92, 127, 110, 19, 124, 112, 81, 97, 122, 109, 126, 102, 49, 28, 24, 121, 59, 75, 104, 56, 22, 70, 88, 79, 43, 120, 34, 68, 33, 51, 25, 53, 63, 93, 15, 8, 91, 30, 52, 86, 39, 111, 80, 38, 4, 11, 14, 0, 72, 66, 13, 3, 69, 71, 5, 73, 64, 67, 6, 65, 1, 2], [54, 42, 32, 89, 117, 99, 123, 85, 87, 23, 29, 58, 35, 106, 96, 28, 50, 121, 55, 44, 36, 60, 15, 111, 33, 101, 57, 40, 46, 82, 122, 52, 126, 51, 112, 53, 31, 47, 10, 16, 100, 78, 103, 104, 41, 18, 125, 119, 45, 110, 109, 38, 83, 114, 95, 81, 17, 105, 115, 39, 118, 21, 12, 25, 113, 56, 76, 127, 19, 124, 48, 116, 34, 107, 37, 14, 27, 8, 98, 90, 108, 91, 49, 77, 63, 62, 79, 59, 102, 43, 120, 97, 30, 61, 69, 93, 84, 80, 92, 24, 72, 26, 94, 86, 74, 22, 88, 6, 67, 20, 75, 66, 71, 13, 11, 7, 5, 3, 70, 65, 73, 64, 68, 2, 4, 9, 1, 0], [54, 42, 32, 99, 35, 29, 89, 87, 96, 115, 23, 85, 36, 106, 95, 27, 110, 62, 105, 101, 18, 61, 123, 119, 94, 44, 45, 50, 83, 82, 117, 118, 63, 59, 48, 41, 86, 113, 28, 40, 121, 112, 55, 58, 31, 93, 120, 47, 114, 92, 103, 109, 125, 107, 37, 127, 122, 104, 57, 53, 108, 34, 60, 100, 126, 38, 52, 49, 16, 51, 20, 43, 116, 15, 124, 102, 90, 46, 33, 56, 22, 39, 26, 97, 12, 77, 98, 78, 84, 10, 25, 111, 30, 91, 81, 17, 24, 13, 75, 88, 14, 19, 76, 21, 4, 6, 8, 72, 74, 67, 7, 69, 79, 73, 1, 68, 5, 80, 70, 9, 11, 0, 66, 71, 64, 3, 65, 2], [42, 54, 32, 85, 35, 123, 106, 99, 89, 23, 16, 87, 76, 78, 18, 12, 50, 48, 27, 84, 29, 125, 36, 11, 14, 6, 72, 117, 10, 81, 4, 115, 31, 21, 80, 51, 25, 17, 8, 116, 28, 26, 101, 111, 79, 104, 83, 77, 3, 74, 109, 55, 92, 82, 2, 19, 9, 73, 60, 88, 57, 62, 1, 98, 69, 86, 64, 124, 97, 103, 119, 33, 66, 37, 44, 90, 93, 49, 102, 40, 105, 108, 30, 95, 114, 7, 110, 96, 67, 100, 41, 94, 75, 46, 56, 15, 127, 24, 126, 34, 38, 107, 53, 70, 63, 20, 118, 91, 43, 5, 112, 22, 39, 47, 52, 13, 45, 58, 71, 120, 122, 61, 59, 113, 121, 68, 65, 0], [117, 38, 120, 97, 25, 58, 63, 93, 89, 83, 116, 52, 53, 121, 55, 49, 102, 39, 86, 112, 115, 75, 122, 126, 127, 113, 119, 57, 125, 123, 50, 109, 47, 21, 48, 60, 114, 118, 46, 62, 20, 84, 41, 88, 105, 61, 59, 111, 110, 51, 44, 73, 56, 29, 124, 17, 100, 54, 104, 45, 80, 106, 42, 107, 108, 103, 40, 43, 22, 87, 16, 101, 37, 24, 26, 98, 99, 34, 36, 35, 15, 95, 18, 96, 31, 77, 94, 19, 23, 71, 32, 30, 33, 92, 4, 28, 79, 91, 14, 81, 90, 13, 11, 85, 27, 68, 1, 7, 82, 72, 3, 74, 70, 65, 64, 10, 76, 69, 66, 78, 9, 5, 0, 2, 8, 12, 67, 6], [38, 120, 117, 63, 97, 93, 17, 83, 25, 89, 86, 20, 29, 88, 102, 14, 58, 76, 74, 121, 65, 72, 15, 53, 116, 77, 71, 73, 49, 64, 41, 126, 122, 60, 100, 57, 4, 91, 46, 55, 59, 22, 11, 119, 123, 98, 94, 50, 81, 127, 115, 34, 10, 26, 39, 66, 104, 7, 47, 111, 109, 125, 16, 113, 52, 42, 118, 19, 56, 48, 51, 112, 90, 54, 114, 61, 44, 45, 84, 79, 62, 96, 24, 28, 35, 37, 78, 82, 2, 103, 87, 70, 108, 31, 75, 101, 124, 99, 106, 67, 40, 105, 32, 95, 21, 30, 36, 80, 5, 43, 27, 85, 110, 92, 12, 9, 13, 69, 1, 23, 33, 68, 107, 8, 3, 18, 6, 0], [38, 120, 117, 97, 58, 25, 83, 86, 93, 63, 73, 89, 17, 102, 29, 121, 15, 53, 88, 3, 14, 49, 75, 22, 126, 57, 20, 71, 19, 109, 41, 76, 77, 113, 116, 55, 127, 84, 46, 111, 79, 72, 52, 119, 11, 4, 47, 122, 65, 118, 112, 39, 125, 87, 115, 51, 60, 62, 50, 59, 123, 74, 70, 45, 21, 80, 56, 81, 9, 44, 114, 61, 16, 48, 42, 104, 10, 82, 100, 24, 108, 67, 124, 78, 34, 105, 103, 2, 85, 110, 33, 90, 23, 54, 7, 107, 40, 8, 37, 98, 35, 91, 28, 101, 43, 36, 0, 66, 99, 13, 69, 26, 12, 94, 18, 96, 1, 106, 68, 92, 31, 95, 6, 27, 30, 32, 5, 64], [38, 117, 120, 97, 63, 83, 70, 93, 25, 15, 73, 89, 3, 86, 58, 53, 41, 14, 17, 88, 80, 74, 29, 109, 78, 77, 75, 121, 57, 84, 65, 22, 55, 111, 115, 46, 49, 19, 79, 105, 0, 102, 118, 98, 122, 76, 42, 126, 106, 116, 119, 52, 125, 72, 4, 20, 107, 113, 127, 50, 56, 21, 54, 104, 62, 61, 47, 60, 9, 6, 123, 45, 59, 110, 11, 10, 44, 39, 51, 26, 114, 48, 12, 103, 2, 112, 81, 124, 82, 85, 8, 66, 108, 67, 43, 87, 71, 24, 40, 16, 36, 69, 34, 101, 94, 1, 23, 31, 7, 37, 95, 30, 90, 99, 28, 91, 100, 5, 32, 18, 35, 27, 68, 92, 64, 96, 13, 33], [122, 58, 53, 38, 125, 124, 121, 56, 87, 90, 92, 55, 59, 34, 111, 127, 76, 117, 63, 126, 30, 81, 123, 113, 62, 50, 120, 54, 52, 110, 49, 57, 61, 60, 114, 119, 48, 118, 51, 116, 115, 47, 100, 102, 19, 112, 8, 40, 107, 109, 91, 3, 22, 44, 89, 46, 83, 45, 21, 108, 41, 23, 2, 32, 80, 31, 103, 84, 105, 42, 43, 104, 106, 72, 36, 94, 39, 5, 37, 29, 35, 85, 28, 96, 33, 16, 24, 93, 25, 101, 70, 65, 95, 17, 14, 27, 26, 99, 10, 86, 0, 97, 13, 6, 78, 64, 12, 73, 9, 88, 98, 77, 1, 18, 15, 82, 4, 11, 75, 79, 66, 71, 20, 7, 68, 69, 67, 74], [53, 38, 125, 122, 58, 87, 121, 56, 30, 127, 34, 92, 90, 60, 50, 113, 63, 124, 55, 59, 123, 48, 120, 126, 32, 51, 41, 57, 114, 61, 62, 52, 118, 54, 119, 116, 47, 111, 115, 49, 21, 117, 76, 102, 110, 19, 108, 46, 85, 112, 40, 45, 107, 83, 106, 22, 109, 81, 44, 94, 37, 43, 80, 42, 100, 27, 28, 26, 84, 104, 105, 39, 103, 33, 91, 101, 23, 29, 36, 15, 31, 72, 97, 99, 16, 89, 77, 35, 86, 13, 78, 96, 98, 17, 93, 3, 0, 95, 65, 8, 5, 14, 18, 88, 2, 25, 69, 20, 73, 10, 75, 74, 24, 11, 9, 82, 12, 79, 71, 7, 6, 68, 70, 66, 4, 67, 64, 1], [122, 53, 38, 90, 121, 58, 56, 59, 127, 34, 87, 60, 55, 124, 92, 126, 123, 63, 117, 52, 30, 120, 48, 57, 111, 113, 61, 49, 110, 114, 125, 115, 62, 118, 119, 54, 50, 51, 47, 116, 102, 83, 22, 112, 46, 81, 19, 94, 32, 89, 109, 85, 23, 104, 108, 41, 14, 43, 84, 103, 107, 76, 31, 44, 105, 17, 106, 45, 36, 40, 42, 101, 25, 86, 28, 78, 100, 13, 82, 80, 37, 27, 39, 35, 98, 33, 26, 21, 29, 15, 97, 99, 88, 95, 8, 24, 91, 96, 16, 65, 93, 72, 18, 10, 12, 79, 69, 20, 3, 11, 6, 9, 77, 75, 7, 68, 74, 73, 71, 70, 67, 5, 0, 2, 66, 64, 4, 1], [125, 122, 53, 38, 58, 90, 121, 56, 51, 59, 127, 113, 120, 110, 81, 87, 55, 50, 63, 30, 61, 48, 126, 124, 123, 102, 49, 108, 57, 52, 117, 60, 114, 119, 34, 118, 62, 47, 111, 46, 109, 54, 115, 116, 19, 44, 106, 112, 92, 39, 42, 107, 43, 76, 103, 83, 22, 101, 32, 100, 94, 37, 105, 41, 21, 40, 45, 104, 36, 99, 14, 31, 35, 33, 8, 85, 91, 17, 26, 93, 24, 96, 29, 23, 97, 27, 84, 78, 95, 88, 28, 25, 98, 86, 80, 72, 10, 89, 74, 12, 15, 79, 13, 16, 18, 82, 11, 77, 3, 9, 73, 20, 70, 69, 75, 6, 5, 68, 7, 4, 71, 66, 0, 64, 65, 1, 67, 2], [102, 110, 97, 126, 46, 73, 21, 77, 82, 68, 11, 15, 26, 66, 90, 70, 53, 0, 7, 25, 87, 71, 85, 121, 31, 18, 1, 23, 29, 79, 100, 93, 4, 54, 118, 81, 88, 124, 10, 117, 55, 9, 57, 106, 78, 28, 64, 13, 80, 22, 20, 127, 2, 75, 32, 5, 108, 76, 83, 65, 69, 17, 12, 58, 6, 105, 92, 3, 89, 63, 16, 24, 116, 115, 86, 125, 84, 27, 72, 39, 40, 104, 123, 98, 91, 48, 59, 30, 62, 96, 49, 74, 52, 122, 37, 101, 67, 60, 14, 95, 112, 34, 19, 8, 51, 45, 99, 35, 94, 103, 109, 50, 61, 120, 56, 47, 36, 43, 107, 42, 44, 119, 111, 113, 41, 114, 33, 38], [102, 110, 126, 97, 21, 26, 82, 46, 15, 77, 73, 11, 87, 90, 93, 68, 7, 23, 12, 25, 45, 115, 40, 53, 78, 70, 8, 18, 44, 76, 85, 118, 84, 55, 66, 120, 54, 116, 109, 127, 0, 96, 101, 36, 95, 31, 37, 91, 13, 112, 79, 72, 125, 24, 83, 1, 98, 121, 124, 27, 41, 48, 19, 71, 32, 114, 17, 103, 52, 56, 75, 122, 58, 69, 14, 9, 123, 39, 89, 49, 42, 106, 59, 88, 63, 22, 81, 105, 6, 20, 51, 107, 62, 94, 80, 119, 117, 28, 34, 29, 3, 86, 60, 38, 47, 99, 61, 57, 108, 43, 92, 104, 30, 111, 10, 16, 100, 50, 35, 113, 74, 4, 33, 2, 5, 67, 65, 64], [102, 110, 126, 97, 118, 46, 26, 21, 15, 82, 87, 11, 31, 63, 95, 90, 93, 68, 49, 73, 77, 44, 41, 120, 53, 116, 88, 127, 106, 122, 123, 25, 54, 112, 22, 7, 101, 38, 84, 42, 56, 37, 12, 58, 52, 17, 51, 80, 29, 59, 109, 70, 23, 43, 92, 48, 119, 55, 57, 124, 66, 5, 113, 94, 45, 125, 111, 115, 0, 65, 104, 121, 117, 83, 10, 50, 108, 60, 105, 1, 62, 85, 100, 47, 96, 91, 69, 61, 36, 107, 27, 78, 98, 99, 28, 114, 40, 30, 39, 19, 8, 86, 76, 3, 32, 103, 79, 74, 16, 34, 71, 64, 67, 24, 72, 35, 89, 20, 18, 4, 81, 75, 33, 14, 2, 6, 13, 9], [102, 110, 97, 126, 21, 46, 26, 77, 82, 11, 15, 90, 73, 116, 87, 70, 92, 91, 68, 7, 25, 66, 37, 54, 32, 45, 85, 99, 62, 72, 49, 30, 83, 108, 41, 51, 19, 124, 18, 44, 111, 52, 71, 0, 113, 53, 122, 112, 127, 105, 104, 88, 24, 118, 48, 58, 100, 89, 40, 106, 50, 17, 123, 8, 75, 101, 16, 95, 36, 121, 96, 78, 63, 42, 93, 31, 94, 22, 38, 98, 3, 76, 115, 79, 28, 60, 55, 5, 107, 64, 33, 34, 114, 39, 35, 125, 109, 61, 119, 20, 57, 10, 47, 84, 6, 120, 29, 103, 59, 13, 43, 1, 86, 56, 81, 2, 117, 14, 9, 23, 27, 74, 80, 12, 67, 69, 4, 65], [111, 55, 101, 47, 25, 87, 113, 95, 21, 28, 48, 109, 58, 119, 82, 56, 59, 31, 62, 97, 91, 118, 94, 44, 54, 45, 122, 89, 33, 127, 126, 42, 116, 51, 115, 50, 120, 107, 61, 102, 80, 106, 23, 15, 76, 85, 123, 38, 53, 74, 121, 112, 32, 39, 92, 18, 57, 40, 110, 52, 105, 19, 104, 125, 117, 72, 124, 22, 41, 77, 63, 37, 49, 46, 30, 108, 16, 98, 29, 103, 99, 35, 60, 34, 93, 114, 26, 100, 14, 90, 84, 71, 96, 17, 36, 83, 69, 43, 86, 88, 27, 24, 75, 81, 20, 11, 13, 73, 79, 65, 9, 7, 78, 70, 3, 12, 67, 1, 5, 4, 8, 66, 10, 2, 68, 6, 0, 64], [111, 55, 101, 47, 25, 95, 21, 87, 28, 82, 33, 94, 91, 15, 74, 53, 76, 59, 62, 97, 22, 89, 72, 29, 114, 60, 56, 121, 49, 116, 107, 37, 92, 45, 93, 123, 38, 32, 11, 70, 43, 18, 110, 109, 67, 122, 98, 54, 113, 48, 103, 57, 23, 99, 115, 78, 102, 4, 69, 31, 80, 44, 51, 40, 83, 85, 105, 124, 36, 119, 50, 34, 86, 46, 66, 41, 13, 117, 77, 104, 120, 58, 26, 52, 108, 118, 42, 27, 71, 17, 61, 127, 63, 112, 96, 39, 125, 106, 84, 19, 90, 126, 79, 10, 81, 100, 30, 8, 7, 24, 12, 35, 73, 88, 20, 9, 75, 16, 64, 68, 5, 3, 1, 14, 65, 2, 6, 0], [111, 101, 55, 47, 25, 87, 21, 95, 15, 74, 82, 70, 4, 89, 76, 94, 64, 97, 67, 77, 28, 80, 113, 2, 114, 72, 84, 50, 73, 18, 0, 91, 58, 31, 126, 29, 79, 66, 11, 85, 6, 122, 23, 92, 40, 83, 16, 10, 71, 45, 3, 116, 107, 75, 41, 65, 5, 7, 86, 35, 27, 88, 13, 98, 93, 9, 14, 12, 121, 33, 8, 78, 19, 123, 17, 68, 96, 81, 69, 20, 24, 90, 26, 105, 34, 22, 117, 44, 30, 32, 51, 115, 46, 38, 99, 54, 37, 1, 62, 124, 60, 109, 127, 103, 100, 59, 61, 48, 39, 110, 108, 102, 53, 120, 125, 42, 36, 112, 52, 104, 56, 63, 106, 57, 119, 49, 118, 43], [111, 55, 101, 47, 25, 120, 87, 21, 121, 28, 95, 56, 116, 31, 82, 110, 53, 33, 123, 37, 126, 38, 46, 58, 50, 124, 104, 122, 115, 89, 60, 44, 62, 51, 97, 112, 59, 29, 118, 61, 57, 127, 76, 23, 63, 48, 94, 52, 45, 39, 107, 103, 113, 91, 49, 117, 114, 85, 80, 42, 109, 125, 105, 119, 32, 40, 108, 41, 98, 102, 99, 106, 18, 15, 90, 54, 30, 26, 84, 43, 34, 72, 77, 92, 35, 96, 86, 100, 93, 27, 36, 16, 74, 78, 20, 67, 17, 11, 83, 22, 79, 88, 24, 81, 13, 14, 69, 19, 71, 70, 9, 12, 65, 75, 7, 73, 8, 4, 64, 3, 66, 5, 10, 2, 0, 1, 68, 6], [115, 100, 51, 23, 91, 32, 96, 84, 86, 9, 77, 15, 81, 39, 71, 5, 11, 27, 20, 108, 49, 10, 94, 36, 24, 83, 22, 44, 68, 21, 67, 118, 17, 0, 64, 65, 57, 82, 126, 127, 121, 117, 114, 16, 54, 45, 110, 2, 87, 79, 28, 35, 95, 107, 33, 13, 12, 80, 73, 25, 101, 74, 3, 69, 19, 76, 40, 85, 116, 37, 18, 42, 75, 30, 112, 8, 90, 89, 104, 92, 72, 124, 70, 88, 122, 14, 41, 78, 48, 120, 52, 34, 99, 50, 62, 4, 93, 97, 102, 123, 47, 105, 29, 98, 63, 119, 125, 109, 60, 53, 113, 31, 66, 38, 6, 46, 103, 56, 26, 7, 59, 1, 43, 106, 55, 111, 61, 58], [115, 100, 51, 121, 36, 91, 32, 23, 86, 84, 39, 82, 77, 81, 127, 48, 96, 113, 15, 118, 33, 20, 29, 44, 63, 104, 55, 71, 116, 120, 45, 119, 123, 49, 37, 47, 108, 22, 102, 114, 41, 126, 107, 50, 42, 106, 46, 54, 35, 110, 124, 53, 125, 105, 27, 10, 43, 38, 52, 111, 112, 16, 59, 56, 60, 58, 57, 30, 61, 122, 40, 95, 11, 19, 18, 62, 99, 109, 97, 117, 66, 34, 101, 98, 64, 31, 103, 83, 17, 26, 92, 24, 94, 5, 68, 85, 87, 90, 12, 21, 93, 89, 28, 76, 73, 6, 88, 8, 25, 13, 79, 78, 2, 75, 9, 80, 14, 67, 74, 70, 72, 1, 69, 4, 0, 65, 7, 3], [115, 100, 51, 121, 36, 91, 23, 32, 84, 86, 103, 63, 82, 20, 114, 104, 44, 22, 77, 15, 48, 39, 117, 46, 107, 99, 55, 43, 127, 49, 116, 29, 34, 45, 81, 110, 31, 30, 40, 119, 61, 118, 37, 33, 57, 108, 38, 41, 112, 42, 120, 113, 54, 125, 101, 35, 111, 60, 87, 106, 96, 58, 109, 53, 59, 56, 52, 95, 123, 47, 98, 126, 92, 105, 62, 24, 90, 97, 102, 27, 50, 94, 124, 122, 28, 9, 93, 71, 26, 17, 16, 85, 74, 25, 88, 76, 18, 19, 14, 89, 79, 13, 21, 11, 83, 80, 78, 10, 6, 12, 66, 64, 7, 73, 1, 4, 0, 75, 5, 72, 8, 68, 70, 69, 3, 2, 67, 65], [115, 100, 51, 36, 23, 91, 121, 96, 84, 86, 81, 11, 32, 15, 118, 94, 48, 117, 39, 9, 50, 108, 116, 107, 102, 5, 20, 2, 119, 25, 105, 45, 77, 44, 0, 37, 113, 27, 63, 82, 58, 62, 68, 19, 57, 46, 47, 110, 120, 49, 114, 126, 122, 43, 112, 123, 99, 125, 127, 53, 59, 22, 54, 41, 61, 55, 24, 124, 109, 52, 104, 42, 95, 17, 60, 65, 40, 56, 33, 38, 106, 35, 111, 70, 101, 71, 103, 87, 88, 93, 64, 16, 26, 98, 30, 79, 34, 29, 73, 83, 10, 31, 97, 90, 72, 75, 69, 8, 28, 14, 89, 12, 67, 6, 92, 13, 21, 18, 66, 78, 85, 4, 1, 80, 76, 3, 74, 7], [115, 40, 122, 53, 93, 124, 49, 55, 58, 51, 52, 48, 120, 33, 59, 60, 56, 62, 127, 111, 125, 26, 44, 61, 54, 47, 50, 123, 63, 113, 43, 126, 114, 118, 121, 116, 107, 57, 119, 45, 46, 112, 117, 22, 19, 109, 42, 110, 90, 29, 108, 88, 84, 41, 101, 77, 99, 38, 104, 106, 105, 32, 94, 92, 95, 103, 39, 83, 36, 102, 37, 34, 81, 100, 89, 97, 35, 86, 16, 98, 96, 25, 82, 28, 87, 71, 27, 10, 31, 13, 21, 23, 91, 79, 30, 80, 17, 14, 7, 3, 24, 74, 15, 12, 78, 85, 2, 20, 64, 66, 0, 18, 9, 67, 5, 72, 11, 69, 65, 6, 1, 75, 73, 4, 68, 76, 8, 70], [53, 115, 40, 122, 124, 93, 49, 52, 55, 59, 51, 33, 60, 56, 62, 48, 111, 126, 61, 58, 113, 117, 120, 125, 43, 114, 50, 127, 54, 26, 121, 63, 47, 123, 109, 119, 57, 116, 118, 46, 45, 112, 90, 22, 108, 81, 107, 44, 110, 35, 29, 88, 37, 42, 41, 39, 105, 101, 106, 103, 92, 77, 99, 36, 104, 32, 34, 102, 95, 84, 100, 83, 38, 94, 19, 89, 97, 86, 98, 17, 25, 96, 31, 27, 16, 82, 13, 28, 20, 30, 15, 79, 24, 10, 91, 85, 14, 87, 21, 71, 80, 74, 78, 23, 72, 5, 7, 12, 66, 64, 11, 8, 0, 2, 1, 3, 75, 4, 67, 18, 69, 65, 68, 9, 73, 6, 70, 76], [40, 115, 53, 122, 88, 14, 33, 19, 82, 12, 22, 90, 80, 9, 92, 49, 28, 111, 91, 26, 30, 1, 55, 73, 93, 6, 31, 50, 124, 29, 25, 75, 20, 72, 27, 4, 95, 23, 17, 89, 69, 86, 78, 15, 96, 85, 32, 58, 10, 38, 117, 59, 76, 18, 51, 24, 34, 45, 98, 83, 70, 112, 21, 100, 104, 35, 127, 52, 16, 99, 105, 46, 56, 11, 123, 94, 79, 84, 42, 81, 106, 108, 61, 113, 121, 13, 8, 68, 109, 62, 114, 3, 120, 54, 110, 87, 116, 103, 101, 126, 37, 63, 125, 119, 39, 102, 71, 77, 48, 107, 36, 47, 43, 60, 118, 41, 57, 67, 7, 74, 44, 97, 5, 0, 66, 65, 2, 64], [122, 40, 53, 115, 33, 124, 93, 55, 52, 60, 49, 59, 26, 48, 62, 111, 61, 56, 120, 58, 125, 113, 101, 47, 127, 51, 54, 116, 126, 121, 119, 114, 50, 117, 123, 57, 63, 118, 109, 45, 84, 95, 39, 88, 112, 90, 43, 29, 46, 108, 22, 41, 107, 110, 44, 77, 34, 32, 19, 25, 42, 89, 94, 92, 106, 99, 100, 105, 83, 103, 37, 21, 81, 97, 102, 104, 35, 38, 24, 36, 98, 96, 86, 31, 28, 23, 17, 87, 27, 16, 91, 30, 2, 80, 3, 82, 69, 64, 13, 74, 1, 65, 14, 5, 0, 79, 66, 10, 7, 71, 67, 85, 15, 20, 78, 12, 11, 68, 9, 6, 72, 75, 4, 73, 8, 18, 70, 76]], "model.layers.22.self_attn.k_proj": [[104, 121, 50, 86, 57, 97, 92, 100, 54, 94, 51, 118, 114, 119, 25, 31, 124, 63, 125, 58, 17, 60, 117, 123, 102, 62, 126, 116, 52, 127, 48, 85, 55, 83, 47, 53, 49, 56, 112, 122, 44, 120, 59, 113, 111, 115, 27, 105, 61, 46, 107, 108, 35, 110, 106, 42, 19, 109, 43, 77, 39, 41, 45, 16, 80, 103, 12, 15, 37, 78, 93, 33, 99, 34, 38, 87, 26, 75, 79, 98, 101, 91, 32, 76, 84, 11, 23, 72, 96, 82, 90, 7, 95, 36, 5, 28, 10, 20, 24, 13, 30, 29, 40, 74, 6, 88, 73, 71, 18, 89, 21, 9, 4, 3, 22, 8, 14, 81, 70, 1, 68, 0, 67, 69, 2, 64, 66, 65], [106, 54, 89, 96, 123, 50, 23, 85, 16, 17, 99, 42, 78, 82, 76, 48, 124, 27, 114, 30, 29, 21, 57, 72, 19, 34, 112, 74, 12, 93, 14, 108, 10, 18, 70, 55, 77, 100, 60, 47, 68, 127, 125, 3, 35, 118, 7, 11, 53, 115, 46, 8, 79, 104, 110, 95, 59, 20, 49, 15, 111, 109, 119, 41, 98, 38, 28, 105, 44, 65, 13, 83, 101, 107, 5, 126, 9, 81, 113, 33, 84, 37, 117, 120, 43, 116, 52, 103, 92, 56, 66, 31, 61, 63, 90, 122, 102, 40, 45, 62, 39, 121, 86, 97, 24, 51, 94, 87, 36, 75, 64, 91, 58, 88, 26, 22, 25, 6, 69, 80, 32, 71, 73, 67, 4, 2, 1, 0], [120, 117, 102, 33, 86, 29, 25, 58, 17, 83, 49, 121, 0, 50, 88, 73, 118, 14, 126, 65, 119, 53, 3, 122, 15, 116, 57, 46, 47, 125, 103, 55, 123, 52, 115, 113, 111, 38, 4, 62, 75, 112, 44, 48, 51, 114, 127, 61, 105, 45, 7, 59, 56, 70, 107, 36, 106, 41, 124, 60, 77, 74, 108, 109, 84, 63, 80, 110, 42, 21, 104, 94, 16, 40, 20, 18, 72, 54, 43, 98, 39, 90, 13, 5, 89, 37, 87, 34, 76, 91, 100, 26, 99, 2, 68, 31, 35, 92, 28, 101, 95, 64, 71, 1, 10, 67, 23, 96, 69, 32, 8, 82, 27, 85, 30, 12, 93, 79, 11, 66, 78, 24, 81, 19, 6, 9, 97, 22], [122, 53, 102, 22, 98, 57, 121, 117, 62, 56, 55, 110, 50, 116, 28, 59, 123, 115, 63, 124, 120, 126, 52, 48, 60, 58, 118, 114, 113, 127, 119, 54, 51, 61, 112, 49, 111, 33, 47, 109, 44, 94, 104, 108, 96, 46, 107, 90, 45, 40, 105, 34, 43, 125, 41, 80, 37, 42, 106, 78, 103, 36, 92, 101, 39, 16, 82, 100, 85, 13, 95, 19, 86, 83, 97, 99, 35, 17, 73, 87, 24, 25, 93, 31, 11, 29, 27, 81, 76, 32, 38, 30, 68, 84, 23, 91, 21, 15, 26, 88, 10, 71, 5, 14, 18, 8, 79, 75, 7, 67, 89, 72, 66, 20, 77, 70, 9, 69, 74, 1, 12, 0, 2, 65, 6, 3, 64, 4], [46, 126, 38, 33, 110, 82, 21, 26, 15, 77, 73, 0, 11, 70, 66, 7, 68, 64, 87, 25, 53, 3, 93, 65, 121, 19, 17, 95, 54, 2, 84, 125, 58, 10, 80, 12, 118, 88, 59, 115, 63, 48, 22, 1, 124, 45, 94, 55, 14, 105, 71, 16, 49, 112, 74, 117, 40, 8, 60, 104, 44, 92, 101, 116, 123, 51, 52, 67, 62, 6, 113, 42, 120, 96, 127, 69, 41, 43, 56, 39, 5, 119, 109, 34, 83, 114, 23, 103, 111, 122, 107, 108, 57, 35, 37, 32, 50, 36, 72, 99, 28, 61, 47, 102, 29, 106, 24, 100, 81, 89, 20, 86, 98, 30, 27, 78, 31, 91, 4, 9, 76, 79, 97, 75, 13, 85, 90, 18], [47, 111, 37, 55, 87, 21, 72, 82, 15, 25, 76, 31, 74, 66, 70, 107, 77, 69, 64, 4, 94, 80, 65, 119, 97, 102, 28, 116, 78, 115, 56, 91, 40, 44, 58, 123, 118, 53, 38, 43, 110, 121, 39, 120, 127, 62, 7, 92, 83, 122, 42, 60, 113, 52, 1, 105, 114, 45, 124, 126, 117, 104, 108, 112, 59, 106, 125, 22, 34, 63, 51, 48, 73, 17, 61, 93, 46, 54, 57, 50, 90, 98, 49, 103, 32, 41, 109, 36, 71, 20, 33, 86, 35, 29, 99, 19, 81, 100, 11, 30, 26, 13, 84, 96, 85, 24, 2, 14, 27, 68, 101, 88, 16, 23, 75, 10, 3, 9, 5, 12, 67, 8, 6, 89, 79, 0, 95, 18], [51, 115, 36, 86, 91, 96, 84, 23, 81, 77, 15, 71, 64, 121, 94, 82, 11, 117, 1, 49, 44, 113, 119, 68, 57, 9, 48, 66, 112, 39, 47, 46, 106, 45, 108, 67, 120, 122, 127, 50, 53, 125, 5, 101, 63, 24, 104, 58, 59, 41, 114, 109, 61, 107, 126, 118, 62, 56, 55, 3, 60, 103, 123, 70, 105, 54, 10, 116, 43, 124, 88, 52, 26, 0, 110, 2, 19, 97, 38, 76, 42, 99, 111, 100, 31, 25, 37, 74, 80, 40, 85, 89, 78, 33, 93, 16, 65, 30, 98, 6, 69, 34, 12, 102, 72, 92, 14, 21, 29, 95, 35, 8, 90, 28, 83, 4, 18, 73, 32, 7, 27, 87, 13, 79, 75, 22, 20, 17], [104, 115, 53, 22, 122, 97, 51, 29, 124, 111, 59, 56, 52, 26, 28, 55, 49, 62, 126, 50, 54, 118, 117, 113, 61, 60, 127, 116, 121, 119, 47, 58, 82, 63, 12, 19, 83, 120, 114, 48, 125, 110, 123, 35, 91, 112, 16, 109, 81, 88, 44, 57, 45, 6, 107, 105, 77, 43, 15, 93, 46, 32, 89, 94, 108, 17, 42, 41, 84, 31, 36, 14, 80, 37, 33, 78, 101, 103, 96, 24, 102, 79, 30, 106, 39, 27, 95, 23, 38, 9, 99, 98, 34, 90, 13, 87, 100, 69, 75, 40, 74, 25, 85, 21, 11, 18, 92, 72, 66, 20, 7, 68, 71, 73, 70, 0, 64, 76, 10, 65, 86, 4, 67, 1, 8, 2, 3, 5]], "model.layers.22.self_attn.qk_proj": [[115, 53, 122, 51, 117, 120, 47, 111, 126, 121, 54, 50, 46, 110, 57, 106, 55, 42, 102, 38, 104, 89, 58, 22, 123, 118, 125, 25, 87, 97, 85, 49, 40, 27, 56, 36, 21, 90, 86, 23, 93, 18, 62, 63, 127, 79, 60, 101, 59, 96, 15, 33, 82, 77, 114, 124, 99, 13, 116, 81, 48, 17, 26, 112, 52, 61, 19, 100, 29, 44, 83, 119, 11, 37, 113, 28, 84, 32, 95, 92, 45, 9, 30, 94, 73, 91, 31, 75, 7, 108, 20, 16, 109, 41, 14, 80, 78, 76, 70, 12, 39, 35, 4, 0, 71, 34, 74, 10, 105, 107, 8, 98, 64, 43, 68, 88, 103, 67, 3, 2, 66, 6, 24, 65, 1, 72, 5, 69], [115, 53, 122, 117, 51, 120, 47, 111, 126, 121, 54, 50, 46, 110, 57, 55, 106, 42, 102, 38, 123, 58, 89, 22, 104, 125, 87, 97, 118, 25, 36, 62, 85, 56, 49, 23, 93, 27, 40, 86, 21, 90, 114, 101, 79, 59, 116, 82, 99, 113, 52, 18, 13, 63, 100, 96, 127, 77, 15, 33, 29, 60, 19, 81, 124, 17, 112, 73, 61, 26, 119, 44, 48, 92, 28, 91, 11, 109, 32, 94, 107, 45, 20, 105, 70, 37, 83, 41, 75, 9, 84, 76, 108, 0, 16, 14, 12, 78, 95, 4, 7, 30, 39, 31, 35, 98, 80, 74, 43, 103, 10, 71, 64, 34, 2, 68, 24, 88, 8, 1, 67, 3, 66, 72, 65, 6, 5, 69], [115, 53, 122, 117, 51, 120, 47, 111, 121, 126, 54, 50, 46, 57, 110, 55, 106, 42, 102, 38, 58, 104, 22, 25, 118, 123, 89, 97, 93, 27, 56, 23, 87, 59, 36, 21, 40, 62, 85, 86, 125, 49, 63, 116, 15, 90, 114, 33, 60, 18, 82, 101, 77, 79, 100, 99, 96, 13, 52, 48, 32, 127, 124, 113, 81, 17, 119, 45, 92, 112, 29, 44, 107, 26, 73, 19, 28, 37, 11, 20, 0, 108, 94, 41, 91, 30, 61, 83, 84, 70, 109, 71, 9, 75, 95, 34, 7, 98, 35, 80, 105, 76, 12, 78, 31, 4, 39, 16, 14, 43, 64, 10, 103, 74, 68, 88, 66, 72, 2, 67, 3, 65, 1, 24, 69, 6, 8, 5], [115, 53, 122, 117, 51, 120, 47, 111, 126, 121, 50, 54, 46, 57, 110, 106, 55, 42, 38, 102, 58, 123, 104, 25, 22, 89, 125, 56, 62, 21, 87, 63, 59, 27, 97, 93, 86, 118, 85, 23, 15, 114, 49, 82, 18, 77, 40, 90, 36, 100, 124, 101, 127, 13, 52, 33, 81, 79, 45, 116, 48, 99, 96, 119, 113, 112, 32, 60, 17, 107, 11, 37, 29, 84, 61, 83, 70, 26, 73, 12, 44, 19, 9, 92, 95, 28, 64, 41, 105, 109, 91, 7, 71, 98, 14, 94, 75, 78, 43, 16, 80, 30, 76, 31, 4, 108, 20, 0, 74, 68, 34, 66, 35, 72, 10, 103, 67, 39, 3, 24, 65, 88, 2, 6, 1, 5, 69, 8], [115, 122, 53, 117, 51, 120, 47, 111, 126, 121, 54, 50, 46, 110, 57, 106, 55, 42, 102, 38, 58, 123, 22, 89, 97, 104, 118, 49, 63, 25, 21, 86, 87, 85, 62, 27, 125, 23, 93, 40, 59, 82, 36, 114, 56, 15, 79, 60, 18, 124, 48, 77, 33, 81, 45, 90, 116, 100, 99, 13, 119, 52, 127, 96, 44, 101, 19, 26, 112, 61, 17, 92, 11, 29, 73, 91, 9, 113, 75, 37, 71, 20, 32, 31, 95, 83, 28, 64, 16, 94, 14, 78, 7, 80, 41, 12, 84, 76, 0, 109, 98, 108, 39, 10, 43, 70, 34, 105, 107, 72, 74, 4, 68, 35, 30, 6, 2, 67, 24, 66, 103, 1, 3, 88, 5, 69, 65, 8], [115, 53, 122, 117, 51, 120, 47, 111, 121, 126, 50, 54, 46, 57, 110, 106, 55, 42, 102, 38, 123, 22, 58, 86, 27, 89, 85, 125, 97, 21, 25, 87, 104, 62, 93, 40, 23, 56, 49, 63, 82, 15, 77, 33, 59, 36, 60, 118, 18, 81, 13, 119, 90, 79, 114, 124, 99, 96, 100, 127, 116, 11, 48, 17, 37, 92, 84, 113, 32, 29, 19, 83, 26, 52, 41, 101, 16, 112, 31, 73, 28, 75, 94, 91, 9, 44, 20, 61, 95, 14, 12, 98, 45, 80, 76, 7, 109, 108, 78, 74, 0, 64, 10, 105, 71, 68, 107, 30, 72, 39, 6, 35, 43, 4, 34, 24, 2, 103, 65, 70, 3, 67, 88, 1, 66, 5, 69, 8], [115, 53, 122, 117, 51, 120, 47, 111, 126, 54, 121, 50, 46, 57, 110, 106, 55, 42, 102, 38, 22, 123, 87, 89, 86, 25, 85, 104, 23, 27, 21, 58, 40, 97, 93, 60, 63, 36, 15, 62, 90, 49, 82, 96, 79, 125, 33, 18, 118, 77, 114, 13, 99, 116, 32, 17, 59, 48, 81, 113, 119, 52, 44, 100, 19, 101, 56, 84, 127, 29, 112, 94, 11, 124, 26, 92, 91, 45, 83, 28, 107, 37, 76, 73, 109, 20, 12, 61, 95, 16, 9, 78, 80, 75, 14, 41, 31, 43, 39, 105, 34, 72, 108, 7, 35, 71, 30, 10, 6, 64, 74, 98, 0, 24, 88, 103, 68, 4, 1, 66, 3, 2, 67, 70, 69, 65, 5, 8], [115, 53, 122, 117, 51, 120, 47, 126, 111, 54, 121, 50, 46, 57, 110, 55, 106, 42, 38, 102, 22, 89, 87, 97, 25, 63, 85, 21, 58, 36, 60, 23, 27, 104, 118, 93, 90, 86, 40, 123, 18, 49, 62, 59, 96, 33, 15, 125, 82, 112, 116, 119, 48, 79, 77, 100, 113, 101, 17, 99, 52, 114, 61, 56, 32, 13, 124, 81, 44, 26, 91, 29, 20, 28, 127, 19, 37, 84, 108, 80, 35, 12, 73, 83, 11, 109, 92, 94, 107, 39, 34, 95, 43, 45, 14, 6, 9, 16, 88, 76, 78, 75, 41, 105, 30, 7, 31, 64, 72, 4, 74, 71, 10, 98, 0, 24, 103, 68, 66, 65, 2, 3, 67, 69, 1, 5, 70, 8], [115, 53, 122, 117, 51, 120, 47, 126, 111, 121, 54, 50, 46, 110, 57, 55, 106, 42, 102, 38, 89, 58, 22, 125, 25, 62, 36, 27, 93, 87, 21, 23, 97, 123, 118, 90, 104, 85, 63, 49, 59, 114, 82, 86, 112, 127, 40, 15, 77, 96, 116, 56, 33, 79, 101, 124, 60, 61, 52, 18, 48, 32, 100, 99, 119, 19, 107, 13, 28, 113, 81, 9, 17, 109, 45, 29, 26, 37, 44, 11, 20, 41, 83, 91, 92, 84, 35, 94, 108, 12, 78, 105, 39, 80, 14, 34, 31, 76, 73, 95, 30, 6, 98, 75, 16, 7, 103, 43, 74, 72, 68, 64, 0, 88, 71, 4, 10, 24, 66, 65, 2, 1, 3, 67, 5, 70, 69, 8], [115, 53, 122, 51, 117, 120, 47, 126, 111, 54, 121, 50, 46, 110, 57, 55, 106, 42, 102, 38, 104, 58, 123, 89, 22, 125, 62, 25, 87, 118, 27, 63, 97, 23, 119, 85, 36, 93, 86, 49, 21, 90, 114, 52, 56, 59, 40, 61, 96, 99, 124, 101, 79, 116, 127, 18, 60, 77, 82, 13, 48, 15, 100, 33, 45, 107, 11, 32, 91, 109, 41, 9, 94, 17, 28, 81, 112, 19, 37, 113, 92, 44, 26, 29, 20, 83, 108, 84, 73, 35, 75, 105, 31, 14, 78, 7, 12, 39, 43, 16, 6, 34, 30, 64, 95, 0, 76, 71, 98, 80, 103, 74, 68, 4, 10, 70, 2, 72, 3, 66, 1, 8, 67, 24, 88, 65, 69, 5], [115, 53, 122, 51, 117, 120, 47, 111, 121, 126, 54, 50, 46, 110, 106, 57, 55, 42, 38, 102, 58, 104, 125, 89, 22, 25, 63, 97, 27, 123, 86, 87, 62, 21, 49, 118, 85, 23, 119, 100, 93, 82, 59, 114, 101, 77, 18, 52, 90, 15, 79, 116, 40, 33, 99, 56, 36, 127, 61, 13, 96, 48, 113, 17, 124, 83, 112, 81, 29, 9, 60, 41, 94, 28, 37, 32, 26, 109, 92, 16, 64, 44, 91, 20, 11, 12, 84, 7, 45, 75, 107, 70, 19, 74, 73, 95, 76, 31, 71, 78, 80, 14, 39, 98, 68, 10, 4, 35, 0, 108, 103, 105, 43, 8, 34, 6, 66, 30, 2, 3, 24, 72, 67, 1, 88, 65, 69, 5], [115, 53, 122, 51, 117, 120, 47, 111, 126, 121, 54, 50, 46, 110, 57, 106, 55, 42, 102, 38, 22, 89, 123, 86, 25, 21, 104, 58, 40, 87, 27, 97, 36, 85, 118, 23, 90, 82, 93, 79, 62, 125, 49, 124, 63, 77, 18, 116, 96, 59, 15, 33, 119, 61, 114, 100, 99, 127, 17, 13, 112, 32, 113, 81, 101, 19, 26, 83, 60, 94, 28, 44, 84, 92, 20, 48, 11, 37, 29, 9, 73, 56, 52, 12, 75, 91, 41, 95, 14, 70, 31, 76, 80, 78, 10, 16, 7, 45, 107, 64, 98, 0, 74, 35, 34, 105, 71, 4, 109, 108, 68, 39, 43, 30, 88, 24, 8, 103, 66, 3, 1, 6, 2, 67, 72, 69, 65, 5], [115, 53, 122, 117, 51, 120, 47, 126, 111, 54, 121, 50, 46, 110, 57, 55, 106, 102, 42, 38, 89, 22, 123, 87, 25, 118, 36, 23, 93, 97, 21, 86, 27, 58, 40, 85, 104, 90, 82, 125, 96, 116, 63, 49, 33, 59, 100, 99, 56, 114, 112, 124, 18, 61, 119, 60, 15, 113, 29, 101, 13, 62, 32, 79, 77, 26, 81, 28, 94, 19, 44, 17, 91, 92, 20, 83, 127, 48, 37, 107, 41, 109, 84, 9, 75, 105, 95, 39, 11, 31, 52, 14, 16, 73, 35, 108, 45, 12, 70, 30, 78, 80, 34, 64, 76, 10, 43, 71, 98, 7, 8, 68, 24, 88, 0, 103, 4, 74, 65, 66, 2, 3, 1, 67, 69, 5, 72, 6], [115, 122, 53, 117, 51, 120, 47, 126, 111, 54, 121, 50, 46, 110, 57, 106, 55, 42, 38, 102, 58, 123, 22, 104, 25, 86, 125, 89, 21, 118, 59, 23, 27, 85, 119, 40, 87, 90, 93, 36, 82, 124, 116, 77, 60, 63, 49, 112, 56, 114, 62, 97, 100, 79, 127, 33, 96, 15, 113, 52, 61, 18, 81, 9, 37, 101, 99, 32, 29, 17, 11, 13, 44, 48, 70, 75, 31, 109, 73, 94, 0, 41, 20, 19, 84, 45, 91, 83, 95, 92, 26, 28, 30, 107, 98, 14, 12, 71, 7, 35, 108, 80, 16, 64, 105, 78, 8, 76, 39, 68, 43, 10, 4, 74, 103, 34, 2, 1, 24, 66, 67, 65, 88, 3, 5, 72, 6, 69], [115, 122, 53, 117, 51, 120, 47, 111, 121, 126, 54, 50, 46, 110, 106, 57, 55, 42, 38, 102, 58, 22, 104, 97, 86, 25, 89, 87, 27, 123, 21, 125, 40, 36, 62, 23, 118, 82, 79, 93, 119, 63, 85, 77, 90, 49, 112, 60, 114, 99, 15, 56, 18, 81, 127, 33, 124, 96, 13, 100, 61, 59, 101, 113, 17, 75, 83, 32, 48, 116, 109, 9, 91, 45, 29, 52, 37, 26, 92, 19, 28, 71, 76, 84, 14, 11, 31, 44, 95, 73, 12, 107, 20, 39, 80, 7, 70, 41, 78, 94, 35, 64, 30, 0, 43, 105, 8, 74, 108, 34, 10, 16, 98, 4, 103, 68, 2, 24, 6, 3, 67, 88, 66, 1, 65, 72, 5, 69], [115, 122, 53, 117, 51, 120, 47, 121, 111, 126, 54, 50, 46, 110, 106, 55, 57, 42, 38, 102, 123, 22, 104, 86, 21, 25, 40, 125, 58, 89, 85, 87, 97, 27, 23, 63, 93, 36, 82, 90, 77, 79, 49, 18, 56, 100, 60, 118, 59, 15, 116, 33, 81, 62, 61, 127, 114, 113, 52, 119, 48, 96, 13, 101, 112, 124, 99, 29, 41, 17, 26, 12, 32, 45, 75, 73, 109, 83, 84, 76, 94, 19, 91, 92, 44, 9, 64, 28, 31, 7, 16, 37, 20, 78, 11, 34, 14, 10, 8, 95, 35, 39, 68, 70, 74, 108, 103, 105, 107, 30, 43, 71, 98, 80, 0, 24, 4, 6, 66, 88, 65, 67, 1, 2, 3, 5, 69, 72], [115, 53, 122, 51, 117, 120, 47, 126, 111, 121, 54, 50, 46, 110, 55, 57, 106, 42, 102, 38, 104, 89, 22, 58, 86, 123, 87, 40, 25, 85, 23, 90, 36, 114, 93, 125, 97, 21, 27, 63, 96, 118, 82, 79, 100, 33, 59, 49, 60, 56, 18, 77, 116, 15, 81, 113, 29, 124, 61, 94, 99, 17, 84, 19, 26, 44, 101, 127, 48, 28, 119, 62, 112, 32, 83, 13, 41, 31, 52, 75, 20, 91, 73, 37, 92, 30, 11, 45, 16, 35, 39, 78, 76, 109, 98, 12, 80, 108, 107, 9, 95, 6, 34, 43, 103, 71, 0, 10, 105, 7, 14, 24, 8, 88, 68, 64, 4, 74, 1, 2, 66, 70, 65, 3, 67, 5, 72, 69], [115, 53, 122, 51, 117, 120, 47, 126, 111, 54, 121, 50, 46, 110, 57, 55, 106, 42, 38, 102, 25, 58, 22, 86, 104, 87, 89, 40, 123, 93, 27, 114, 36, 90, 21, 97, 125, 118, 85, 79, 63, 23, 59, 96, 60, 18, 99, 82, 77, 62, 112, 15, 49, 33, 116, 100, 26, 124, 81, 48, 56, 101, 29, 13, 61, 17, 127, 52, 32, 75, 19, 37, 113, 44, 107, 109, 45, 73, 92, 20, 91, 119, 9, 28, 84, 94, 6, 83, 78, 16, 12, 95, 41, 30, 31, 108, 11, 39, 0, 105, 7, 35, 34, 80, 71, 76, 14, 98, 10, 64, 68, 4, 103, 43, 74, 88, 66, 67, 8, 2, 65, 24, 3, 1, 72, 69, 70, 5], [115, 53, 122, 117, 51, 120, 47, 126, 111, 121, 54, 50, 46, 110, 57, 55, 106, 42, 102, 38, 63, 104, 89, 125, 22, 25, 114, 97, 123, 58, 21, 40, 86, 36, 87, 62, 48, 27, 82, 23, 85, 90, 93, 127, 112, 99, 49, 118, 101, 79, 124, 60, 96, 77, 59, 52, 116, 100, 13, 61, 15, 18, 33, 56, 26, 29, 17, 41, 44, 32, 75, 28, 37, 84, 45, 109, 119, 91, 73, 81, 113, 94, 83, 107, 19, 6, 105, 9, 95, 12, 11, 39, 92, 78, 7, 108, 34, 31, 30, 35, 98, 43, 76, 20, 0, 64, 14, 103, 10, 71, 16, 4, 80, 74, 68, 67, 24, 88, 2, 72, 65, 8, 66, 1, 3, 70, 5, 69], [115, 122, 53, 117, 51, 120, 47, 126, 111, 121, 50, 54, 46, 110, 57, 106, 55, 42, 102, 38, 104, 89, 22, 123, 97, 58, 125, 93, 85, 87, 40, 21, 25, 86, 63, 118, 36, 23, 27, 62, 60, 56, 90, 114, 116, 124, 49, 96, 77, 101, 100, 18, 15, 33, 13, 79, 82, 99, 127, 113, 52, 59, 92, 81, 48, 26, 41, 112, 119, 29, 94, 44, 75, 28, 83, 17, 9, 45, 61, 91, 73, 32, 11, 84, 37, 107, 20, 19, 109, 30, 31, 78, 12, 6, 35, 95, 105, 76, 64, 39, 14, 0, 10, 80, 71, 16, 7, 34, 43, 98, 103, 68, 108, 66, 74, 72, 4, 67, 88, 1, 24, 2, 3, 65, 8, 70, 69, 5], [115, 53, 122, 117, 51, 120, 47, 111, 126, 121, 50, 54, 46, 110, 57, 55, 106, 42, 102, 38, 58, 89, 22, 104, 118, 25, 40, 123, 97, 63, 86, 87, 85, 27, 93, 23, 116, 21, 60, 36, 49, 90, 125, 56, 79, 82, 59, 77, 124, 96, 33, 62, 18, 99, 112, 113, 48, 114, 100, 15, 119, 52, 13, 127, 101, 81, 92, 44, 31, 26, 32, 29, 17, 19, 107, 61, 94, 75, 41, 73, 109, 28, 37, 20, 83, 11, 91, 78, 7, 39, 30, 95, 45, 84, 12, 10, 108, 9, 71, 64, 76, 98, 14, 34, 68, 6, 16, 80, 103, 0, 74, 35, 72, 105, 4, 88, 43, 70, 67, 24, 1, 2, 66, 3, 5, 65, 69, 8], [115, 53, 122, 117, 51, 120, 47, 111, 126, 121, 54, 50, 46, 110, 57, 55, 106, 42, 38, 102, 118, 89, 58, 123, 125, 104, 22, 25, 87, 63, 85, 62, 97, 56, 124, 93, 23, 86, 90, 114, 27, 52, 48, 21, 40, 59, 36, 49, 96, 79, 82, 119, 116, 60, 18, 127, 15, 112, 113, 13, 29, 33, 101, 77, 99, 100, 26, 44, 91, 61, 32, 109, 81, 17, 92, 19, 45, 107, 31, 20, 41, 75, 37, 28, 64, 83, 73, 39, 11, 0, 7, 71, 94, 9, 105, 10, 95, 78, 98, 68, 80, 103, 72, 12, 84, 16, 35, 70, 108, 76, 30, 14, 43, 34, 4, 1, 88, 6, 74, 67, 66, 65, 24, 3, 2, 5, 69, 8], [115, 122, 53, 117, 51, 120, 47, 111, 121, 126, 54, 50, 46, 110, 57, 55, 106, 42, 102, 38, 118, 89, 123, 22, 58, 104, 97, 27, 25, 52, 85, 59, 87, 93, 125, 60, 23, 36, 86, 49, 63, 116, 40, 124, 21, 96, 90, 61, 119, 48, 82, 79, 18, 33, 56, 112, 113, 13, 101, 114, 62, 44, 100, 26, 99, 77, 29, 15, 92, 109, 17, 127, 28, 107, 81, 94, 32, 20, 83, 91, 19, 37, 45, 31, 30, 41, 84, 75, 73, 7, 70, 11, 39, 9, 64, 12, 72, 95, 0, 14, 76, 105, 35, 78, 43, 71, 34, 80, 98, 10, 16, 108, 68, 74, 88, 4, 2, 67, 103, 1, 24, 66, 6, 65, 3, 5, 69, 8], [115, 122, 53, 117, 51, 120, 47, 111, 126, 121, 54, 50, 46, 110, 57, 55, 106, 42, 102, 38, 118, 22, 89, 86, 104, 25, 27, 97, 58, 49, 87, 85, 123, 125, 93, 40, 36, 90, 21, 124, 56, 23, 18, 63, 62, 96, 15, 79, 119, 59, 82, 116, 114, 77, 127, 52, 60, 13, 81, 61, 33, 99, 113, 48, 100, 112, 92, 17, 26, 101, 37, 29, 83, 9, 28, 75, 11, 19, 44, 70, 31, 84, 107, 41, 73, 76, 94, 32, 20, 91, 95, 109, 10, 108, 105, 7, 45, 12, 30, 98, 14, 72, 78, 16, 80, 71, 0, 103, 68, 64, 43, 74, 4, 35, 39, 34, 88, 65, 24, 67, 3, 66, 2, 1, 69, 5, 8, 6], [115, 53, 122, 117, 51, 120, 47, 111, 126, 121, 50, 54, 46, 110, 57, 55, 106, 42, 102, 38, 22, 89, 104, 25, 123, 87, 86, 118, 85, 58, 23, 93, 21, 40, 97, 27, 36, 125, 90, 52, 49, 62, 79, 59, 18, 56, 63, 48, 77, 119, 33, 124, 82, 96, 127, 15, 114, 116, 61, 99, 13, 112, 100, 17, 81, 101, 32, 60, 19, 92, 29, 84, 26, 44, 11, 83, 9, 113, 20, 28, 75, 91, 37, 73, 109, 94, 41, 70, 7, 16, 31, 76, 12, 45, 95, 10, 35, 107, 105, 64, 71, 78, 39, 14, 108, 30, 34, 80, 98, 0, 43, 74, 68, 72, 24, 88, 4, 103, 66, 1, 67, 65, 3, 2, 69, 5, 6, 8], [115, 53, 122, 117, 51, 120, 47, 121, 126, 111, 50, 54, 46, 110, 57, 55, 106, 42, 102, 38, 58, 123, 22, 104, 25, 89, 118, 36, 87, 125, 23, 86, 85, 90, 124, 40, 27, 93, 97, 21, 96, 63, 52, 59, 49, 82, 116, 33, 60, 18, 79, 119, 114, 99, 127, 56, 62, 13, 100, 77, 26, 48, 101, 29, 44, 15, 41, 61, 112, 109, 19, 113, 17, 94, 81, 92, 32, 28, 37, 91, 84, 73, 83, 20, 9, 39, 30, 11, 107, 76, 35, 7, 75, 70, 105, 45, 0, 78, 98, 80, 10, 43, 31, 12, 108, 16, 103, 95, 34, 14, 71, 24, 68, 74, 64, 72, 88, 4, 66, 1, 3, 6, 2, 8, 67, 65, 5, 69], [115, 53, 122, 51, 117, 120, 47, 121, 126, 111, 50, 54, 46, 110, 57, 55, 106, 42, 102, 38, 58, 118, 125, 89, 104, 123, 22, 87, 25, 27, 63, 21, 59, 36, 62, 86, 116, 49, 124, 40, 85, 96, 52, 93, 56, 23, 90, 97, 60, 114, 119, 99, 127, 82, 100, 112, 33, 48, 18, 61, 101, 13, 79, 15, 107, 77, 81, 113, 32, 44, 26, 37, 19, 92, 109, 29, 17, 45, 83, 94, 28, 11, 20, 9, 30, 12, 73, 91, 34, 105, 98, 108, 41, 76, 14, 95, 31, 84, 71, 43, 35, 16, 103, 0, 80, 39, 78, 75, 70, 10, 74, 7, 68, 6, 4, 24, 64, 88, 8, 66, 2, 1, 72, 67, 3, 69, 5, 65], [115, 53, 122, 51, 117, 120, 47, 121, 111, 126, 54, 50, 46, 110, 57, 106, 55, 42, 102, 38, 25, 58, 123, 118, 104, 89, 62, 125, 22, 87, 27, 97, 85, 21, 90, 93, 86, 36, 23, 56, 59, 18, 124, 13, 79, 40, 63, 48, 82, 49, 60, 114, 96, 52, 116, 33, 15, 113, 77, 99, 101, 100, 29, 112, 119, 44, 127, 17, 11, 81, 107, 28, 32, 26, 92, 19, 73, 61, 45, 84, 75, 9, 83, 41, 94, 37, 6, 71, 78, 16, 76, 64, 91, 105, 109, 95, 20, 30, 31, 14, 98, 43, 0, 12, 108, 7, 10, 39, 80, 74, 35, 68, 4, 34, 66, 103, 8, 65, 3, 88, 67, 70, 2, 24, 1, 72, 5, 69], [115, 53, 122, 51, 117, 120, 47, 111, 121, 126, 54, 50, 46, 110, 57, 106, 55, 42, 102, 38, 58, 123, 104, 89, 118, 97, 22, 25, 86, 27, 21, 125, 87, 40, 62, 56, 60, 93, 36, 85, 63, 59, 23, 116, 79, 49, 124, 33, 52, 82, 13, 18, 99, 90, 127, 44, 48, 96, 77, 100, 119, 114, 113, 61, 15, 101, 112, 81, 32, 26, 11, 73, 92, 28, 6, 31, 29, 17, 0, 20, 45, 83, 41, 91, 84, 94, 37, 19, 71, 9, 39, 109, 105, 34, 108, 95, 98, 76, 75, 107, 78, 12, 14, 64, 30, 8, 80, 4, 7, 43, 68, 74, 35, 16, 10, 103, 67, 88, 1, 66, 3, 2, 65, 24, 69, 5, 72, 70], [115, 53, 122, 117, 51, 120, 47, 121, 111, 126, 54, 50, 46, 110, 57, 106, 55, 42, 38, 102, 123, 22, 58, 118, 89, 87, 125, 104, 21, 25, 86, 97, 27, 85, 23, 124, 63, 93, 60, 36, 127, 90, 62, 116, 59, 82, 79, 40, 18, 100, 13, 56, 49, 99, 15, 119, 96, 81, 77, 52, 33, 48, 114, 61, 113, 19, 101, 11, 29, 17, 32, 26, 28, 83, 9, 92, 84, 73, 91, 94, 109, 6, 41, 44, 31, 20, 37, 112, 12, 80, 76, 108, 78, 98, 75, 43, 74, 95, 107, 8, 71, 14, 105, 68, 7, 45, 39, 0, 30, 35, 34, 16, 103, 10, 4, 64, 88, 24, 66, 67, 1, 69, 3, 2, 65, 70, 5, 72], [115, 53, 122, 51, 117, 120, 47, 111, 121, 126, 54, 50, 46, 110, 57, 106, 55, 42, 38, 102, 58, 89, 104, 123, 25, 22, 118, 97, 87, 56, 27, 93, 86, 23, 40, 21, 36, 85, 90, 59, 124, 100, 49, 63, 125, 33, 127, 52, 60, 82, 79, 116, 18, 13, 96, 77, 99, 15, 101, 29, 62, 114, 113, 61, 119, 11, 81, 17, 48, 19, 44, 84, 32, 94, 9, 31, 28, 7, 73, 6, 30, 75, 92, 83, 112, 45, 91, 71, 26, 78, 74, 109, 37, 64, 0, 20, 41, 12, 95, 8, 16, 76, 4, 35, 98, 108, 80, 34, 14, 68, 107, 10, 105, 43, 39, 66, 103, 2, 67, 24, 65, 3, 70, 88, 1, 5, 69, 72], [115, 53, 122, 51, 117, 120, 47, 111, 126, 54, 121, 50, 46, 110, 55, 106, 57, 42, 102, 38, 22, 123, 58, 104, 89, 25, 87, 86, 27, 97, 85, 118, 56, 21, 125, 63, 40, 93, 36, 23, 90, 18, 82, 49, 79, 124, 96, 116, 60, 77, 15, 62, 119, 99, 101, 13, 114, 33, 59, 100, 61, 11, 48, 29, 81, 17, 9, 94, 26, 112, 127, 44, 19, 52, 113, 83, 32, 84, 28, 37, 92, 75, 73, 91, 76, 41, 30, 107, 8, 80, 35, 16, 78, 12, 109, 39, 31, 20, 45, 7, 14, 95, 108, 71, 10, 105, 6, 103, 74, 64, 98, 43, 4, 34, 68, 24, 0, 70, 88, 66, 3, 2, 65, 67, 1, 5, 69, 72]], "model.layers.23.self_attn.q_proj": [[111, 100, 107, 15, 88, 90, 21, 93, 81, 47, 20, 75, 11, 31, 52, 82, 73, 39, 19, 83, 85, 22, 41, 104, 12, 110, 54, 28, 13, 32, 95, 120, 14, 77, 27, 72, 76, 45, 119, 37, 87, 36, 40, 106, 71, 94, 24, 50, 6, 118, 26, 92, 101, 51, 33, 44, 38, 25, 16, 122, 114, 59, 10, 80, 112, 34, 58, 124, 5, 56, 108, 46, 123, 116, 109, 84, 79, 62, 68, 23, 70, 125, 96, 43, 103, 63, 127, 17, 57, 61, 105, 113, 78, 97, 55, 53, 126, 86, 89, 117, 74, 60, 98, 30, 18, 9, 8, 48, 49, 91, 42, 115, 29, 69, 99, 35, 121, 7, 102, 2, 67, 4, 0, 3, 66, 1, 65, 64], [111, 100, 47, 107, 32, 88, 90, 27, 94, 21, 83, 85, 24, 78, 80, 84, 81, 40, 95, 109, 30, 22, 75, 86, 17, 26, 44, 15, 10, 89, 7, 96, 77, 110, 28, 118, 119, 36, 31, 123, 50, 51, 39, 68, 0, 23, 46, 2, 63, 43, 116, 126, 127, 60, 120, 5, 73, 56, 121, 93, 41, 105, 124, 48, 42, 49, 52, 37, 33, 106, 57, 72, 101, 45, 114, 125, 98, 91, 122, 99, 103, 29, 61, 35, 20, 55, 115, 113, 112, 53, 11, 92, 54, 71, 59, 62, 34, 102, 38, 58, 108, 104, 97, 117, 6, 74, 87, 64, 25, 79, 82, 66, 19, 3, 16, 67, 18, 12, 4, 69, 14, 76, 8, 13, 65, 9, 1, 70], [111, 100, 107, 47, 90, 83, 86, 27, 88, 31, 93, 18, 80, 24, 78, 79, 91, 41, 17, 95, 85, 23, 32, 74, 72, 101, 39, 22, 96, 110, 15, 36, 94, 29, 76, 77, 50, 21, 120, 92, 34, 109, 81, 62, 13, 89, 40, 9, 118, 123, 82, 122, 119, 7, 30, 11, 84, 75, 121, 12, 127, 16, 106, 10, 56, 59, 114, 60, 20, 117, 116, 61, 5, 57, 104, 87, 58, 124, 43, 33, 52, 25, 115, 26, 46, 68, 37, 35, 28, 19, 54, 108, 97, 51, 126, 8, 102, 14, 112, 48, 73, 53, 38, 98, 105, 42, 103, 2, 0, 45, 63, 55, 71, 125, 44, 99, 49, 113, 4, 3, 6, 69, 70, 64, 1, 66, 67, 65], [111, 100, 107, 47, 32, 88, 121, 27, 85, 24, 63, 90, 51, 119, 21, 95, 81, 49, 36, 94, 40, 80, 91, 52, 50, 109, 84, 83, 93, 45, 42, 96, 61, 78, 38, 106, 34, 58, 124, 108, 110, 10, 118, 56, 46, 44, 122, 117, 125, 30, 57, 15, 115, 62, 28, 97, 104, 55, 39, 120, 59, 60, 54, 126, 112, 114, 103, 53, 23, 22, 92, 105, 75, 99, 116, 31, 41, 98, 113, 48, 35, 86, 43, 127, 123, 102, 37, 33, 77, 29, 101, 26, 5, 20, 89, 68, 17, 0, 16, 18, 72, 7, 2, 71, 25, 87, 82, 11, 73, 67, 19, 79, 14, 76, 12, 6, 74, 13, 3, 9, 8, 66, 64, 70, 69, 1, 4, 65], [56, 51, 103, 46, 110, 19, 13, 97, 15, 90, 28, 17, 99, 23, 116, 60, 94, 21, 10, 115, 47, 81, 87, 24, 57, 79, 100, 75, 72, 124, 91, 9, 53, 93, 86, 109, 80, 31, 61, 84, 89, 54, 14, 85, 74, 58, 92, 126, 3, 7, 77, 76, 6, 52, 18, 48, 113, 25, 11, 5, 123, 114, 41, 30, 127, 59, 119, 122, 27, 55, 45, 112, 12, 83, 63, 16, 71, 68, 49, 121, 29, 62, 22, 67, 43, 26, 78, 70, 88, 8, 98, 102, 82, 95, 20, 32, 108, 125, 0, 34, 36, 118, 117, 104, 105, 1, 69, 120, 101, 96, 38, 37, 106, 111, 35, 50, 107, 40, 44, 42, 64, 73, 4, 2, 33, 65, 66, 39], [46, 56, 103, 110, 53, 57, 60, 115, 61, 116, 47, 122, 124, 20, 52, 89, 127, 97, 126, 112, 51, 59, 55, 108, 114, 121, 58, 94, 54, 118, 63, 49, 62, 123, 48, 113, 109, 119, 50, 125, 111, 84, 88, 30, 106, 28, 99, 117, 25, 86, 44, 45, 80, 105, 43, 120, 107, 37, 36, 41, 24, 92, 42, 104, 27, 78, 14, 40, 38, 39, 22, 101, 102, 98, 82, 16, 33, 100, 35, 91, 19, 87, 95, 34, 31, 96, 32, 11, 9, 4, 17, 71, 64, 66, 69, 93, 0, 26, 90, 68, 73, 2, 29, 18, 1, 13, 75, 10, 21, 65, 85, 5, 83, 12, 15, 7, 67, 72, 3, 81, 23, 79, 6, 70, 76, 77, 8, 74], [56, 103, 46, 53, 57, 110, 60, 61, 124, 116, 47, 126, 51, 122, 112, 52, 97, 127, 115, 20, 89, 55, 59, 54, 58, 94, 123, 118, 28, 121, 114, 49, 113, 125, 62, 37, 119, 109, 108, 63, 99, 48, 120, 111, 25, 117, 45, 50, 80, 44, 30, 36, 105, 86, 84, 43, 92, 106, 41, 107, 88, 24, 104, 14, 42, 40, 19, 23, 39, 82, 102, 101, 38, 22, 98, 100, 27, 34, 33, 35, 78, 16, 91, 13, 96, 31, 21, 71, 87, 95, 9, 81, 12, 90, 15, 69, 32, 18, 68, 11, 72, 0, 93, 3, 74, 5, 29, 26, 85, 10, 64, 66, 1, 2, 4, 83, 17, 75, 73, 67, 6, 65, 76, 7, 79, 8, 77, 70], [46, 51, 103, 56, 19, 110, 87, 17, 15, 97, 28, 13, 92, 116, 10, 81, 61, 12, 47, 90, 53, 94, 23, 86, 112, 60, 57, 126, 72, 58, 52, 59, 96, 121, 124, 43, 89, 122, 115, 25, 114, 127, 106, 49, 55, 62, 21, 48, 63, 54, 108, 45, 4, 123, 109, 125, 119, 120, 42, 111, 118, 113, 24, 117, 50, 83, 30, 44, 105, 79, 85, 93, 107, 75, 67, 99, 9, 82, 11, 31, 20, 71, 8, 98, 104, 70, 6, 76, 26, 101, 84, 77, 40, 32, 41, 38, 7, 34, 37, 29, 22, 36, 102, 100, 95, 5, 3, 91, 80, 18, 14, 68, 27, 73, 69, 0, 1, 65, 35, 88, 74, 66, 16, 64, 2, 78, 39, 33], [102, 110, 33, 49, 46, 92, 113, 111, 86, 28, 122, 19, 57, 81, 24, 55, 78, 54, 70, 74, 85, 13, 108, 90, 61, 8, 117, 94, 30, 23, 66, 105, 80, 109, 114, 26, 76, 87, 44, 14, 60, 75, 9, 68, 79, 127, 67, 17, 21, 47, 77, 107, 31, 119, 65, 51, 0, 106, 18, 63, 116, 56, 62, 15, 7, 120, 58, 53, 126, 83, 52, 112, 115, 40, 11, 50, 39, 103, 43, 121, 104, 36, 124, 2, 123, 12, 20, 99, 125, 3, 118, 45, 48, 41, 59, 37, 22, 32, 29, 98, 71, 42, 89, 72, 97, 25, 35, 101, 69, 88, 16, 100, 27, 93, 95, 34, 91, 82, 96, 5, 4, 10, 1, 84, 38, 64, 73, 6], [110, 102, 33, 46, 49, 57, 92, 113, 111, 86, 28, 19, 24, 81, 85, 61, 116, 119, 56, 122, 115, 87, 26, 79, 108, 90, 107, 78, 94, 63, 109, 114, 9, 13, 52, 23, 121, 127, 30, 74, 47, 104, 123, 70, 21, 17, 99, 126, 59, 48, 62, 51, 31, 14, 60, 98, 124, 58, 125, 80, 55, 106, 54, 43, 112, 53, 120, 50, 100, 44, 118, 29, 42, 76, 41, 105, 117, 103, 75, 77, 8, 45, 37, 36, 83, 15, 101, 25, 20, 66, 68, 35, 22, 95, 34, 40, 12, 18, 39, 93, 11, 32, 96, 0, 97, 38, 27, 89, 88, 69, 91, 3, 65, 84, 1, 72, 4, 10, 71, 73, 7, 16, 82, 6, 64, 5, 67, 2], [110, 102, 46, 113, 49, 33, 92, 111, 86, 19, 122, 28, 24, 81, 79, 55, 60, 85, 78, 39, 26, 127, 87, 74, 115, 68, 90, 93, 12, 118, 119, 114, 77, 70, 9, 125, 56, 8, 13, 50, 84, 108, 61, 29, 107, 98, 14, 59, 37, 105, 51, 100, 22, 112, 73, 71, 35, 25, 47, 94, 58, 88, 44, 117, 124, 53, 120, 42, 106, 21, 95, 57, 40, 23, 20, 17, 83, 82, 121, 2, 96, 62, 54, 52, 32, 30, 41, 65, 31, 116, 43, 109, 76, 104, 126, 75, 36, 64, 63, 38, 99, 45, 48, 91, 101, 34, 11, 5, 80, 103, 123, 66, 15, 89, 27, 18, 10, 97, 16, 4, 6, 72, 0, 7, 3, 69, 67, 1], [110, 102, 46, 49, 33, 113, 92, 111, 86, 122, 19, 28, 54, 81, 85, 119, 24, 90, 26, 109, 94, 126, 79, 70, 13, 120, 78, 9, 51, 57, 112, 74, 125, 21, 87, 108, 123, 61, 50, 59, 105, 107, 121, 52, 14, 58, 8, 53, 47, 56, 68, 17, 60, 43, 45, 100, 93, 127, 114, 63, 12, 118, 106, 80, 44, 116, 55, 20, 48, 29, 15, 83, 30, 124, 23, 117, 103, 77, 31, 39, 65, 115, 42, 62, 75, 22, 104, 91, 40, 76, 99, 36, 71, 66, 34, 97, 101, 41, 98, 37, 32, 95, 88, 35, 82, 10, 27, 89, 18, 96, 25, 73, 84, 5, 11, 64, 16, 38, 72, 3, 0, 2, 4, 69, 7, 6, 1, 67], [48, 39, 119, 117, 56, 33, 60, 112, 121, 127, 58, 120, 47, 116, 125, 63, 122, 49, 90, 29, 114, 118, 55, 51, 123, 115, 124, 52, 59, 126, 113, 61, 62, 53, 107, 24, 44, 111, 54, 50, 110, 45, 91, 108, 93, 46, 106, 57, 88, 95, 109, 26, 86, 42, 20, 40, 43, 41, 105, 102, 17, 101, 104, 97, 36, 103, 38, 27, 85, 87, 37, 92, 100, 34, 22, 96, 94, 99, 98, 28, 89, 35, 21, 81, 16, 32, 31, 30, 84, 83, 78, 76, 14, 25, 12, 15, 82, 80, 10, 23, 18, 74, 19, 72, 65, 1, 67, 3, 0, 13, 64, 8, 69, 5, 68, 66, 2, 79, 4, 11, 7, 6, 77, 71, 9, 75, 73, 70], [119, 39, 48, 117, 60, 33, 56, 121, 47, 127, 120, 55, 63, 125, 58, 116, 51, 122, 49, 123, 114, 118, 115, 61, 52, 112, 90, 53, 59, 113, 106, 44, 62, 126, 124, 110, 29, 57, 54, 24, 107, 50, 111, 45, 108, 46, 41, 91, 93, 26, 95, 88, 105, 20, 86, 109, 43, 42, 102, 40, 104, 17, 103, 92, 101, 100, 38, 27, 97, 21, 34, 36, 94, 85, 28, 37, 87, 35, 99, 96, 89, 31, 22, 98, 16, 32, 76, 30, 81, 84, 25, 83, 15, 80, 78, 23, 14, 12, 82, 18, 10, 74, 1, 0, 65, 67, 64, 8, 19, 69, 72, 5, 4, 3, 13, 79, 11, 68, 66, 2, 7, 6, 71, 75, 70, 9, 77, 73], [117, 39, 119, 48, 56, 90, 60, 33, 55, 62, 124, 52, 121, 120, 95, 127, 47, 46, 105, 93, 58, 29, 116, 106, 61, 115, 122, 114, 63, 83, 26, 125, 51, 10, 118, 102, 126, 113, 49, 24, 57, 107, 50, 53, 123, 89, 59, 45, 104, 109, 108, 96, 54, 16, 111, 86, 44, 110, 112, 20, 42, 27, 43, 18, 41, 81, 85, 78, 38, 30, 40, 32, 94, 31, 19, 36, 25, 17, 34, 101, 82, 92, 100, 98, 14, 88, 91, 23, 75, 35, 97, 84, 87, 28, 71, 37, 13, 99, 22, 103, 12, 8, 21, 76, 3, 15, 11, 80, 4, 9, 68, 2, 72, 7, 74, 79, 5, 0, 6, 69, 73, 70, 67, 77, 1, 66, 65, 64], [39, 117, 119, 48, 83, 33, 15, 13, 11, 9, 29, 86, 6, 89, 66, 7, 74, 55, 88, 27, 87, 73, 81, 68, 80, 53, 90, 72, 22, 84, 91, 75, 82, 85, 8, 65, 30, 23, 18, 62, 26, 25, 17, 56, 16, 34, 0, 77, 79, 12, 21, 67, 76, 19, 92, 14, 31, 78, 70, 71, 28, 94, 4, 20, 5, 10, 32, 58, 50, 96, 35, 3, 64, 43, 106, 45, 24, 95, 40, 2, 69, 47, 102, 104, 93, 112, 38, 105, 99, 101, 54, 121, 108, 61, 124, 120, 57, 122, 1, 103, 110, 41, 98, 127, 49, 100, 115, 123, 36, 60, 111, 44, 63, 125, 118, 42, 52, 51, 107, 37, 116, 59, 97, 114, 113, 126, 109, 46], [44, 37, 108, 76, 18, 21, 14, 97, 24, 57, 80, 28, 71, 0, 5, 73, 125, 90, 69, 67, 7, 2, 51, 121, 58, 3, 11, 72, 75, 113, 8, 10, 19, 52, 23, 12, 89, 118, 55, 33, 91, 68, 16, 64, 65, 9, 88, 101, 34, 92, 70, 96, 77, 85, 13, 1, 84, 119, 99, 124, 20, 109, 25, 123, 66, 86, 26, 6, 82, 46, 93, 83, 78, 127, 114, 104, 79, 74, 15, 81, 35, 4, 100, 95, 47, 111, 29, 30, 27, 50, 56, 120, 98, 60, 126, 17, 117, 22, 31, 32, 61, 63, 110, 94, 36, 87, 106, 62, 103, 45, 41, 39, 102, 38, 105, 112, 43, 40, 107, 54, 116, 115, 122, 48, 42, 49, 53, 59], [44, 37, 108, 28, 24, 21, 97, 80, 18, 14, 19, 76, 73, 57, 87, 51, 90, 58, 71, 125, 15, 121, 17, 113, 117, 47, 5, 55, 11, 7, 106, 95, 69, 23, 52, 50, 98, 2, 93, 30, 114, 99, 85, 83, 45, 86, 22, 127, 27, 92, 10, 66, 35, 109, 31, 84, 20, 46, 3, 81, 82, 100, 29, 6, 75, 91, 79, 78, 124, 70, 16, 34, 96, 118, 105, 12, 33, 123, 61, 13, 9, 48, 89, 94, 88, 26, 36, 8, 111, 104, 25, 112, 32, 40, 103, 77, 38, 42, 53, 120, 126, 102, 41, 119, 107, 49, 43, 74, 110, 72, 68, 115, 0, 67, 122, 116, 39, 56, 54, 63, 59, 60, 101, 62, 4, 64, 65, 1], [57, 44, 37, 125, 108, 90, 97, 19, 28, 58, 21, 114, 24, 126, 113, 109, 117, 17, 86, 116, 121, 61, 51, 40, 110, 50, 49, 122, 55, 118, 41, 46, 59, 47, 11, 48, 43, 111, 106, 56, 124, 102, 63, 53, 123, 52, 62, 115, 112, 120, 119, 91, 54, 60, 127, 42, 107, 80, 104, 45, 105, 18, 87, 93, 39, 95, 14, 72, 35, 38, 84, 73, 77, 103, 23, 13, 101, 75, 27, 36, 20, 74, 66, 34, 89, 83, 25, 15, 26, 6, 30, 98, 8, 33, 100, 4, 29, 22, 81, 99, 94, 5, 79, 31, 68, 96, 32, 70, 76, 69, 2, 10, 1, 65, 12, 85, 92, 0, 64, 88, 78, 7, 9, 82, 16, 3, 71, 67], [44, 37, 125, 24, 108, 21, 28, 18, 97, 14, 90, 19, 58, 80, 57, 51, 11, 121, 114, 73, 109, 17, 13, 95, 118, 117, 52, 87, 75, 113, 69, 35, 50, 93, 61, 81, 46, 123, 76, 9, 124, 34, 119, 102, 71, 111, 115, 59, 36, 104, 100, 32, 96, 4, 55, 103, 20, 84, 99, 30, 85, 45, 105, 60, 106, 62, 29, 86, 83, 39, 25, 43, 40, 48, 66, 94, 38, 42, 120, 107, 47, 91, 110, 23, 112, 82, 15, 127, 78, 116, 98, 92, 16, 31, 122, 54, 89, 126, 49, 33, 72, 88, 41, 56, 22, 53, 101, 26, 10, 63, 74, 79, 67, 6, 1, 27, 8, 77, 5, 64, 12, 2, 3, 70, 68, 65, 7, 0], [54, 37, 127, 62, 63, 24, 116, 33, 101, 119, 123, 18, 55, 59, 51, 120, 58, 112, 46, 53, 60, 125, 114, 117, 113, 39, 126, 44, 15, 57, 61, 56, 111, 121, 122, 118, 47, 52, 49, 27, 110, 50, 48, 91, 115, 45, 124, 94, 109, 85, 107, 108, 105, 106, 43, 92, 86, 20, 21, 104, 42, 73, 103, 41, 102, 88, 100, 30, 40, 38, 25, 29, 82, 23, 95, 36, 13, 28, 97, 35, 31, 22, 9, 77, 79, 99, 84, 90, 98, 34, 16, 93, 87, 26, 17, 89, 12, 14, 1, 80, 75, 71, 65, 32, 4, 19, 6, 96, 70, 2, 66, 10, 7, 11, 68, 67, 72, 78, 3, 76, 5, 69, 0, 83, 8, 81, 64, 74], [127, 54, 37, 25, 62, 17, 94, 101, 33, 86, 15, 123, 20, 6, 63, 24, 14, 12, 27, 77, 19, 10, 90, 30, 109, 23, 116, 84, 88, 13, 61, 93, 72, 113, 9, 51, 107, 95, 91, 59, 120, 38, 119, 92, 125, 117, 112, 22, 7, 41, 124, 70, 32, 58, 85, 35, 67, 36, 75, 118, 48, 42, 78, 31, 18, 126, 122, 21, 79, 28, 102, 55, 34, 80, 29, 115, 114, 68, 82, 5, 11, 53, 50, 16, 87, 57, 83, 103, 46, 98, 106, 81, 26, 56, 60, 44, 4, 111, 39, 74, 89, 8, 108, 76, 52, 110, 121, 1, 45, 49, 73, 40, 96, 100, 97, 66, 105, 104, 99, 43, 47, 0, 71, 3, 2, 69, 65, 64], [127, 63, 37, 62, 54, 24, 33, 51, 112, 123, 116, 101, 117, 55, 120, 59, 58, 119, 125, 53, 19, 114, 46, 111, 44, 60, 113, 122, 61, 47, 126, 57, 121, 91, 118, 52, 56, 49, 48, 27, 50, 45, 94, 110, 115, 85, 124, 39, 108, 109, 18, 102, 86, 106, 88, 30, 107, 29, 105, 43, 41, 104, 103, 42, 96, 21, 14, 40, 38, 95, 20, 97, 32, 26, 100, 22, 16, 31, 75, 83, 36, 25, 98, 12, 92, 35, 99, 78, 34, 15, 90, 82, 13, 93, 80, 17, 6, 11, 73, 77, 9, 65, 1, 84, 89, 28, 87, 23, 68, 4, 66, 2, 7, 70, 10, 71, 72, 5, 8, 76, 79, 0, 81, 67, 64, 3, 69, 74], [127, 54, 37, 33, 17, 62, 86, 10, 15, 24, 14, 123, 12, 5, 72, 90, 27, 65, 7, 116, 25, 0, 101, 63, 77, 91, 64, 20, 44, 23, 88, 73, 4, 19, 67, 87, 89, 113, 22, 71, 112, 2, 93, 8, 107, 83, 59, 81, 111, 80, 76, 68, 79, 74, 82, 118, 21, 13, 6, 120, 104, 46, 114, 75, 126, 28, 119, 70, 122, 18, 3, 97, 11, 30, 102, 1, 16, 84, 69, 56, 31, 106, 58, 26, 9, 66, 78, 32, 85, 48, 95, 40, 117, 61, 94, 96, 45, 125, 99, 35, 29, 98, 57, 92, 60, 39, 53, 124, 34, 36, 100, 51, 38, 52, 103, 41, 108, 55, 109, 110, 105, 47, 43, 121, 49, 50, 115, 42], [43, 121, 45, 107, 100, 97, 109, 27, 91, 102, 123, 24, 103, 15, 22, 54, 81, 59, 88, 127, 120, 118, 114, 117, 110, 20, 44, 124, 85, 61, 111, 31, 79, 119, 51, 26, 75, 57, 7, 41, 11, 33, 58, 98, 49, 92, 46, 23, 112, 39, 52, 99, 42, 13, 113, 55, 21, 62, 29, 17, 122, 28, 47, 84, 63, 125, 25, 48, 18, 93, 50, 108, 126, 56, 82, 115, 116, 86, 101, 104, 37, 105, 53, 60, 32, 30, 96, 38, 40, 35, 34, 89, 80, 106, 90, 19, 94, 77, 83, 95, 16, 73, 87, 71, 74, 70, 76, 14, 78, 36, 3, 6, 9, 12, 5, 69, 8, 10, 72, 66, 67, 65, 2, 1, 68, 64, 0, 4], [43, 107, 123, 117, 100, 27, 97, 91, 88, 51, 103, 21, 49, 124, 80, 59, 54, 24, 109, 55, 48, 85, 115, 127, 57, 14, 50, 121, 61, 114, 113, 126, 58, 118, 22, 45, 119, 60, 62, 52, 41, 31, 63, 125, 112, 47, 111, 74, 122, 116, 53, 29, 19, 76, 110, 102, 46, 44, 56, 108, 39, 93, 37, 120, 5, 20, 42, 89, 8, 30, 90, 6, 2, 99, 105, 3, 18, 40, 106, 68, 35, 101, 98, 87, 104, 84, 38, 78, 32, 33, 16, 1, 86, 12, 17, 96, 0, 28, 34, 25, 94, 26, 81, 10, 72, 11, 95, 23, 15, 36, 92, 4, 69, 83, 82, 66, 73, 65, 64, 70, 13, 77, 67, 71, 7, 75, 9, 79], [43, 121, 45, 107, 100, 27, 97, 91, 116, 63, 24, 22, 61, 106, 125, 54, 114, 37, 15, 49, 88, 118, 58, 124, 29, 33, 85, 76, 120, 57, 31, 17, 19, 32, 81, 21, 41, 127, 47, 109, 123, 80, 50, 18, 52, 60, 51, 55, 98, 122, 74, 86, 53, 101, 113, 34, 105, 103, 12, 28, 119, 14, 111, 62, 94, 93, 59, 8, 115, 46, 38, 44, 112, 42, 7, 110, 90, 40, 126, 68, 48, 20, 117, 26, 104, 102, 36, 99, 108, 35, 2, 39, 96, 30, 92, 84, 13, 11, 56, 79, 82, 25, 95, 89, 75, 73, 83, 77, 1, 78, 5, 3, 10, 87, 71, 69, 0, 72, 9, 23, 67, 6, 4, 66, 65, 64, 70, 16], [121, 43, 45, 100, 91, 97, 27, 107, 88, 85, 21, 123, 80, 51, 54, 24, 115, 49, 61, 117, 127, 126, 48, 59, 57, 114, 109, 46, 52, 116, 118, 63, 55, 74, 53, 50, 22, 14, 76, 60, 105, 31, 62, 119, 124, 120, 111, 19, 122, 125, 113, 58, 106, 47, 44, 56, 102, 8, 112, 90, 103, 110, 12, 108, 39, 93, 37, 20, 32, 29, 42, 41, 99, 89, 81, 33, 5, 87, 2, 104, 17, 40, 38, 6, 34, 16, 82, 26, 101, 78, 28, 86, 96, 92, 30, 3, 35, 1, 98, 36, 68, 94, 72, 23, 95, 18, 10, 84, 0, 69, 25, 83, 15, 70, 4, 73, 65, 67, 11, 13, 66, 64, 77, 79, 71, 9, 7, 75], [103, 115, 51, 85, 83, 80, 62, 10, 90, 13, 124, 118, 26, 63, 72, 48, 56, 70, 60, 98, 68, 52, 55, 88, 106, 47, 59, 41, 53, 50, 93, 110, 30, 91, 100, 107, 76, 71, 86, 58, 111, 19, 45, 84, 15, 66, 82, 122, 61, 42, 123, 57, 125, 38, 44, 96, 89, 77, 119, 65, 81, 40, 21, 28, 16, 14, 87, 11, 3, 23, 25, 94, 101, 104, 43, 33, 102, 17, 74, 27, 105, 121, 49, 95, 112, 31, 92, 117, 116, 24, 108, 20, 120, 36, 7, 9, 109, 5, 114, 46, 97, 34, 69, 126, 127, 73, 35, 113, 79, 8, 99, 22, 29, 18, 32, 78, 54, 12, 37, 64, 2, 39, 6, 1, 75, 4, 0, 67], [103, 51, 115, 85, 83, 10, 80, 13, 72, 70, 66, 68, 26, 62, 63, 90, 118, 60, 81, 124, 107, 64, 2, 91, 53, 59, 55, 44, 52, 119, 89, 56, 65, 93, 106, 47, 111, 50, 0, 123, 98, 19, 15, 100, 40, 76, 1, 110, 61, 5, 48, 114, 69, 77, 16, 41, 25, 6, 99, 74, 8, 4, 104, 3, 32, 126, 79, 11, 94, 117, 105, 22, 121, 87, 20, 88, 29, 58, 116, 46, 43, 73, 112, 14, 75, 21, 27, 23, 127, 24, 120, 35, 71, 38, 86, 109, 57, 49, 82, 92, 125, 45, 113, 122, 67, 54, 102, 78, 96, 84, 9, 108, 18, 95, 12, 101, 42, 37, 30, 33, 17, 28, 34, 39, 7, 31, 36, 97], [103, 51, 115, 85, 80, 13, 10, 68, 83, 70, 72, 26, 66, 0, 62, 124, 55, 65, 90, 118, 63, 53, 60, 64, 47, 76, 100, 98, 89, 107, 46, 59, 88, 50, 56, 48, 61, 2, 91, 93, 82, 1, 58, 23, 111, 4, 3, 19, 81, 73, 99, 121, 25, 44, 5, 106, 123, 6, 69, 75, 74, 11, 41, 87, 119, 15, 20, 127, 71, 79, 21, 95, 77, 110, 8, 52, 40, 126, 16, 114, 67, 27, 17, 112, 9, 122, 78, 94, 57, 22, 117, 86, 49, 12, 14, 32, 39, 113, 30, 37, 38, 92, 120, 18, 29, 105, 84, 96, 31, 36, 7, 33, 108, 42, 125, 35, 116, 97, 101, 24, 109, 45, 104, 54, 43, 102, 28, 34], [103, 115, 51, 80, 85, 10, 13, 83, 72, 70, 68, 62, 26, 124, 118, 60, 59, 55, 66, 107, 90, 82, 64, 93, 119, 47, 52, 25, 15, 63, 48, 53, 98, 40, 88, 56, 111, 87, 73, 5, 1, 89, 76, 65, 69, 23, 29, 2, 61, 71, 0, 46, 44, 81, 100, 50, 117, 77, 58, 19, 22, 96, 84, 32, 112, 110, 24, 74, 8, 7, 3, 16, 114, 12, 17, 122, 126, 121, 125, 91, 27, 11, 123, 35, 38, 28, 99, 4, 104, 106, 116, 20, 101, 45, 6, 9, 79, 31, 78, 95, 41, 18, 30, 21, 86, 67, 92, 49, 108, 113, 43, 94, 37, 33, 57, 42, 127, 36, 105, 109, 54, 34, 102, 14, 120, 97, 75, 39]], "model.layers.23.self_attn.k_proj": [[47, 111, 36, 107, 88, 96, 30, 90, 80, 21, 0, 78, 81, 2, 27, 104, 68, 84, 83, 7, 15, 75, 74, 93, 95, 5, 103, 106, 10, 77, 11, 86, 124, 110, 22, 6, 120, 91, 59, 71, 73, 85, 43, 122, 46, 127, 13, 51, 67, 94, 119, 114, 48, 32, 50, 105, 55, 92, 101, 23, 66, 118, 42, 52, 33, 97, 56, 63, 60, 102, 125, 35, 39, 123, 72, 29, 31, 99, 116, 64, 19, 14, 45, 41, 53, 61, 112, 28, 12, 117, 49, 58, 113, 16, 40, 34, 57, 17, 25, 38, 108, 62, 3, 79, 98, 126, 37, 54, 109, 121, 18, 4, 44, 115, 24, 20, 26, 82, 89, 87, 65, 8, 76, 9, 100, 1, 70, 69], [39, 56, 46, 51, 86, 33, 110, 116, 61, 53, 30, 20, 60, 47, 57, 124, 55, 59, 120, 80, 89, 58, 114, 119, 52, 122, 127, 112, 49, 91, 126, 123, 63, 54, 118, 48, 115, 121, 44, 113, 62, 34, 125, 45, 106, 109, 117, 92, 50, 111, 101, 96, 100, 93, 14, 94, 108, 105, 107, 88, 98, 43, 42, 35, 40, 24, 37, 78, 104, 38, 41, 36, 11, 102, 97, 95, 27, 16, 90, 82, 29, 65, 72, 13, 31, 19, 84, 71, 99, 64, 5, 73, 26, 87, 85, 3, 32, 25, 10, 28, 12, 17, 21, 15, 69, 9, 18, 7, 23, 70, 6, 0, 76, 1, 79, 77, 103, 75, 83, 4, 67, 22, 68, 66, 81, 8, 2, 74], [46, 113, 38, 110, 97, 28, 19, 86, 79, 26, 94, 24, 81, 21, 87, 77, 122, 14, 70, 74, 47, 17, 78, 60, 68, 9, 59, 52, 126, 65, 57, 112, 111, 119, 62, 44, 8, 55, 114, 20, 105, 115, 56, 127, 108, 117, 106, 85, 58, 76, 104, 0, 125, 50, 11, 42, 64, 93, 118, 45, 41, 109, 13, 2, 43, 103, 80, 124, 92, 48, 123, 63, 51, 116, 39, 16, 121, 120, 36, 61, 66, 100, 53, 99, 75, 54, 40, 18, 89, 101, 49, 37, 107, 90, 15, 73, 95, 5, 29, 72, 32, 71, 23, 3, 35, 25, 31, 34, 96, 84, 98, 12, 91, 27, 30, 22, 69, 82, 10, 33, 88, 7, 6, 83, 4, 67, 1, 102], [117, 103, 119, 86, 48, 97, 112, 13, 93, 11, 83, 15, 56, 26, 60, 120, 124, 47, 121, 6, 89, 113, 53, 122, 116, 63, 58, 127, 55, 125, 115, 24, 9, 114, 123, 7, 52, 49, 118, 51, 61, 62, 91, 59, 54, 126, 18, 107, 81, 111, 45, 42, 50, 46, 44, 57, 109, 16, 110, 20, 43, 108, 74, 41, 73, 98, 104, 29, 92, 30, 23, 105, 40, 25, 106, 37, 88, 35, 38, 21, 68, 17, 64, 100, 101, 78, 102, 31, 14, 27, 36, 99, 2, 95, 28, 8, 32, 96, 94, 34, 69, 85, 10, 82, 4, 19, 87, 84, 66, 90, 80, 12, 76, 79, 75, 65, 33, 70, 71, 5, 77, 72, 67, 0, 39, 1, 3, 22], [108, 101, 44, 57, 21, 80, 28, 14, 24, 11, 71, 33, 18, 76, 73, 90, 58, 125, 19, 67, 50, 5, 64, 17, 1, 52, 55, 15, 118, 117, 121, 51, 115, 122, 53, 119, 4, 47, 48, 69, 75, 124, 123, 120, 95, 45, 35, 31, 111, 2, 59, 13, 87, 126, 12, 104, 61, 60, 56, 72, 110, 42, 127, 41, 114, 62, 43, 112, 8, 84, 7, 63, 109, 107, 68, 116, 54, 23, 40, 98, 106, 88, 91, 39, 6, 46, 49, 27, 105, 10, 70, 89, 113, 26, 30, 86, 36, 29, 34, 103, 32, 100, 92, 38, 81, 102, 94, 22, 78, 93, 74, 3, 66, 16, 0, 97, 77, 99, 25, 79, 9, 96, 82, 20, 85, 83, 37, 65], [127, 54, 101, 97, 86, 24, 27, 123, 118, 18, 94, 77, 113, 63, 116, 120, 48, 17, 10, 64, 58, 85, 62, 59, 117, 57, 15, 38, 114, 12, 111, 67, 42, 121, 122, 14, 108, 29, 55, 61, 7, 125, 53, 126, 60, 49, 103, 1, 51, 119, 19, 56, 16, 52, 112, 124, 43, 109, 50, 5, 105, 45, 110, 46, 115, 47, 31, 72, 75, 71, 37, 90, 6, 25, 66, 107, 40, 44, 20, 39, 89, 87, 95, 104, 106, 83, 36, 100, 41, 34, 102, 93, 98, 68, 96, 11, 99, 0, 2, 35, 3, 21, 26, 92, 9, 79, 23, 30, 28, 80, 32, 78, 91, 81, 84, 76, 8, 88, 73, 69, 74, 13, 82, 33, 70, 22, 4, 65], [107, 33, 121, 36, 22, 91, 43, 124, 88, 45, 61, 80, 21, 51, 54, 60, 57, 49, 74, 55, 119, 123, 58, 115, 117, 29, 116, 62, 63, 122, 127, 50, 26, 125, 53, 52, 111, 42, 118, 59, 112, 113, 109, 120, 126, 46, 110, 56, 48, 38, 47, 76, 95, 108, 101, 19, 114, 39, 14, 65, 17, 106, 66, 44, 69, 4, 78, 20, 104, 12, 41, 0, 105, 98, 8, 35, 37, 15, 30, 67, 103, 70, 64, 83, 102, 6, 23, 40, 99, 31, 32, 34, 94, 92, 5, 81, 10, 87, 73, 96, 28, 25, 100, 82, 9, 97, 18, 11, 93, 90, 89, 79, 71, 27, 72, 86, 85, 77, 84, 13, 1, 7, 3, 75, 68, 2, 24, 16], [115, 39, 13, 72, 51, 80, 64, 83, 10, 70, 85, 68, 66, 90, 62, 2, 124, 0, 65, 76, 43, 111, 26, 60, 91, 112, 118, 75, 53, 55, 61, 56, 67, 5, 81, 88, 63, 4, 119, 89, 46, 42, 40, 34, 59, 52, 50, 108, 73, 29, 123, 1, 93, 82, 114, 15, 121, 105, 23, 35, 36, 71, 126, 30, 31, 22, 96, 7, 122, 125, 84, 69, 41, 110, 58, 3, 102, 79, 25, 109, 87, 86, 24, 120, 94, 57, 127, 38, 14, 98, 28, 100, 104, 99, 6, 106, 117, 44, 33, 107, 54, 45, 8, 48, 101, 95, 78, 97, 49, 116, 17, 12, 47, 18, 92, 27, 32, 20, 9, 113, 37, 11, 74, 21, 19, 77, 16, 103]], "model.layers.23.self_attn.qk_proj": [[46, 115, 111, 127, 54, 56, 47, 110, 108, 119, 117, 107, 51, 44, 121, 48, 43, 113, 22, 24, 26, 21, 55, 83, 85, 57, 62, 19, 92, 27, 124, 101, 80, 88, 118, 90, 63, 39, 37, 16, 59, 86, 45, 60, 123, 103, 61, 33, 13, 116, 58, 125, 49, 122, 81, 77, 74, 97, 14, 10, 120, 78, 50, 72, 79, 53, 52, 17, 36, 28, 93, 15, 91, 94, 29, 70, 106, 112, 11, 126, 75, 68, 109, 8, 4, 64, 82, 114, 0, 89, 71, 18, 100, 2, 25, 9, 76, 66, 102, 38, 12, 30, 105, 23, 73, 7, 42, 5, 96, 32, 20, 84, 104, 40, 95, 87, 69, 6, 41, 98, 1, 31, 34, 67, 99, 35, 65, 3], [46, 115, 127, 111, 54, 56, 47, 110, 108, 119, 107, 117, 51, 44, 121, 48, 43, 113, 57, 21, 22, 26, 83, 124, 27, 118, 39, 24, 92, 62, 85, 63, 55, 101, 19, 88, 16, 60, 86, 90, 80, 58, 37, 59, 123, 116, 33, 125, 74, 61, 103, 49, 77, 45, 78, 13, 10, 81, 120, 112, 52, 70, 91, 122, 53, 14, 72, 97, 50, 17, 15, 93, 114, 94, 28, 4, 0, 11, 29, 36, 106, 126, 2, 66, 79, 109, 75, 8, 82, 68, 102, 30, 38, 25, 105, 100, 64, 76, 73, 12, 104, 23, 18, 42, 89, 7, 20, 9, 71, 5, 96, 31, 69, 32, 98, 84, 95, 6, 40, 41, 87, 3, 34, 35, 65, 99, 1, 67], [46, 115, 111, 127, 56, 54, 110, 47, 108, 119, 107, 117, 51, 44, 48, 121, 43, 113, 57, 22, 124, 26, 62, 85, 21, 24, 118, 83, 27, 55, 39, 92, 37, 63, 19, 101, 60, 90, 80, 88, 33, 58, 16, 86, 103, 59, 97, 61, 123, 125, 74, 53, 77, 122, 116, 45, 14, 13, 78, 91, 120, 10, 52, 72, 81, 49, 112, 70, 36, 66, 4, 28, 50, 15, 17, 109, 93, 64, 79, 11, 29, 126, 2, 114, 38, 94, 0, 68, 106, 25, 12, 82, 75, 104, 100, 23, 76, 89, 18, 42, 71, 7, 30, 84, 8, 96, 105, 41, 20, 5, 9, 32, 98, 73, 102, 40, 69, 87, 35, 31, 95, 6, 34, 99, 65, 67, 1, 3], [46, 115, 127, 111, 54, 56, 47, 110, 108, 107, 119, 117, 51, 44, 121, 48, 43, 113, 57, 22, 21, 83, 63, 124, 26, 62, 118, 60, 19, 24, 85, 92, 39, 88, 58, 27, 55, 80, 101, 37, 16, 122, 53, 123, 86, 59, 90, 77, 61, 33, 125, 10, 116, 17, 81, 13, 14, 78, 120, 103, 74, 45, 72, 112, 49, 97, 15, 70, 52, 4, 50, 91, 11, 66, 114, 106, 126, 2, 109, 36, 100, 68, 29, 28, 93, 94, 0, 18, 75, 76, 79, 12, 71, 38, 89, 8, 102, 7, 69, 64, 42, 73, 82, 25, 9, 104, 30, 84, 20, 5, 96, 105, 23, 6, 31, 41, 32, 98, 87, 95, 35, 65, 67, 40, 99, 34, 3, 1], [46, 115, 127, 111, 54, 47, 56, 110, 108, 119, 117, 107, 51, 44, 48, 121, 43, 113, 57, 62, 83, 124, 63, 22, 21, 19, 26, 85, 55, 24, 60, 27, 101, 39, 118, 86, 16, 37, 92, 58, 90, 122, 123, 88, 80, 61, 33, 103, 97, 72, 59, 14, 13, 10, 77, 45, 74, 49, 125, 52, 4, 81, 78, 68, 112, 17, 50, 116, 75, 53, 120, 91, 66, 79, 15, 28, 11, 109, 0, 126, 106, 93, 114, 29, 64, 2, 36, 12, 94, 70, 6, 7, 18, 20, 76, 25, 100, 82, 71, 38, 102, 9, 23, 73, 69, 89, 8, 42, 30, 5, 105, 84, 40, 104, 41, 32, 98, 96, 35, 34, 87, 31, 99, 95, 67, 3, 1, 65], [46, 115, 111, 127, 54, 47, 56, 110, 108, 119, 107, 117, 51, 44, 121, 48, 43, 113, 22, 57, 21, 26, 19, 27, 55, 24, 83, 62, 85, 101, 63, 39, 16, 80, 124, 88, 86, 58, 92, 60, 118, 37, 122, 72, 90, 123, 10, 33, 77, 45, 74, 13, 61, 81, 14, 97, 59, 125, 103, 17, 112, 49, 15, 78, 116, 75, 120, 53, 52, 0, 50, 91, 11, 68, 126, 28, 79, 64, 94, 66, 29, 82, 106, 114, 20, 36, 100, 6, 7, 4, 12, 76, 93, 25, 18, 23, 109, 38, 71, 2, 69, 102, 89, 30, 8, 105, 9, 70, 84, 73, 96, 42, 87, 32, 34, 95, 41, 5, 104, 65, 98, 40, 1, 35, 67, 31, 99, 3], [46, 115, 111, 127, 54, 56, 110, 47, 108, 119, 107, 51, 121, 44, 48, 117, 43, 113, 26, 22, 57, 21, 27, 85, 24, 83, 19, 88, 124, 92, 62, 80, 16, 101, 90, 86, 63, 39, 58, 60, 55, 77, 37, 122, 123, 33, 14, 103, 125, 74, 118, 10, 13, 97, 72, 81, 120, 45, 61, 59, 17, 78, 112, 116, 28, 49, 91, 106, 93, 50, 15, 79, 36, 53, 6, 126, 64, 114, 75, 82, 11, 52, 94, 109, 29, 68, 12, 89, 20, 38, 18, 25, 100, 4, 8, 66, 76, 23, 84, 102, 7, 0, 9, 71, 2, 73, 87, 42, 96, 105, 30, 32, 98, 31, 69, 70, 34, 5, 1, 41, 95, 104, 40, 35, 65, 99, 67, 3], [46, 115, 111, 127, 56, 54, 110, 47, 108, 119, 107, 51, 117, 44, 121, 48, 43, 113, 27, 21, 22, 24, 83, 57, 85, 26, 60, 92, 62, 19, 124, 55, 16, 80, 88, 90, 39, 86, 101, 123, 63, 33, 37, 61, 118, 58, 125, 59, 49, 77, 122, 116, 13, 97, 74, 103, 14, 45, 10, 81, 78, 112, 79, 17, 120, 28, 114, 36, 6, 91, 50, 52, 126, 72, 53, 94, 93, 11, 82, 106, 75, 4, 100, 109, 68, 29, 15, 18, 8, 0, 38, 23, 64, 89, 2, 25, 12, 105, 102, 66, 32, 73, 76, 30, 71, 20, 42, 96, 84, 9, 104, 87, 7, 70, 31, 98, 95, 5, 69, 65, 40, 41, 35, 34, 99, 1, 67, 3], [46, 115, 111, 127, 56, 54, 110, 47, 108, 107, 117, 119, 51, 121, 44, 48, 43, 113, 57, 83, 85, 24, 26, 21, 124, 22, 92, 27, 19, 88, 60, 55, 16, 62, 90, 123, 39, 101, 63, 86, 118, 58, 80, 33, 13, 116, 61, 37, 125, 97, 77, 74, 49, 45, 120, 103, 112, 81, 59, 17, 28, 122, 53, 10, 14, 52, 91, 78, 93, 79, 8, 36, 6, 29, 126, 11, 106, 75, 50, 100, 72, 114, 15, 12, 82, 109, 68, 94, 102, 23, 38, 4, 18, 76, 42, 73, 0, 2, 66, 105, 32, 104, 7, 89, 30, 41, 96, 31, 9, 64, 20, 25, 87, 98, 84, 5, 71, 95, 70, 34, 35, 40, 99, 69, 65, 3, 1, 67], [46, 115, 111, 127, 56, 54, 47, 110, 108, 117, 107, 51, 119, 44, 121, 48, 43, 113, 57, 62, 21, 26, 123, 85, 19, 124, 27, 83, 24, 22, 92, 118, 55, 39, 60, 16, 88, 86, 37, 58, 90, 63, 101, 33, 10, 80, 116, 61, 77, 45, 125, 8, 13, 103, 122, 59, 112, 74, 49, 97, 120, 17, 78, 52, 53, 14, 114, 2, 0, 81, 91, 28, 68, 4, 94, 36, 15, 93, 75, 29, 79, 50, 64, 109, 72, 6, 12, 106, 66, 126, 38, 71, 11, 76, 42, 89, 70, 82, 100, 18, 7, 73, 96, 25, 5, 9, 20, 105, 102, 23, 87, 104, 32, 30, 31, 69, 98, 41, 40, 84, 99, 1, 67, 34, 65, 95, 35, 3], [46, 115, 111, 127, 54, 47, 56, 110, 108, 117, 51, 119, 107, 44, 121, 43, 48, 113, 57, 124, 62, 22, 21, 85, 39, 19, 26, 80, 83, 123, 86, 92, 24, 16, 118, 60, 63, 88, 27, 58, 77, 37, 101, 55, 125, 61, 10, 13, 116, 90, 45, 103, 8, 120, 74, 97, 33, 59, 28, 52, 4, 14, 81, 75, 78, 112, 49, 17, 53, 50, 66, 68, 15, 91, 122, 11, 94, 79, 114, 29, 70, 64, 36, 71, 82, 2, 109, 106, 126, 0, 6, 100, 7, 12, 76, 42, 93, 20, 38, 25, 32, 72, 23, 9, 84, 73, 5, 18, 105, 89, 102, 69, 30, 104, 87, 96, 31, 95, 34, 98, 40, 99, 67, 3, 41, 1, 65, 35], [46, 115, 111, 127, 54, 56, 47, 110, 108, 107, 119, 51, 117, 44, 121, 48, 43, 113, 22, 21, 57, 85, 26, 83, 19, 24, 92, 124, 80, 88, 27, 86, 101, 39, 62, 63, 16, 90, 60, 58, 55, 33, 13, 77, 10, 8, 125, 118, 14, 37, 123, 74, 61, 97, 116, 45, 81, 52, 28, 49, 103, 91, 78, 59, 53, 120, 17, 79, 15, 70, 122, 75, 4, 112, 68, 11, 50, 36, 64, 94, 29, 93, 109, 12, 23, 126, 100, 106, 18, 114, 2, 38, 82, 25, 0, 9, 7, 76, 66, 71, 30, 84, 73, 20, 89, 102, 105, 32, 72, 6, 5, 96, 34, 98, 95, 69, 104, 87, 31, 40, 41, 42, 99, 1, 67, 35, 65, 3], [46, 115, 111, 127, 56, 110, 54, 47, 108, 107, 119, 117, 51, 44, 121, 48, 43, 113, 21, 57, 27, 24, 22, 85, 26, 60, 92, 19, 88, 80, 90, 55, 101, 83, 61, 16, 39, 86, 62, 124, 33, 58, 59, 63, 123, 49, 125, 122, 116, 91, 13, 103, 37, 74, 8, 77, 118, 97, 10, 52, 120, 81, 14, 45, 29, 53, 100, 17, 94, 28, 112, 70, 50, 36, 78, 15, 126, 93, 106, 79, 114, 64, 109, 38, 25, 82, 4, 18, 75, 23, 2, 102, 89, 12, 68, 105, 30, 0, 20, 11, 76, 71, 9, 72, 87, 66, 42, 96, 31, 7, 104, 98, 73, 41, 99, 65, 34, 84, 5, 32, 69, 95, 6, 35, 40, 1, 3, 67], [46, 115, 111, 127, 54, 110, 56, 47, 108, 117, 119, 51, 107, 44, 121, 48, 43, 113, 57, 22, 60, 21, 85, 19, 26, 55, 63, 80, 62, 27, 24, 123, 124, 92, 88, 101, 58, 86, 83, 39, 118, 61, 16, 59, 13, 10, 122, 37, 90, 45, 8, 74, 120, 81, 33, 49, 125, 52, 53, 77, 70, 112, 17, 116, 103, 14, 91, 28, 97, 78, 126, 64, 114, 93, 2, 68, 15, 94, 79, 11, 100, 50, 36, 4, 29, 0, 109, 106, 66, 75, 89, 12, 38, 76, 82, 18, 9, 42, 20, 30, 72, 23, 104, 7, 71, 105, 32, 102, 96, 69, 95, 41, 73, 25, 5, 84, 87, 6, 31, 98, 34, 1, 99, 67, 40, 35, 3, 65], [46, 115, 111, 127, 54, 56, 47, 110, 108, 51, 117, 107, 119, 44, 48, 121, 43, 113, 22, 57, 21, 19, 85, 26, 83, 24, 124, 62, 123, 55, 80, 27, 63, 92, 39, 88, 37, 16, 90, 60, 101, 61, 13, 58, 97, 86, 74, 8, 125, 103, 33, 118, 45, 116, 10, 77, 120, 122, 81, 52, 49, 78, 70, 94, 14, 91, 15, 59, 93, 36, 50, 68, 112, 17, 28, 66, 79, 0, 64, 53, 75, 106, 4, 2, 29, 11, 72, 102, 100, 109, 114, 71, 12, 126, 30, 7, 6, 76, 20, 82, 18, 105, 73, 9, 32, 25, 96, 42, 89, 38, 104, 69, 23, 41, 87, 5, 40, 35, 84, 98, 99, 34, 31, 95, 65, 67, 1, 3], [46, 115, 127, 111, 54, 56, 110, 47, 108, 107, 117, 51, 119, 44, 121, 48, 43, 113, 22, 57, 21, 19, 26, 124, 85, 62, 80, 123, 39, 83, 55, 88, 24, 16, 92, 60, 61, 86, 27, 13, 37, 90, 33, 77, 63, 101, 125, 118, 103, 10, 58, 74, 45, 49, 8, 59, 14, 78, 97, 122, 116, 81, 91, 17, 50, 120, 75, 28, 53, 93, 112, 52, 79, 11, 29, 68, 15, 94, 36, 70, 72, 100, 109, 4, 102, 64, 114, 126, 18, 76, 106, 6, 2, 73, 82, 71, 7, 12, 66, 9, 20, 32, 23, 89, 30, 0, 105, 25, 84, 38, 87, 69, 96, 41, 104, 42, 95, 40, 5, 98, 31, 3, 1, 34, 99, 35, 67, 65], [46, 115, 127, 111, 54, 56, 110, 47, 108, 107, 119, 51, 117, 44, 48, 121, 43, 113, 22, 21, 85, 57, 88, 26, 27, 19, 80, 24, 83, 92, 62, 86, 90, 124, 39, 55, 101, 61, 60, 33, 123, 16, 125, 103, 63, 116, 13, 97, 91, 58, 122, 37, 118, 10, 45, 77, 17, 59, 49, 74, 81, 14, 78, 94, 36, 112, 28, 93, 120, 52, 114, 29, 6, 72, 79, 53, 15, 102, 0, 8, 106, 100, 68, 18, 25, 126, 64, 82, 38, 50, 11, 12, 2, 109, 30, 75, 4, 23, 89, 66, 105, 71, 76, 41, 7, 32, 87, 96, 20, 84, 70, 73, 9, 98, 69, 5, 40, 95, 42, 65, 31, 104, 1, 99, 34, 35, 67, 3], [46, 115, 127, 111, 56, 54, 110, 47, 108, 107, 119, 51, 117, 44, 48, 121, 43, 113, 57, 22, 85, 83, 21, 19, 26, 124, 92, 86, 27, 62, 24, 60, 80, 63, 39, 123, 88, 101, 61, 103, 125, 13, 55, 90, 16, 37, 58, 10, 118, 77, 74, 120, 14, 91, 59, 33, 122, 97, 116, 53, 72, 94, 6, 112, 17, 45, 81, 36, 52, 49, 28, 114, 78, 15, 29, 79, 126, 4, 109, 75, 100, 50, 66, 2, 0, 11, 93, 82, 64, 106, 68, 12, 38, 102, 89, 18, 76, 8, 25, 84, 71, 30, 7, 87, 73, 104, 105, 32, 20, 9, 42, 96, 23, 41, 40, 98, 69, 31, 5, 65, 70, 34, 99, 95, 35, 1, 3, 67], [46, 115, 127, 111, 56, 54, 47, 110, 108, 119, 107, 51, 117, 44, 48, 121, 43, 113, 57, 22, 62, 85, 83, 26, 21, 123, 124, 19, 24, 63, 80, 92, 101, 39, 90, 58, 103, 60, 86, 88, 55, 45, 120, 118, 61, 125, 37, 74, 33, 27, 97, 16, 10, 53, 122, 116, 13, 77, 50, 72, 59, 91, 49, 52, 28, 78, 14, 114, 126, 112, 2, 6, 81, 93, 94, 79, 29, 11, 4, 17, 15, 0, 68, 106, 75, 36, 64, 102, 12, 18, 32, 71, 109, 66, 38, 82, 89, 105, 76, 8, 41, 73, 100, 7, 9, 25, 42, 31, 104, 20, 84, 98, 23, 69, 40, 30, 96, 5, 99, 87, 95, 70, 35, 65, 34, 3, 67, 1], [46, 115, 127, 111, 56, 54, 47, 110, 108, 119, 107, 117, 44, 51, 48, 121, 43, 113, 57, 62, 21, 22, 19, 39, 124, 24, 26, 101, 63, 83, 85, 90, 92, 123, 88, 27, 58, 16, 55, 86, 61, 80, 33, 103, 60, 10, 37, 13, 125, 120, 118, 116, 45, 97, 59, 77, 49, 112, 72, 74, 78, 122, 53, 52, 91, 29, 126, 81, 6, 75, 28, 94, 68, 15, 106, 114, 14, 93, 79, 0, 4, 36, 17, 109, 11, 64, 66, 102, 82, 2, 100, 50, 12, 32, 84, 30, 7, 76, 38, 89, 71, 9, 41, 18, 105, 25, 23, 8, 73, 42, 96, 5, 69, 87, 20, 104, 40, 70, 34, 98, 95, 31, 35, 67, 65, 99, 1, 3], [46, 115, 111, 127, 47, 54, 56, 110, 108, 119, 107, 117, 51, 44, 121, 48, 43, 113, 22, 57, 62, 124, 63, 85, 26, 19, 21, 83, 24, 39, 92, 27, 55, 61, 37, 88, 101, 123, 125, 49, 80, 58, 86, 16, 118, 60, 90, 59, 45, 72, 116, 53, 33, 52, 13, 77, 97, 120, 10, 74, 103, 91, 112, 78, 81, 14, 68, 122, 94, 2, 15, 28, 79, 93, 36, 75, 29, 126, 17, 6, 100, 64, 114, 109, 11, 82, 106, 25, 18, 0, 4, 50, 89, 32, 76, 73, 30, 7, 38, 66, 20, 71, 70, 12, 41, 84, 102, 40, 105, 9, 23, 87, 104, 5, 69, 42, 34, 98, 8, 96, 95, 1, 31, 67, 35, 65, 99, 3], [46, 115, 127, 111, 56, 54, 47, 110, 119, 108, 107, 51, 117, 48, 44, 121, 43, 113, 57, 62, 63, 85, 124, 22, 24, 60, 19, 21, 123, 83, 26, 92, 90, 27, 39, 53, 101, 80, 88, 61, 49, 86, 59, 37, 16, 58, 116, 74, 118, 120, 103, 125, 72, 13, 122, 10, 55, 45, 91, 112, 33, 52, 77, 14, 78, 97, 64, 114, 81, 17, 68, 29, 126, 93, 79, 70, 28, 36, 11, 15, 89, 100, 2, 106, 94, 50, 66, 0, 4, 75, 18, 38, 20, 109, 76, 82, 32, 7, 42, 30, 25, 12, 6, 84, 41, 71, 105, 8, 9, 73, 69, 31, 87, 96, 102, 104, 5, 95, 23, 65, 35, 99, 98, 34, 3, 1, 40, 67], [46, 115, 127, 111, 47, 56, 54, 110, 108, 119, 107, 117, 51, 44, 48, 121, 43, 113, 57, 62, 124, 22, 85, 21, 19, 27, 24, 92, 101, 90, 59, 63, 26, 60, 123, 83, 61, 39, 86, 55, 80, 125, 33, 118, 16, 88, 37, 49, 58, 116, 103, 120, 13, 77, 45, 74, 52, 97, 122, 10, 53, 112, 91, 14, 70, 72, 81, 50, 29, 17, 68, 15, 79, 78, 114, 28, 36, 94, 64, 100, 109, 93, 4, 126, 18, 38, 106, 75, 76, 11, 8, 66, 2, 89, 42, 0, 82, 105, 25, 7, 9, 12, 20, 73, 96, 30, 102, 71, 23, 31, 32, 84, 87, 41, 69, 5, 104, 99, 6, 98, 95, 40, 34, 35, 67, 3, 65, 1], [46, 115, 127, 111, 54, 47, 56, 110, 108, 119, 107, 117, 51, 44, 48, 121, 43, 113, 22, 57, 21, 19, 24, 85, 62, 124, 27, 101, 83, 26, 92, 39, 88, 60, 63, 16, 86, 55, 123, 90, 80, 13, 37, 33, 58, 74, 45, 61, 77, 103, 118, 125, 97, 59, 120, 14, 49, 10, 81, 70, 72, 52, 91, 122, 114, 17, 116, 53, 36, 29, 78, 94, 15, 11, 8, 93, 75, 50, 28, 112, 109, 79, 106, 126, 68, 12, 0, 76, 82, 38, 4, 30, 32, 18, 66, 100, 25, 89, 42, 7, 71, 64, 20, 23, 73, 105, 9, 2, 102, 84, 41, 40, 96, 95, 87, 5, 98, 104, 6, 69, 31, 34, 1, 3, 99, 67, 65, 35], [46, 115, 111, 127, 54, 56, 47, 110, 108, 119, 107, 51, 117, 44, 48, 121, 43, 113, 22, 85, 26, 21, 124, 24, 19, 83, 57, 62, 88, 55, 63, 27, 39, 90, 60, 16, 92, 101, 103, 86, 80, 123, 59, 74, 37, 58, 33, 125, 45, 10, 77, 118, 97, 13, 49, 91, 120, 14, 61, 116, 53, 52, 17, 112, 81, 70, 78, 122, 93, 79, 94, 114, 15, 11, 8, 72, 28, 64, 126, 36, 0, 75, 18, 29, 106, 109, 82, 68, 50, 2, 12, 4, 25, 7, 66, 89, 20, 71, 100, 38, 76, 32, 84, 30, 105, 9, 23, 5, 42, 73, 102, 96, 6, 69, 98, 87, 104, 41, 40, 31, 95, 34, 1, 65, 35, 3, 99, 67], [46, 115, 127, 111, 54, 56, 47, 110, 108, 119, 107, 117, 51, 44, 48, 121, 43, 113, 57, 21, 22, 85, 124, 27, 60, 26, 19, 83, 92, 62, 24, 123, 63, 88, 86, 61, 90, 59, 55, 101, 39, 80, 16, 33, 125, 118, 49, 58, 53, 103, 97, 120, 74, 91, 37, 116, 13, 112, 77, 52, 45, 122, 10, 94, 36, 78, 93, 8, 81, 106, 14, 79, 50, 29, 70, 126, 114, 100, 28, 17, 4, 109, 75, 66, 64, 12, 15, 18, 68, 11, 82, 25, 30, 38, 89, 0, 41, 42, 105, 76, 72, 20, 102, 23, 2, 7, 104, 71, 32, 9, 95, 40, 96, 73, 87, 6, 84, 99, 5, 34, 69, 31, 98, 65, 67, 1, 3, 35], [46, 115, 127, 111, 54, 47, 56, 110, 108, 107, 117, 119, 51, 44, 48, 121, 43, 113, 57, 21, 85, 60, 124, 26, 125, 83, 22, 19, 62, 92, 55, 27, 61, 39, 88, 123, 24, 63, 90, 118, 80, 101, 59, 120, 13, 86, 37, 58, 16, 33, 8, 45, 52, 53, 97, 77, 103, 49, 74, 114, 81, 112, 10, 126, 122, 28, 116, 14, 50, 109, 91, 17, 15, 78, 29, 79, 36, 94, 75, 11, 82, 4, 106, 68, 100, 93, 6, 2, 38, 104, 76, 66, 12, 64, 42, 0, 32, 30, 25, 41, 70, 20, 102, 89, 71, 105, 18, 9, 96, 87, 7, 23, 73, 84, 40, 95, 98, 31, 34, 69, 99, 72, 35, 5, 1, 67, 3, 65], [46, 115, 111, 127, 56, 47, 54, 110, 108, 107, 117, 119, 51, 44, 121, 48, 43, 113, 57, 21, 62, 22, 124, 19, 24, 85, 26, 83, 63, 88, 92, 80, 27, 118, 55, 58, 39, 123, 120, 60, 101, 90, 16, 53, 13, 86, 8, 74, 103, 61, 45, 125, 37, 49, 33, 77, 59, 10, 52, 122, 97, 78, 14, 112, 6, 116, 81, 91, 79, 94, 0, 114, 17, 15, 68, 11, 29, 28, 66, 75, 126, 4, 109, 100, 50, 12, 2, 36, 106, 38, 93, 76, 89, 82, 102, 7, 18, 71, 64, 42, 32, 5, 84, 73, 20, 25, 23, 70, 30, 105, 72, 9, 87, 69, 96, 104, 98, 95, 67, 31, 41, 40, 34, 65, 1, 3, 35, 99], [46, 115, 111, 127, 54, 47, 56, 110, 108, 119, 51, 107, 117, 44, 121, 48, 43, 113, 57, 62, 22, 26, 55, 21, 83, 124, 24, 19, 85, 39, 45, 118, 27, 63, 92, 88, 37, 60, 101, 90, 123, 61, 8, 80, 86, 59, 74, 97, 33, 16, 125, 120, 49, 13, 103, 52, 53, 58, 77, 122, 114, 6, 78, 10, 68, 14, 50, 0, 81, 11, 17, 29, 91, 116, 66, 106, 112, 75, 15, 4, 79, 94, 28, 64, 126, 93, 109, 100, 71, 36, 76, 102, 18, 7, 2, 73, 25, 32, 12, 84, 38, 89, 82, 105, 9, 98, 5, 72, 30, 69, 96, 41, 35, 42, 23, 20, 34, 95, 87, 70, 40, 99, 104, 65, 31, 67, 3, 1], [46, 115, 111, 127, 56, 54, 47, 110, 108, 119, 107, 117, 51, 44, 48, 121, 43, 113, 57, 22, 26, 19, 62, 55, 85, 21, 24, 39, 27, 124, 83, 92, 86, 88, 60, 101, 16, 45, 80, 123, 58, 118, 90, 59, 37, 61, 63, 13, 33, 8, 103, 125, 77, 74, 97, 81, 122, 120, 53, 10, 14, 49, 78, 6, 112, 116, 17, 68, 52, 11, 91, 114, 29, 50, 94, 15, 36, 75, 28, 79, 93, 18, 4, 109, 100, 66, 106, 126, 25, 82, 0, 102, 76, 12, 38, 71, 105, 20, 72, 30, 7, 9, 2, 89, 73, 32, 64, 23, 5, 104, 87, 95, 84, 69, 70, 98, 40, 42, 96, 41, 34, 31, 35, 67, 1, 3, 65, 99], [46, 115, 127, 111, 56, 54, 47, 110, 108, 107, 119, 117, 51, 44, 48, 121, 43, 113, 26, 22, 57, 21, 62, 27, 124, 88, 19, 24, 55, 85, 63, 60, 39, 92, 59, 83, 16, 86, 118, 80, 101, 58, 45, 37, 103, 125, 90, 53, 123, 74, 61, 97, 8, 33, 10, 13, 116, 120, 14, 49, 122, 77, 91, 78, 112, 81, 6, 52, 0, 15, 68, 36, 93, 17, 114, 94, 102, 29, 50, 11, 2, 75, 4, 28, 126, 109, 64, 7, 79, 76, 18, 71, 100, 66, 12, 89, 25, 82, 70, 72, 38, 106, 9, 20, 5, 30, 69, 32, 73, 98, 105, 84, 104, 23, 87, 96, 1, 3, 95, 65, 42, 41, 40, 34, 31, 35, 99, 67], [46, 115, 127, 111, 56, 54, 47, 110, 108, 107, 119, 117, 44, 51, 121, 48, 43, 113, 57, 26, 22, 62, 19, 27, 80, 21, 24, 92, 63, 39, 124, 55, 85, 88, 83, 86, 60, 90, 16, 123, 101, 118, 37, 58, 61, 77, 59, 33, 97, 45, 120, 10, 125, 116, 49, 74, 13, 53, 103, 112, 122, 8, 81, 78, 14, 17, 93, 91, 36, 50, 29, 79, 28, 11, 52, 15, 94, 114, 75, 106, 76, 72, 126, 18, 68, 25, 12, 100, 82, 6, 109, 102, 70, 64, 7, 38, 66, 84, 73, 9, 71, 89, 4, 42, 105, 20, 30, 96, 23, 2, 32, 0, 69, 41, 98, 104, 87, 95, 31, 5, 34, 99, 40, 65, 35, 1, 3, 67]], "model.layers.24.self_attn.q_proj": [[112, 37, 48, 54, 90, 41, 94, 86, 30, 101, 56, 25, 59, 81, 62, 19, 20, 106, 58, 44, 63, 121, 123, 89, 105, 114, 12, 84, 9, 22, 95, 35, 74, 113, 46, 77, 52, 97, 104, 70, 2, 16, 24, 107, 117, 124, 60, 39, 18, 43, 119, 31, 88, 14, 125, 79, 122, 26, 10, 126, 109, 49, 4, 108, 68, 67, 80, 50, 45, 92, 8, 47, 120, 111, 29, 57, 0, 32, 115, 98, 51, 61, 118, 53, 99, 27, 71, 28, 116, 42, 110, 23, 103, 93, 102, 36, 127, 33, 91, 38, 40, 55, 100, 3, 21, 87, 17, 15, 78, 34, 85, 75, 1, 5, 96, 82, 13, 83, 65, 7, 69, 73, 76, 11, 66, 64, 72, 6], [112, 37, 48, 54, 122, 90, 111, 94, 30, 86, 125, 25, 101, 117, 41, 81, 24, 58, 19, 89, 88, 22, 35, 121, 59, 84, 45, 57, 126, 114, 109, 53, 20, 63, 106, 42, 105, 77, 12, 31, 119, 102, 120, 55, 104, 46, 10, 82, 60, 124, 3, 113, 14, 50, 18, 123, 70, 62, 100, 97, 49, 56, 47, 8, 52, 110, 44, 61, 74, 21, 26, 16, 107, 118, 87, 36, 9, 43, 103, 29, 40, 116, 65, 115, 95, 64, 93, 4, 27, 79, 32, 34, 51, 108, 28, 23, 17, 92, 91, 85, 127, 15, 96, 33, 2, 38, 39, 99, 80, 78, 98, 72, 73, 5, 83, 71, 11, 6, 75, 13, 7, 66, 68, 67, 0, 69, 76, 1], [112, 37, 48, 89, 25, 90, 54, 86, 94, 30, 56, 24, 18, 19, 35, 41, 22, 45, 105, 43, 20, 59, 50, 101, 116, 127, 97, 42, 81, 117, 125, 63, 16, 77, 60, 123, 88, 49, 95, 85, 38, 47, 9, 121, 106, 122, 109, 12, 114, 84, 115, 119, 100, 67, 0, 108, 55, 40, 26, 31, 110, 58, 70, 87, 51, 103, 104, 36, 102, 27, 92, 124, 111, 79, 2, 62, 46, 61, 13, 107, 91, 113, 53, 23, 126, 57, 74, 32, 34, 71, 39, 52, 33, 120, 29, 14, 82, 93, 99, 98, 44, 83, 96, 21, 15, 118, 69, 66, 8, 28, 78, 17, 10, 80, 7, 1, 75, 68, 76, 3, 11, 4, 72, 73, 6, 65, 64, 5], [112, 37, 48, 54, 90, 41, 94, 84, 81, 86, 117, 56, 62, 88, 30, 14, 20, 105, 19, 111, 24, 25, 51, 125, 101, 109, 49, 114, 10, 120, 63, 45, 58, 47, 31, 8, 60, 70, 126, 59, 43, 64, 77, 55, 121, 22, 52, 92, 102, 42, 119, 18, 57, 118, 53, 66, 3, 124, 4, 122, 113, 127, 65, 97, 106, 108, 89, 35, 123, 44, 107, 50, 16, 34, 39, 78, 103, 74, 110, 61, 26, 46, 32, 98, 104, 99, 38, 116, 40, 28, 12, 69, 17, 72, 100, 80, 21, 115, 93, 87, 1, 95, 33, 83, 29, 36, 85, 73, 96, 67, 5, 79, 91, 11, 2, 27, 9, 23, 71, 68, 75, 15, 0, 82, 6, 13, 76, 7], [108, 36, 44, 123, 51, 90, 26, 114, 85, 92, 96, 52, 121, 120, 18, 82, 31, 77, 28, 111, 94, 24, 15, 125, 56, 53, 95, 127, 60, 126, 20, 62, 107, 63, 113, 122, 23, 76, 46, 73, 110, 55, 32, 124, 39, 105, 102, 101, 45, 84, 87, 58, 50, 43, 74, 30, 37, 118, 41, 109, 116, 16, 6, 8, 97, 29, 27, 49, 21, 54, 33, 61, 115, 38, 9, 48, 7, 57, 112, 106, 40, 98, 14, 103, 117, 91, 89, 119, 47, 22, 99, 34, 25, 59, 104, 100, 35, 3, 42, 86, 78, 64, 88, 93, 4, 19, 80, 2, 83, 81, 11, 12, 17, 65, 10, 79, 67, 71, 5, 13, 69, 75, 66, 0, 68, 70, 1, 72], [108, 36, 44, 123, 51, 63, 127, 52, 90, 28, 96, 56, 114, 120, 92, 23, 105, 95, 119, 118, 46, 58, 31, 85, 87, 111, 30, 102, 106, 112, 57, 54, 124, 40, 103, 122, 55, 42, 77, 26, 107, 125, 60, 113, 99, 104, 116, 110, 15, 43, 109, 39, 32, 94, 61, 41, 100, 45, 62, 47, 38, 49, 11, 121, 82, 18, 115, 117, 126, 48, 53, 17, 37, 50, 10, 20, 59, 101, 93, 84, 8, 35, 97, 98, 33, 76, 34, 27, 6, 91, 88, 24, 16, 9, 89, 29, 83, 25, 19, 80, 73, 5, 21, 86, 22, 74, 3, 79, 81, 13, 7, 68, 12, 72, 75, 78, 14, 69, 66, 70, 64, 1, 4, 71, 65, 67, 2, 0], [108, 36, 44, 51, 52, 92, 96, 56, 85, 121, 90, 126, 26, 28, 31, 60, 114, 23, 120, 45, 117, 87, 18, 82, 15, 105, 49, 94, 77, 124, 102, 24, 112, 32, 48, 88, 109, 123, 55, 104, 110, 46, 103, 93, 41, 27, 73, 76, 100, 107, 125, 115, 34, 116, 61, 29, 63, 118, 113, 122, 43, 50, 53, 84, 119, 89, 111, 57, 127, 95, 101, 16, 22, 38, 47, 42, 39, 33, 106, 54, 25, 62, 4, 2, 40, 8, 37, 59, 98, 21, 97, 58, 64, 6, 3, 74, 99, 86, 30, 91, 9, 35, 80, 20, 65, 83, 78, 19, 7, 69, 71, 79, 81, 14, 5, 12, 17, 70, 10, 0, 13, 11, 75, 68, 72, 67, 66, 1], [108, 36, 123, 52, 90, 94, 44, 92, 28, 121, 124, 111, 63, 62, 93, 59, 109, 86, 105, 82, 87, 23, 116, 114, 50, 60, 26, 20, 100, 49, 96, 42, 91, 46, 31, 127, 119, 17, 103, 51, 78, 19, 41, 84, 57, 110, 15, 27, 53, 98, 48, 102, 37, 122, 117, 112, 58, 55, 33, 101, 99, 30, 104, 47, 45, 40, 25, 56, 120, 43, 61, 35, 54, 11, 106, 38, 118, 39, 113, 115, 97, 126, 107, 125, 22, 29, 18, 34, 8, 14, 85, 89, 80, 95, 88, 32, 21, 73, 77, 76, 24, 9, 83, 6, 16, 10, 81, 13, 79, 3, 7, 74, 12, 71, 75, 64, 2, 70, 72, 4, 5, 69, 65, 68, 66, 1, 67, 0], [45, 52, 109, 32, 89, 85, 18, 123, 12, 29, 87, 10, 9, 79, 69, 81, 96, 83, 71, 91, 101, 58, 4, 30, 117, 0, 68, 2, 82, 8, 19, 1, 16, 105, 59, 84, 35, 108, 37, 7, 64, 23, 6, 50, 54, 77, 76, 78, 127, 42, 25, 124, 97, 33, 17, 46, 102, 24, 31, 120, 114, 21, 28, 72, 15, 20, 94, 80, 73, 26, 88, 3, 126, 62, 104, 92, 70, 74, 110, 75, 66, 14, 103, 13, 122, 61, 44, 116, 27, 95, 67, 36, 60, 112, 39, 40, 86, 100, 22, 90, 34, 5, 119, 38, 113, 43, 98, 49, 93, 125, 65, 115, 56, 107, 11, 118, 48, 51, 53, 111, 99, 121, 63, 106, 57, 41, 47, 55], [45, 52, 109, 87, 123, 91, 79, 85, 69, 89, 12, 10, 32, 18, 96, 101, 4, 71, 1, 29, 9, 0, 81, 66, 83, 92, 30, 2, 36, 35, 56, 82, 65, 122, 42, 120, 117, 60, 8, 105, 22, 70, 58, 39, 110, 97, 64, 104, 88, 127, 106, 7, 84, 72, 53, 90, 14, 61, 95, 63, 74, 3, 126, 5, 21, 77, 16, 48, 54, 73, 111, 80, 27, 23, 68, 24, 76, 67, 94, 119, 17, 25, 13, 50, 33, 75, 62, 26, 107, 15, 116, 51, 44, 20, 49, 93, 31, 19, 46, 11, 6, 102, 98, 37, 108, 114, 103, 78, 28, 41, 38, 59, 121, 86, 125, 34, 118, 113, 99, 40, 57, 112, 100, 55, 124, 115, 43, 47], [45, 52, 109, 91, 32, 123, 85, 89, 87, 29, 18, 12, 9, 79, 46, 81, 112, 10, 4, 114, 69, 71, 83, 126, 96, 50, 54, 94, 61, 58, 47, 119, 108, 60, 82, 127, 92, 25, 63, 72, 22, 70, 62, 77, 30, 84, 107, 59, 110, 101, 35, 105, 64, 15, 57, 106, 16, 13, 111, 40, 49, 27, 93, 68, 116, 117, 42, 21, 1, 56, 55, 41, 39, 2, 115, 17, 33, 20, 23, 118, 24, 80, 0, 75, 19, 37, 113, 120, 103, 99, 95, 36, 26, 7, 122, 88, 124, 31, 34, 98, 90, 125, 28, 104, 100, 51, 8, 121, 102, 44, 73, 76, 14, 97, 5, 6, 38, 11, 3, 86, 43, 74, 53, 48, 78, 67, 65, 66], [45, 52, 109, 89, 32, 87, 91, 29, 85, 123, 79, 96, 18, 12, 10, 71, 83, 69, 50, 114, 9, 60, 35, 119, 49, 92, 84, 81, 106, 4, 77, 101, 95, 57, 107, 93, 63, 16, 1, 30, 36, 46, 82, 108, 100, 61, 117, 94, 39, 22, 112, 120, 118, 23, 58, 127, 53, 26, 21, 113, 110, 116, 43, 40, 44, 59, 28, 105, 25, 103, 88, 99, 42, 122, 55, 31, 121, 111, 124, 24, 126, 13, 54, 98, 62, 125, 37, 56, 27, 38, 115, 97, 15, 80, 51, 19, 20, 48, 102, 86, 68, 14, 90, 6, 74, 34, 33, 75, 78, 47, 17, 64, 8, 41, 76, 72, 104, 7, 73, 11, 5, 0, 70, 65, 67, 2, 3, 66], [104, 127, 98, 92, 87, 84, 81, 109, 31, 15, 17, 22, 54, 41, 28, 58, 82, 51, 37, 76, 124, 14, 21, 63, 122, 116, 95, 121, 89, 30, 20, 43, 60, 38, 57, 90, 53, 13, 56, 25, 73, 18, 94, 85, 102, 29, 24, 11, 88, 126, 111, 117, 125, 70, 27, 46, 55, 107, 23, 48, 62, 12, 42, 59, 78, 67, 61, 4, 40, 45, 93, 110, 80, 105, 118, 106, 32, 9, 114, 83, 79, 19, 35, 97, 99, 120, 96, 36, 47, 6, 39, 101, 33, 68, 86, 52, 75, 10, 50, 49, 77, 100, 119, 74, 113, 123, 115, 44, 103, 26, 5, 108, 91, 16, 72, 69, 8, 112, 34, 71, 7, 66, 3, 1, 65, 64, 0, 2], [104, 127, 92, 98, 84, 87, 14, 81, 109, 31, 73, 76, 37, 6, 63, 125, 122, 82, 57, 105, 75, 89, 124, 18, 41, 4, 107, 94, 99, 78, 25, 17, 97, 116, 95, 83, 61, 10, 64, 58, 28, 30, 68, 59, 108, 66, 43, 54, 20, 65, 60, 51, 47, 115, 72, 15, 100, 106, 3, 50, 46, 53, 45, 56, 49, 85, 48, 23, 13, 16, 22, 114, 96, 24, 9, 62, 77, 12, 74, 35, 26, 80, 70, 119, 19, 36, 33, 38, 91, 79, 90, 40, 117, 44, 55, 29, 111, 121, 101, 39, 88, 102, 103, 2, 21, 34, 93, 8, 123, 69, 120, 126, 7, 32, 113, 112, 5, 27, 11, 42, 110, 52, 118, 71, 0, 86, 1, 67], [104, 127, 98, 101, 22, 43, 92, 18, 105, 53, 31, 59, 125, 84, 124, 87, 63, 61, 89, 54, 81, 41, 39, 122, 57, 106, 50, 95, 45, 19, 46, 28, 99, 35, 121, 109, 71, 79, 118, 38, 26, 62, 25, 76, 58, 37, 116, 44, 8, 96, 15, 56, 0, 30, 102, 27, 111, 117, 14, 115, 13, 120, 126, 107, 108, 60, 94, 93, 49, 73, 74, 51, 55, 110, 52, 11, 85, 123, 113, 103, 82, 119, 32, 4, 97, 42, 75, 36, 77, 112, 100, 90, 48, 33, 47, 86, 114, 68, 65, 6, 5, 29, 24, 34, 10, 80, 88, 23, 91, 83, 40, 7, 67, 17, 20, 72, 69, 2, 21, 1, 16, 70, 66, 3, 64, 9, 12, 78], [104, 127, 98, 73, 87, 31, 66, 14, 92, 81, 124, 84, 76, 4, 6, 116, 37, 25, 64, 89, 2, 63, 71, 13, 5, 60, 41, 80, 65, 75, 19, 0, 18, 106, 61, 114, 22, 79, 67, 46, 10, 1, 105, 53, 47, 58, 57, 125, 8, 122, 95, 40, 85, 54, 82, 101, 12, 59, 102, 51, 77, 74, 117, 121, 62, 70, 3, 111, 11, 90, 55, 24, 69, 72, 29, 109, 50, 23, 49, 15, 9, 100, 16, 86, 21, 91, 42, 33, 56, 88, 35, 99, 26, 7, 119, 123, 107, 17, 112, 43, 68, 36, 32, 38, 44, 118, 48, 94, 103, 96, 27, 126, 113, 52, 97, 108, 83, 28, 115, 34, 110, 39, 120, 78, 45, 30, 93, 20], [61, 102, 121, 114, 58, 116, 119, 62, 115, 54, 50, 33, 111, 126, 60, 125, 59, 122, 120, 124, 123, 117, 112, 110, 63, 52, 38, 24, 56, 53, 49, 45, 113, 42, 57, 29, 127, 55, 48, 26, 51, 118, 46, 107, 15, 27, 108, 47, 109, 91, 88, 105, 41, 85, 21, 84, 106, 44, 43, 86, 93, 37, 90, 18, 101, 28, 103, 100, 40, 104, 39, 22, 30, 97, 36, 32, 83, 17, 79, 34, 98, 35, 82, 96, 12, 19, 73, 95, 99, 31, 92, 81, 9, 94, 23, 80, 77, 64, 7, 20, 76, 25, 71, 66, 78, 89, 67, 87, 0, 2, 1, 65, 3, 5, 4, 69, 16, 13, 68, 11, 6, 14, 75, 10, 8, 72, 74, 70], [121, 102, 114, 61, 116, 58, 119, 62, 115, 54, 33, 60, 126, 59, 122, 111, 50, 123, 117, 120, 124, 110, 125, 52, 112, 53, 57, 24, 29, 63, 56, 45, 38, 49, 48, 26, 127, 55, 42, 113, 46, 118, 51, 88, 15, 47, 109, 108, 27, 91, 105, 41, 107, 106, 21, 85, 43, 84, 44, 86, 93, 28, 37, 90, 18, 103, 100, 101, 104, 39, 30, 97, 22, 40, 83, 17, 36, 79, 32, 12, 99, 95, 35, 34, 96, 98, 73, 19, 20, 31, 81, 87, 92, 82, 94, 80, 76, 23, 9, 25, 71, 67, 7, 77, 64, 66, 0, 3, 65, 1, 78, 89, 4, 2, 69, 5, 68, 13, 16, 11, 14, 75, 6, 74, 10, 72, 8, 70], [114, 121, 102, 61, 58, 116, 119, 115, 62, 122, 60, 124, 126, 50, 59, 123, 54, 33, 111, 112, 125, 120, 110, 117, 24, 52, 63, 56, 53, 42, 106, 57, 127, 48, 49, 107, 55, 26, 118, 113, 38, 15, 46, 51, 45, 29, 47, 108, 27, 105, 84, 109, 91, 85, 21, 44, 41, 88, 93, 28, 43, 86, 37, 90, 18, 103, 40, 104, 32, 101, 36, 100, 39, 30, 17, 22, 82, 79, 97, 98, 35, 9, 34, 96, 12, 99, 83, 92, 31, 95, 73, 81, 94, 7, 19, 76, 67, 69, 20, 77, 25, 64, 1, 0, 78, 71, 66, 65, 3, 4, 2, 80, 23, 5, 89, 68, 87, 14, 13, 11, 16, 6, 74, 75, 8, 72, 70, 10], [61, 121, 114, 102, 23, 80, 83, 50, 58, 74, 77, 30, 25, 45, 11, 8, 33, 37, 29, 90, 91, 78, 32, 92, 20, 70, 81, 119, 100, 69, 116, 88, 86, 62, 75, 68, 72, 120, 89, 59, 42, 105, 26, 21, 14, 125, 18, 6, 87, 16, 10, 66, 28, 54, 24, 76, 19, 27, 127, 85, 96, 126, 103, 56, 107, 1, 111, 106, 93, 63, 64, 51, 12, 67, 22, 13, 48, 84, 34, 4, 82, 17, 60, 31, 47, 110, 43, 115, 122, 98, 124, 52, 101, 7, 112, 117, 94, 35, 123, 57, 79, 108, 49, 0, 104, 41, 95, 2, 46, 71, 55, 5, 9, 36, 118, 3, 113, 99, 44, 53, 109, 15, 38, 39, 40, 65, 73, 97], [53, 42, 58, 120, 122, 100, 125, 116, 61, 45, 63, 123, 127, 48, 50, 52, 121, 49, 30, 54, 113, 89, 126, 51, 23, 108, 56, 59, 32, 44, 112, 111, 115, 46, 60, 106, 114, 62, 18, 47, 117, 57, 55, 21, 124, 119, 110, 109, 43, 118, 90, 91, 107, 40, 86, 92, 35, 15, 25, 104, 103, 28, 94, 24, 85, 41, 105, 12, 31, 37, 27, 38, 39, 83, 99, 101, 96, 36, 22, 102, 82, 34, 80, 98, 88, 93, 81, 95, 87, 78, 33, 1, 20, 76, 79, 97, 17, 5, 14, 29, 11, 26, 7, 77, 74, 16, 67, 68, 65, 0, 3, 72, 84, 19, 73, 64, 2, 70, 4, 71, 66, 69, 10, 9, 8, 13, 75, 6], [53, 42, 58, 120, 83, 80, 100, 89, 32, 11, 77, 73, 86, 27, 106, 45, 122, 70, 28, 24, 1, 92, 99, 26, 85, 81, 17, 67, 25, 74, 79, 72, 14, 5, 103, 20, 75, 111, 116, 23, 40, 113, 76, 125, 63, 123, 57, 48, 84, 119, 96, 61, 66, 6, 37, 93, 78, 82, 19, 50, 8, 91, 127, 34, 88, 15, 30, 126, 43, 94, 31, 9, 87, 69, 10, 49, 22, 105, 29, 4, 21, 0, 16, 95, 112, 71, 13, 39, 90, 56, 33, 54, 52, 124, 121, 101, 18, 51, 104, 118, 59, 109, 108, 7, 68, 114, 62, 12, 3, 35, 97, 117, 60, 115, 46, 44, 55, 98, 38, 2, 65, 102, 107, 64, 47, 110, 41, 36], [58, 42, 53, 120, 122, 125, 116, 45, 100, 61, 30, 123, 63, 48, 121, 50, 127, 49, 111, 54, 52, 89, 56, 59, 51, 112, 126, 23, 106, 108, 32, 46, 113, 115, 57, 114, 44, 62, 47, 60, 117, 55, 119, 21, 124, 110, 18, 109, 24, 118, 90, 94, 43, 107, 104, 91, 40, 25, 41, 105, 103, 92, 31, 35, 85, 86, 39, 37, 99, 12, 101, 38, 28, 27, 15, 96, 102, 36, 22, 82, 95, 93, 34, 98, 17, 81, 88, 97, 79, 33, 83, 76, 20, 80, 14, 87, 29, 26, 7, 16, 78, 2, 74, 8, 19, 64, 65, 72, 66, 77, 68, 0, 5, 71, 1, 67, 3, 84, 10, 4, 11, 69, 6, 70, 13, 75, 9, 73], [120, 42, 58, 53, 122, 125, 45, 61, 116, 123, 106, 50, 89, 52, 23, 49, 100, 48, 59, 56, 63, 112, 111, 44, 121, 54, 127, 117, 126, 57, 62, 110, 113, 51, 115, 30, 55, 60, 46, 109, 118, 114, 47, 90, 119, 124, 18, 108, 107, 28, 43, 21, 105, 24, 104, 91, 32, 83, 95, 29, 40, 103, 38, 39, 35, 101, 34, 41, 99, 102, 94, 86, 37, 97, 85, 92, 27, 31, 33, 25, 15, 98, 96, 77, 36, 26, 12, 82, 93, 20, 13, 19, 22, 75, 17, 10, 14, 87, 7, 11, 76, 84, 74, 79, 88, 16, 80, 71, 67, 6, 68, 66, 72, 1, 8, 2, 5, 81, 70, 3, 64, 0, 4, 69, 65, 78, 9, 73], [51, 118, 55, 39, 63, 54, 121, 25, 23, 122, 124, 120, 126, 59, 53, 61, 113, 123, 62, 58, 117, 95, 50, 56, 57, 89, 52, 125, 60, 82, 49, 116, 115, 119, 34, 47, 48, 114, 127, 106, 111, 112, 42, 46, 44, 109, 104, 110, 45, 108, 29, 87, 80, 14, 27, 43, 107, 84, 36, 76, 35, 37, 99, 41, 96, 40, 102, 103, 20, 101, 100, 105, 28, 97, 38, 31, 18, 12, 85, 91, 26, 24, 16, 74, 32, 93, 92, 98, 78, 86, 30, 71, 69, 33, 94, 8, 21, 88, 7, 2, 22, 1, 68, 90, 83, 10, 70, 72, 13, 81, 3, 73, 6, 19, 11, 0, 5, 9, 79, 65, 4, 64, 66, 75, 67, 17, 77, 15], [55, 39, 118, 122, 25, 23, 120, 121, 63, 89, 95, 115, 124, 51, 123, 113, 126, 61, 58, 60, 34, 82, 59, 112, 48, 53, 119, 106, 52, 57, 62, 117, 111, 42, 49, 50, 56, 47, 114, 125, 44, 127, 116, 43, 54, 80, 14, 29, 108, 45, 110, 46, 109, 84, 76, 41, 104, 107, 40, 27, 87, 20, 31, 105, 18, 102, 100, 16, 28, 96, 78, 37, 36, 101, 38, 103, 12, 93, 35, 8, 97, 32, 24, 94, 99, 83, 88, 74, 33, 86, 10, 71, 92, 85, 72, 7, 98, 90, 70, 73, 69, 68, 13, 30, 6, 21, 3, 2, 5, 26, 9, 22, 0, 65, 66, 19, 1, 4, 67, 64, 81, 11, 91, 79, 17, 77, 75, 15], [51, 55, 39, 120, 121, 118, 54, 122, 63, 23, 89, 25, 59, 123, 46, 113, 62, 115, 124, 60, 61, 126, 44, 112, 125, 58, 50, 116, 33, 53, 52, 49, 82, 95, 57, 34, 119, 29, 108, 56, 45, 110, 114, 111, 117, 87, 47, 42, 127, 48, 43, 76, 14, 109, 100, 84, 68, 71, 31, 36, 99, 98, 3, 106, 26, 72, 11, 80, 38, 107, 37, 40, 88, 32, 18, 102, 105, 27, 0, 83, 104, 20, 41, 28, 96, 97, 1, 12, 101, 81, 30, 92, 93, 90, 94, 78, 103, 5, 35, 2, 64, 74, 24, 69, 65, 70, 9, 4, 85, 19, 21, 8, 91, 13, 16, 6, 86, 7, 75, 67, 10, 73, 79, 66, 17, 22, 77, 15], [51, 55, 120, 39, 63, 121, 27, 124, 126, 59, 53, 61, 123, 116, 122, 57, 58, 60, 62, 56, 45, 118, 119, 54, 25, 117, 125, 114, 113, 50, 47, 49, 127, 111, 34, 115, 108, 95, 52, 48, 46, 84, 107, 112, 36, 86, 110, 82, 43, 20, 109, 42, 76, 89, 44, 29, 40, 23, 14, 92, 41, 106, 24, 94, 80, 102, 101, 105, 91, 93, 22, 79, 99, 31, 103, 28, 17, 81, 90, 35, 104, 38, 15, 74, 98, 100, 12, 69, 85, 7, 37, 8, 88, 32, 13, 16, 9, 96, 21, 70, 71, 97, 26, 18, 33, 87, 68, 1, 77, 83, 6, 30, 2, 11, 78, 73, 10, 19, 0, 67, 72, 5, 75, 66, 4, 65, 3, 64], [38, 115, 114, 50, 51, 113, 89, 75, 19, 82, 16, 23, 77, 7, 73, 78, 69, 10, 39, 87, 25, 6, 94, 67, 8, 85, 57, 104, 13, 74, 125, 52, 27, 3, 26, 80, 118, 21, 14, 68, 65, 5, 106, 92, 124, 12, 105, 11, 123, 30, 64, 79, 98, 122, 37, 95, 81, 43, 44, 63, 62, 56, 41, 18, 93, 70, 102, 54, 101, 2, 112, 121, 107, 83, 42, 76, 100, 59, 34, 48, 111, 49, 45, 40, 119, 117, 33, 28, 126, 60, 84, 47, 108, 120, 36, 96, 109, 103, 4, 61, 88, 86, 29, 32, 17, 99, 127, 35, 58, 72, 46, 9, 116, 97, 31, 55, 22, 15, 90, 110, 53, 91, 71, 24, 20, 1, 66, 0], [38, 114, 115, 50, 51, 89, 23, 82, 19, 77, 16, 69, 75, 7, 73, 113, 64, 2, 85, 14, 93, 17, 67, 66, 78, 1, 21, 72, 3, 87, 79, 12, 94, 8, 13, 32, 71, 126, 106, 25, 15, 68, 95, 102, 10, 22, 41, 57, 74, 6, 127, 24, 44, 34, 112, 107, 56, 39, 76, 27, 92, 26, 90, 98, 0, 54, 18, 101, 80, 65, 40, 121, 105, 49, 81, 30, 122, 84, 47, 9, 104, 108, 83, 109, 117, 4, 125, 11, 20, 100, 37, 36, 48, 42, 116, 43, 86, 103, 97, 59, 63, 120, 28, 29, 61, 46, 45, 111, 99, 55, 110, 119, 53, 35, 70, 58, 60, 91, 33, 124, 118, 31, 88, 96, 62, 52, 123, 5], [38, 114, 115, 50, 51, 89, 7, 19, 73, 16, 75, 113, 82, 2, 77, 64, 69, 23, 3, 67, 14, 25, 85, 87, 93, 6, 13, 1, 17, 48, 66, 107, 8, 125, 9, 124, 41, 56, 71, 104, 0, 12, 79, 20, 52, 122, 45, 126, 5, 94, 81, 18, 22, 65, 74, 95, 127, 91, 57, 49, 59, 83, 15, 11, 80, 46, 24, 60, 92, 39, 118, 21, 86, 90, 105, 68, 10, 117, 121, 4, 44, 110, 29, 78, 72, 62, 106, 111, 88, 32, 108, 96, 58, 27, 40, 31, 123, 34, 109, 116, 120, 76, 119, 97, 101, 43, 63, 37, 100, 112, 98, 36, 28, 30, 99, 33, 61, 54, 103, 53, 26, 42, 55, 47, 84, 35, 102, 70], [38, 50, 114, 115, 51, 113, 23, 16, 82, 89, 39, 19, 77, 85, 126, 75, 73, 78, 7, 30, 24, 37, 22, 57, 116, 14, 52, 12, 35, 92, 34, 27, 125, 112, 36, 79, 83, 69, 13, 81, 26, 107, 49, 56, 88, 63, 80, 104, 17, 106, 67, 21, 94, 25, 20, 120, 44, 90, 46, 87, 60, 121, 45, 117, 42, 40, 9, 108, 47, 41, 48, 8, 109, 93, 76, 6, 122, 32, 72, 84, 97, 102, 53, 62, 10, 59, 119, 61, 99, 103, 98, 2, 118, 31, 111, 11, 54, 105, 74, 28, 18, 86, 127, 124, 33, 110, 15, 95, 29, 123, 43, 100, 96, 101, 58, 55, 91, 68, 3, 70, 5, 64, 71, 65, 1, 4, 66, 0]], "model.layers.24.self_attn.k_proj": [[48, 112, 101, 30, 86, 90, 19, 88, 89, 25, 81, 84, 12, 70, 14, 107, 77, 63, 8, 54, 47, 120, 60, 17, 52, 125, 41, 0, 49, 117, 115, 119, 93, 114, 2, 124, 74, 10, 33, 79, 64, 113, 43, 46, 102, 1, 57, 62, 80, 59, 42, 18, 20, 100, 118, 110, 35, 9, 109, 56, 29, 123, 44, 55, 58, 51, 68, 106, 116, 45, 28, 38, 103, 122, 108, 61, 50, 111, 4, 3, 40, 104, 87, 53, 127, 126, 39, 121, 67, 98, 99, 16, 97, 96, 15, 23, 32, 36, 31, 27, 85, 91, 5, 105, 92, 83, 34, 71, 94, 95, 73, 24, 82, 75, 21, 78, 7, 26, 11, 13, 72, 69, 76, 65, 22, 6, 66, 37], [44, 108, 52, 121, 82, 77, 15, 85, 100, 26, 32, 87, 60, 123, 6, 8, 76, 73, 55, 28, 3, 51, 74, 127, 120, 24, 48, 92, 61, 0, 9, 64, 65, 29, 124, 4, 109, 2, 89, 16, 5, 111, 94, 20, 110, 63, 18, 114, 105, 116, 78, 56, 35, 118, 7, 83, 47, 126, 59, 22, 88, 91, 50, 95, 62, 33, 122, 46, 84, 119, 115, 25, 31, 80, 54, 23, 27, 113, 86, 97, 98, 45, 81, 99, 103, 39, 102, 69, 40, 12, 70, 101, 107, 37, 57, 43, 117, 34, 112, 49, 11, 93, 53, 41, 38, 36, 42, 106, 96, 125, 104, 58, 19, 90, 30, 21, 14, 17, 71, 10, 13, 75, 79, 68, 72, 66, 1, 67], [109, 52, 45, 0, 123, 85, 32, 12, 69, 10, 87, 79, 116, 89, 18, 9, 4, 91, 81, 68, 2, 29, 83, 60, 71, 84, 8, 77, 78, 3, 1, 70, 16, 119, 120, 7, 93, 126, 58, 117, 94, 41, 30, 64, 66, 115, 124, 72, 118, 112, 114, 113, 61, 46, 54, 47, 44, 37, 92, 49, 111, 127, 65, 50, 53, 125, 95, 105, 106, 51, 110, 63, 35, 40, 43, 107, 48, 56, 102, 55, 39, 34, 19, 108, 104, 22, 121, 57, 97, 6, 59, 42, 62, 75, 103, 36, 100, 122, 82, 38, 67, 25, 28, 101, 99, 98, 13, 33, 27, 14, 20, 11, 88, 31, 21, 23, 90, 96, 86, 26, 73, 15, 80, 24, 5, 76, 17, 74], [127, 40, 34, 84, 87, 76, 95, 81, 73, 14, 17, 89, 6, 5, 28, 66, 125, 124, 64, 4, 116, 60, 122, 110, 0, 111, 13, 79, 58, 74, 19, 75, 92, 117, 51, 18, 80, 50, 24, 57, 105, 43, 63, 22, 45, 41, 101, 107, 26, 106, 54, 16, 121, 70, 10, 86, 71, 53, 20, 39, 78, 59, 8, 65, 52, 56, 30, 37, 62, 49, 94, 3, 42, 25, 123, 114, 61, 27, 83, 90, 7, 85, 96, 15, 109, 119, 103, 67, 21, 35, 44, 118, 33, 47, 99, 113, 55, 77, 108, 120, 126, 32, 1, 102, 69, 112, 115, 93, 68, 31, 98, 38, 36, 88, 46, 29, 48, 97, 82, 91, 12, 72, 100, 23, 9, 11, 2, 104], [38, 61, 114, 121, 86, 97, 119, 93, 18, 54, 30, 27, 50, 116, 15, 59, 41, 62, 56, 120, 126, 58, 115, 125, 124, 122, 55, 63, 90, 60, 127, 57, 49, 117, 48, 85, 123, 47, 112, 113, 118, 108, 52, 110, 101, 24, 51, 45, 36, 109, 46, 96, 53, 43, 94, 29, 106, 111, 95, 17, 104, 44, 25, 42, 107, 39, 99, 91, 105, 79, 33, 98, 12, 20, 28, 81, 80, 103, 92, 13, 40, 73, 77, 88, 100, 83, 7, 14, 16, 34, 10, 21, 31, 37, 84, 102, 23, 35, 74, 19, 26, 32, 78, 11, 89, 87, 8, 82, 70, 22, 75, 6, 68, 3, 9, 1, 76, 72, 2, 69, 66, 65, 5, 71, 0, 4, 67, 64], [106, 36, 120, 86, 53, 58, 96, 116, 94, 28, 49, 61, 89, 63, 27, 121, 123, 42, 122, 50, 45, 125, 48, 56, 62, 111, 54, 124, 59, 52, 18, 117, 55, 80, 127, 57, 119, 115, 112, 35, 46, 114, 51, 83, 60, 108, 34, 126, 107, 118, 47, 113, 109, 21, 98, 23, 12, 41, 43, 73, 15, 81, 110, 9, 105, 11, 104, 77, 29, 44, 40, 102, 14, 16, 39, 38, 7, 37, 103, 101, 17, 90, 0, 95, 87, 97, 33, 92, 24, 91, 20, 31, 67, 26, 100, 13, 99, 32, 71, 93, 72, 5, 88, 30, 68, 84, 19, 66, 78, 70, 74, 82, 85, 25, 2, 65, 64, 76, 69, 10, 75, 6, 79, 8, 22, 3, 4, 1], [103, 51, 55, 86, 120, 98, 123, 63, 93, 126, 124, 61, 31, 114, 53, 45, 59, 58, 49, 57, 121, 89, 122, 52, 125, 62, 112, 56, 47, 117, 116, 50, 60, 46, 119, 127, 115, 48, 110, 113, 108, 111, 107, 38, 109, 40, 42, 105, 44, 54, 43, 36, 80, 41, 106, 22, 18, 33, 118, 34, 79, 82, 16, 104, 99, 88, 90, 81, 84, 26, 96, 97, 102, 92, 91, 11, 100, 13, 37, 27, 21, 101, 32, 35, 83, 12, 23, 25, 29, 94, 72, 78, 85, 20, 10, 6, 30, 28, 17, 39, 24, 14, 66, 87, 19, 95, 9, 5, 73, 69, 4, 15, 8, 77, 75, 67, 76, 65, 71, 68, 0, 74, 7, 3, 1, 70, 2, 64], [50, 115, 102, 77, 89, 16, 19, 82, 75, 73, 114, 7, 23, 64, 69, 113, 2, 3, 67, 66, 1, 85, 10, 93, 17, 8, 70, 14, 65, 78, 21, 57, 30, 38, 112, 49, 94, 42, 43, 126, 34, 76, 71, 39, 45, 108, 92, 25, 90, 48, 6, 32, 44, 117, 123, 122, 13, 121, 87, 56, 106, 103, 125, 22, 79, 28, 74, 20, 27, 120, 63, 124, 116, 68, 33, 127, 61, 54, 15, 60, 104, 4, 41, 52, 119, 105, 100, 95, 12, 91, 72, 9, 88, 26, 53, 36, 31, 101, 29, 98, 62, 35, 118, 47, 59, 84, 46, 109, 51, 40, 96, 99, 0, 110, 55, 107, 111, 24, 37, 83, 58, 80, 97, 11, 5, 81, 86, 18]], "model.layers.24.self_attn.qk_proj": [[127, 50, 48, 115, 112, 114, 109, 51, 45, 108, 55, 61, 121, 44, 53, 120, 58, 52, 38, 25, 23, 124, 123, 63, 87, 18, 42, 89, 92, 60, 22, 113, 106, 40, 125, 82, 126, 116, 29, 122, 83, 19, 59, 17, 77, 32, 101, 54, 20, 26, 13, 94, 84, 73, 16, 9, 30, 81, 12, 56, 102, 85, 80, 90, 21, 57, 117, 49, 37, 76, 46, 86, 79, 111, 75, 98, 118, 110, 36, 7, 62, 15, 78, 14, 41, 11, 47, 119, 71, 27, 91, 103, 64, 43, 95, 34, 39, 5, 69, 74, 10, 105, 0, 96, 24, 31, 100, 104, 6, 88, 93, 28, 3, 68, 107, 67, 2, 66, 33, 70, 8, 4, 97, 99, 72, 35, 1, 65], [127, 50, 115, 114, 48, 109, 112, 51, 55, 108, 61, 45, 121, 44, 53, 120, 58, 52, 38, 25, 123, 92, 23, 87, 60, 89, 113, 18, 42, 124, 22, 106, 116, 40, 122, 63, 54, 125, 82, 29, 126, 73, 59, 83, 77, 101, 56, 32, 13, 20, 85, 19, 94, 16, 17, 26, 30, 81, 102, 9, 12, 49, 117, 86, 76, 84, 79, 21, 119, 111, 118, 57, 71, 36, 98, 80, 110, 41, 27, 103, 39, 75, 37, 90, 62, 47, 104, 78, 14, 46, 91, 11, 15, 43, 74, 34, 64, 105, 5, 69, 24, 100, 31, 95, 107, 7, 0, 96, 4, 93, 10, 28, 6, 88, 2, 68, 8, 66, 3, 67, 33, 97, 70, 72, 99, 35, 65, 1], [127, 50, 48, 115, 114, 112, 109, 51, 45, 108, 55, 61, 121, 120, 44, 53, 58, 52, 25, 38, 123, 113, 23, 87, 106, 92, 42, 18, 89, 60, 40, 22, 126, 125, 122, 82, 63, 32, 56, 116, 124, 54, 29, 59, 17, 26, 101, 13, 19, 73, 30, 102, 49, 83, 85, 16, 119, 20, 77, 94, 81, 76, 86, 12, 90, 9, 117, 21, 47, 57, 111, 118, 98, 110, 84, 104, 41, 80, 103, 78, 34, 79, 36, 31, 39, 7, 37, 62, 71, 75, 64, 15, 11, 14, 27, 5, 105, 69, 96, 91, 46, 95, 74, 100, 43, 10, 107, 0, 28, 93, 24, 66, 6, 33, 67, 2, 88, 3, 8, 4, 68, 97, 70, 99, 35, 65, 1, 72], [127, 50, 48, 115, 114, 112, 109, 51, 61, 45, 108, 55, 121, 44, 53, 120, 58, 52, 123, 38, 25, 106, 113, 23, 42, 87, 89, 18, 126, 82, 92, 59, 22, 124, 63, 125, 56, 116, 119, 29, 60, 94, 40, 76, 13, 122, 17, 32, 30, 73, 86, 19, 77, 80, 9, 101, 85, 16, 54, 49, 83, 81, 26, 79, 102, 12, 84, 111, 20, 98, 118, 110, 75, 47, 117, 5, 15, 41, 21, 104, 62, 71, 39, 36, 37, 69, 57, 14, 90, 7, 27, 34, 78, 46, 31, 0, 43, 11, 74, 103, 10, 95, 100, 96, 2, 28, 24, 88, 66, 67, 8, 70, 64, 93, 91, 4, 105, 6, 3, 107, 33, 35, 68, 97, 99, 65, 1, 72], [127, 48, 50, 115, 114, 112, 109, 51, 108, 61, 55, 45, 44, 121, 120, 53, 58, 52, 25, 123, 38, 23, 42, 113, 60, 63, 82, 18, 89, 87, 106, 59, 92, 56, 126, 124, 125, 22, 122, 40, 54, 13, 17, 73, 19, 86, 49, 29, 116, 9, 94, 80, 77, 30, 57, 32, 84, 83, 81, 26, 20, 76, 12, 101, 16, 75, 85, 90, 110, 118, 119, 14, 79, 111, 102, 21, 117, 37, 15, 104, 62, 98, 36, 5, 103, 47, 41, 34, 71, 78, 27, 95, 7, 11, 10, 46, 69, 91, 64, 70, 74, 96, 105, 31, 100, 39, 0, 24, 43, 107, 33, 28, 88, 3, 66, 8, 2, 67, 4, 93, 97, 68, 6, 35, 1, 99, 72, 65], [127, 50, 48, 115, 114, 112, 109, 61, 51, 108, 55, 45, 44, 121, 53, 120, 58, 52, 25, 38, 42, 23, 22, 123, 89, 113, 87, 18, 82, 106, 92, 60, 126, 40, 124, 77, 84, 122, 73, 63, 59, 76, 83, 81, 17, 94, 80, 19, 116, 125, 86, 29, 12, 13, 101, 85, 54, 30, 16, 32, 9, 26, 102, 37, 79, 56, 15, 98, 21, 41, 110, 57, 90, 36, 34, 118, 49, 20, 47, 14, 103, 5, 11, 95, 75, 27, 111, 78, 71, 46, 70, 10, 7, 104, 0, 117, 64, 43, 105, 62, 119, 39, 91, 8, 74, 24, 69, 100, 96, 93, 107, 88, 31, 2, 33, 66, 97, 28, 3, 67, 68, 6, 35, 99, 4, 65, 1, 72], [127, 50, 48, 115, 114, 112, 109, 55, 108, 51, 45, 61, 44, 121, 53, 120, 58, 52, 25, 23, 42, 87, 38, 82, 89, 123, 92, 18, 106, 124, 22, 60, 113, 125, 122, 40, 63, 19, 17, 54, 126, 32, 94, 84, 86, 26, 73, 30, 80, 13, 77, 29, 83, 101, 81, 56, 116, 12, 16, 59, 76, 85, 20, 9, 57, 21, 119, 98, 79, 102, 15, 90, 49, 111, 78, 41, 75, 118, 47, 104, 11, 110, 27, 14, 46, 71, 117, 5, 36, 37, 91, 7, 103, 95, 34, 64, 10, 62, 105, 100, 39, 74, 0, 24, 43, 31, 69, 70, 107, 96, 88, 8, 28, 93, 33, 35, 2, 4, 3, 97, 68, 67, 99, 66, 6, 72, 1, 65], [127, 50, 48, 115, 114, 109, 112, 55, 51, 45, 108, 121, 44, 61, 120, 53, 58, 52, 25, 23, 123, 38, 124, 89, 92, 18, 87, 42, 60, 82, 22, 113, 63, 125, 106, 40, 122, 116, 83, 59, 29, 126, 119, 32, 30, 56, 16, 94, 54, 73, 86, 26, 101, 20, 80, 19, 49, 13, 84, 17, 21, 90, 81, 102, 12, 9, 85, 77, 57, 76, 37, 15, 111, 41, 79, 78, 62, 11, 46, 71, 36, 110, 39, 117, 118, 34, 91, 27, 5, 105, 104, 43, 28, 75, 98, 31, 0, 47, 24, 103, 64, 10, 14, 95, 7, 69, 100, 70, 88, 74, 93, 96, 68, 107, 66, 2, 35, 3, 33, 4, 8, 97, 67, 72, 6, 99, 1, 65], [127, 50, 48, 115, 112, 109, 114, 55, 45, 51, 108, 121, 61, 44, 53, 120, 58, 52, 25, 38, 23, 92, 89, 123, 124, 87, 42, 125, 113, 63, 82, 106, 60, 59, 18, 126, 116, 122, 83, 22, 32, 77, 40, 56, 101, 80, 94, 81, 26, 84, 29, 54, 86, 30, 19, 117, 13, 119, 73, 102, 20, 85, 17, 49, 90, 76, 16, 9, 21, 111, 12, 37, 98, 118, 43, 15, 41, 47, 79, 57, 14, 34, 91, 110, 103, 27, 96, 75, 105, 11, 71, 36, 46, 69, 39, 100, 62, 104, 31, 78, 28, 7, 5, 95, 24, 74, 107, 10, 88, 93, 64, 0, 70, 33, 2, 4, 35, 68, 66, 6, 97, 3, 72, 99, 67, 8, 1, 65], [127, 50, 48, 114, 115, 109, 112, 45, 51, 108, 55, 121, 61, 44, 53, 120, 58, 52, 25, 38, 123, 124, 23, 87, 89, 42, 125, 113, 63, 106, 92, 82, 59, 18, 60, 116, 40, 126, 22, 29, 122, 30, 101, 83, 9, 73, 13, 94, 32, 54, 17, 119, 19, 77, 76, 56, 86, 84, 26, 85, 117, 16, 81, 80, 102, 57, 36, 111, 49, 12, 21, 37, 41, 118, 79, 103, 69, 20, 14, 110, 7, 11, 34, 90, 75, 104, 71, 98, 15, 5, 27, 47, 62, 78, 91, 95, 0, 10, 105, 6, 64, 31, 96, 24, 43, 39, 74, 28, 46, 100, 4, 66, 3, 88, 72, 2, 68, 93, 33, 70, 107, 67, 35, 97, 99, 8, 1, 65], [127, 50, 48, 115, 109, 112, 114, 51, 108, 45, 44, 55, 61, 121, 53, 120, 58, 52, 25, 42, 38, 123, 124, 87, 23, 106, 92, 113, 18, 82, 89, 22, 63, 122, 126, 125, 40, 73, 13, 29, 60, 116, 83, 9, 59, 56, 54, 77, 80, 86, 16, 84, 85, 19, 32, 81, 94, 17, 30, 26, 12, 76, 119, 102, 101, 20, 118, 36, 15, 62, 79, 71, 11, 117, 5, 49, 111, 90, 0, 75, 21, 69, 37, 96, 34, 27, 98, 104, 103, 7, 6, 57, 14, 39, 95, 78, 10, 64, 43, 74, 110, 46, 105, 47, 91, 2, 31, 41, 88, 24, 72, 67, 100, 28, 66, 3, 68, 93, 107, 4, 70, 97, 33, 8, 65, 35, 99, 1], [127, 50, 48, 115, 114, 112, 109, 51, 45, 108, 61, 44, 55, 121, 53, 120, 58, 52, 25, 42, 23, 87, 92, 38, 123, 22, 18, 106, 124, 89, 113, 82, 63, 40, 77, 13, 76, 125, 19, 126, 86, 30, 80, 73, 29, 17, 60, 85, 20, 84, 83, 9, 54, 94, 116, 81, 122, 101, 32, 16, 49, 26, 12, 56, 118, 90, 98, 15, 21, 57, 59, 111, 79, 11, 37, 102, 36, 7, 34, 95, 75, 71, 0, 117, 104, 27, 62, 47, 14, 100, 10, 91, 6, 119, 39, 96, 41, 78, 5, 69, 103, 74, 43, 24, 105, 46, 64, 88, 107, 28, 93, 31, 110, 72, 33, 97, 67, 66, 68, 2, 4, 3, 99, 70, 35, 8, 1, 65], [127, 50, 48, 115, 112, 109, 114, 51, 55, 45, 108, 61, 44, 121, 53, 120, 58, 52, 25, 38, 92, 124, 123, 23, 89, 42, 22, 87, 125, 113, 82, 63, 126, 18, 106, 40, 60, 32, 116, 94, 101, 30, 59, 54, 122, 29, 84, 26, 85, 77, 17, 13, 9, 86, 49, 117, 83, 56, 81, 19, 57, 20, 80, 73, 16, 111, 21, 119, 90, 37, 76, 12, 98, 41, 79, 36, 103, 118, 91, 15, 34, 27, 95, 11, 105, 100, 102, 24, 110, 75, 14, 71, 39, 7, 62, 47, 78, 46, 0, 5, 104, 28, 69, 31, 74, 10, 88, 43, 96, 72, 6, 68, 64, 93, 33, 97, 107, 2, 99, 66, 67, 4, 35, 70, 3, 65, 1, 8], [127, 50, 48, 114, 115, 112, 109, 51, 108, 45, 55, 61, 44, 120, 121, 53, 58, 52, 25, 124, 42, 38, 123, 23, 126, 89, 113, 106, 87, 22, 125, 59, 92, 40, 63, 18, 82, 122, 32, 56, 102, 77, 60, 101, 73, 116, 83, 84, 9, 119, 13, 30, 94, 54, 19, 81, 118, 16, 17, 86, 49, 26, 57, 111, 85, 29, 80, 117, 12, 37, 21, 76, 79, 90, 36, 20, 7, 41, 11, 98, 62, 27, 47, 15, 78, 103, 39, 69, 34, 75, 105, 71, 43, 0, 100, 64, 104, 10, 88, 74, 31, 14, 5, 95, 110, 96, 24, 28, 72, 6, 66, 91, 46, 33, 107, 93, 4, 2, 3, 67, 70, 97, 35, 68, 99, 65, 8, 1], [127, 114, 48, 50, 115, 109, 112, 51, 108, 45, 44, 55, 61, 121, 120, 53, 58, 52, 42, 25, 38, 23, 106, 89, 123, 22, 124, 113, 87, 63, 82, 92, 40, 18, 125, 126, 116, 59, 29, 77, 32, 9, 81, 60, 73, 83, 122, 16, 19, 30, 94, 54, 84, 13, 85, 26, 12, 101, 111, 80, 17, 20, 118, 49, 21, 76, 36, 119, 102, 56, 57, 37, 11, 98, 86, 79, 7, 15, 117, 41, 14, 62, 5, 103, 43, 90, 34, 64, 78, 110, 69, 39, 95, 10, 71, 24, 47, 31, 105, 91, 100, 27, 75, 0, 104, 74, 46, 96, 72, 33, 70, 66, 28, 97, 107, 88, 2, 67, 6, 68, 3, 4, 93, 35, 99, 8, 65, 1], [127, 50, 48, 115, 114, 109, 112, 51, 45, 55, 108, 61, 121, 44, 120, 53, 58, 52, 38, 25, 42, 23, 123, 92, 82, 87, 106, 89, 124, 22, 63, 113, 18, 59, 125, 126, 77, 122, 116, 84, 40, 73, 83, 54, 13, 80, 81, 94, 30, 9, 16, 19, 32, 60, 12, 29, 86, 17, 76, 56, 20, 26, 85, 21, 111, 37, 101, 15, 118, 102, 90, 119, 62, 27, 57, 98, 110, 11, 71, 7, 75, 79, 39, 36, 10, 43, 14, 5, 46, 34, 31, 49, 117, 95, 78, 24, 41, 0, 69, 103, 104, 74, 105, 70, 47, 96, 91, 88, 107, 68, 100, 64, 72, 28, 66, 2, 67, 93, 97, 33, 6, 99, 4, 3, 8, 35, 65, 1], [127, 50, 48, 115, 114, 112, 109, 51, 55, 45, 61, 108, 121, 44, 120, 53, 52, 58, 25, 38, 123, 42, 92, 23, 87, 124, 106, 89, 126, 18, 82, 22, 63, 125, 40, 59, 113, 30, 32, 116, 19, 29, 86, 101, 77, 60, 84, 26, 94, 81, 122, 16, 13, 56, 20, 17, 21, 54, 73, 9, 83, 111, 57, 76, 85, 102, 27, 110, 80, 118, 12, 90, 79, 7, 98, 103, 47, 41, 117, 36, 75, 119, 49, 24, 37, 95, 91, 15, 11, 62, 14, 104, 31, 10, 34, 28, 43, 105, 46, 96, 5, 78, 0, 39, 71, 107, 74, 64, 100, 88, 93, 70, 69, 68, 66, 4, 33, 97, 8, 67, 2, 72, 35, 99, 3, 6, 65, 1], [127, 50, 48, 115, 114, 109, 112, 55, 45, 51, 108, 61, 120, 121, 44, 53, 58, 52, 25, 38, 92, 123, 89, 87, 23, 126, 42, 106, 125, 113, 124, 82, 18, 116, 63, 22, 59, 86, 29, 40, 54, 32, 17, 19, 77, 94, 60, 101, 83, 26, 56, 16, 122, 9, 73, 13, 30, 57, 102, 119, 84, 81, 80, 76, 20, 85, 49, 12, 90, 39, 98, 111, 118, 21, 36, 37, 79, 7, 15, 41, 5, 27, 78, 47, 11, 69, 110, 91, 75, 64, 31, 104, 96, 103, 71, 14, 24, 117, 34, 95, 28, 105, 0, 62, 10, 43, 74, 70, 46, 100, 88, 2, 93, 107, 68, 4, 33, 8, 67, 66, 3, 35, 97, 6, 65, 72, 99, 1], [127, 50, 48, 114, 115, 109, 112, 51, 45, 108, 61, 55, 44, 121, 53, 120, 58, 52, 38, 123, 124, 89, 42, 25, 23, 113, 126, 125, 106, 18, 92, 63, 87, 59, 82, 116, 22, 40, 77, 73, 29, 32, 30, 94, 101, 9, 76, 60, 84, 119, 81, 19, 54, 17, 86, 16, 26, 13, 21, 122, 83, 103, 57, 56, 111, 85, 49, 98, 37, 41, 36, 80, 117, 20, 11, 12, 102, 75, 27, 47, 118, 79, 110, 5, 90, 7, 69, 62, 34, 64, 104, 39, 105, 31, 15, 78, 43, 46, 74, 0, 14, 24, 71, 91, 95, 107, 8, 100, 88, 66, 96, 28, 70, 68, 10, 4, 67, 93, 3, 33, 2, 97, 6, 35, 99, 65, 72, 1], [127, 48, 50, 114, 115, 112, 109, 108, 51, 55, 45, 61, 44, 121, 53, 120, 58, 52, 38, 25, 123, 113, 124, 42, 23, 89, 18, 106, 125, 126, 22, 92, 87, 82, 40, 59, 63, 116, 29, 60, 32, 77, 30, 81, 73, 13, 9, 101, 83, 94, 122, 86, 76, 80, 84, 17, 26, 85, 37, 110, 57, 98, 111, 12, 21, 56, 19, 54, 36, 20, 102, 16, 104, 119, 117, 75, 15, 7, 41, 24, 103, 10, 27, 79, 34, 69, 11, 91, 118, 105, 64, 5, 49, 78, 62, 39, 95, 71, 90, 43, 88, 74, 8, 46, 107, 0, 31, 96, 28, 47, 14, 100, 93, 97, 70, 2, 6, 68, 4, 33, 66, 67, 3, 99, 35, 65, 72, 1], [127, 48, 50, 114, 112, 115, 109, 51, 108, 55, 45, 120, 44, 61, 121, 53, 58, 52, 25, 124, 123, 23, 38, 92, 42, 113, 125, 126, 106, 89, 116, 59, 22, 87, 60, 18, 82, 40, 122, 32, 63, 13, 77, 83, 80, 73, 86, 26, 29, 19, 101, 119, 94, 17, 9, 81, 12, 56, 84, 57, 76, 85, 16, 30, 102, 104, 54, 20, 21, 110, 37, 49, 90, 111, 98, 117, 75, 15, 27, 11, 79, 69, 118, 41, 34, 5, 31, 36, 46, 7, 14, 71, 96, 47, 24, 10, 91, 39, 78, 95, 74, 62, 6, 43, 100, 103, 107, 0, 28, 105, 2, 93, 64, 8, 88, 4, 66, 68, 70, 67, 33, 3, 97, 35, 99, 65, 1, 72], [127, 50, 48, 114, 115, 112, 109, 45, 55, 51, 108, 120, 121, 61, 44, 53, 58, 52, 38, 25, 123, 113, 125, 59, 126, 89, 42, 23, 106, 92, 124, 18, 116, 63, 82, 87, 22, 32, 40, 122, 54, 60, 56, 101, 119, 94, 30, 29, 77, 9, 86, 81, 73, 57, 13, 12, 17, 83, 110, 76, 26, 85, 20, 80, 21, 16, 19, 102, 84, 111, 71, 36, 46, 79, 11, 117, 90, 5, 34, 7, 75, 103, 69, 15, 98, 37, 62, 104, 0, 27, 31, 41, 118, 49, 39, 47, 78, 24, 6, 91, 96, 14, 64, 10, 4, 95, 88, 100, 74, 43, 67, 107, 93, 66, 68, 105, 2, 8, 28, 3, 33, 70, 97, 99, 65, 35, 1, 72], [127, 48, 50, 115, 112, 114, 109, 55, 51, 45, 108, 121, 44, 61, 120, 53, 58, 52, 38, 25, 113, 125, 23, 124, 89, 123, 92, 42, 59, 18, 87, 106, 126, 82, 63, 40, 122, 22, 30, 60, 77, 54, 116, 29, 86, 32, 73, 20, 56, 94, 57, 83, 17, 26, 101, 19, 9, 13, 111, 85, 81, 102, 119, 80, 12, 16, 37, 21, 84, 62, 98, 110, 76, 117, 15, 5, 75, 118, 47, 90, 104, 79, 91, 14, 49, 7, 36, 103, 11, 71, 34, 27, 46, 69, 24, 6, 100, 41, 95, 31, 39, 28, 0, 78, 88, 43, 74, 107, 93, 68, 10, 96, 105, 4, 8, 2, 66, 64, 97, 67, 33, 3, 70, 99, 35, 72, 65, 1], [127, 48, 50, 115, 114, 112, 109, 51, 55, 108, 61, 45, 121, 44, 53, 120, 58, 52, 25, 38, 42, 124, 23, 89, 123, 87, 18, 106, 113, 92, 63, 22, 82, 125, 122, 60, 126, 40, 77, 54, 59, 9, 29, 86, 73, 116, 32, 17, 101, 13, 94, 83, 30, 12, 19, 56, 26, 84, 20, 80, 16, 76, 57, 21, 85, 102, 119, 81, 98, 37, 104, 36, 27, 90, 7, 15, 111, 79, 75, 110, 103, 41, 78, 10, 34, 69, 62, 47, 11, 118, 95, 74, 5, 71, 31, 14, 91, 46, 28, 117, 88, 43, 49, 0, 96, 39, 100, 107, 6, 64, 8, 24, 105, 2, 67, 66, 33, 70, 68, 4, 97, 3, 93, 99, 72, 35, 65, 1], [127, 50, 48, 114, 115, 112, 109, 51, 45, 108, 55, 61, 44, 121, 53, 120, 58, 52, 25, 38, 123, 23, 22, 124, 82, 42, 87, 18, 106, 113, 89, 63, 92, 126, 122, 125, 84, 40, 60, 13, 54, 116, 83, 12, 32, 73, 59, 101, 94, 29, 86, 17, 9, 85, 57, 30, 16, 77, 21, 19, 26, 111, 56, 81, 20, 110, 80, 98, 76, 75, 117, 90, 79, 102, 91, 37, 71, 15, 119, 36, 103, 34, 78, 5, 46, 27, 95, 39, 11, 62, 7, 104, 14, 31, 47, 41, 24, 69, 64, 74, 105, 49, 10, 118, 0, 96, 43, 28, 88, 93, 6, 100, 107, 3, 2, 67, 4, 70, 68, 33, 66, 72, 8, 97, 99, 1, 35, 65], [127, 50, 48, 114, 115, 109, 112, 51, 45, 55, 61, 108, 121, 53, 44, 120, 58, 52, 25, 38, 123, 23, 124, 92, 126, 113, 42, 63, 87, 89, 106, 116, 22, 122, 82, 125, 18, 40, 32, 59, 54, 30, 86, 101, 29, 94, 84, 77, 73, 17, 57, 9, 83, 21, 85, 13, 60, 19, 119, 12, 118, 26, 110, 98, 20, 16, 111, 81, 41, 56, 103, 79, 90, 80, 37, 76, 102, 117, 15, 75, 27, 49, 34, 71, 36, 43, 78, 47, 62, 46, 91, 74, 107, 104, 69, 11, 100, 96, 24, 14, 28, 7, 64, 31, 39, 0, 95, 5, 105, 10, 72, 93, 68, 88, 97, 2, 4, 33, 70, 3, 6, 35, 99, 66, 67, 65, 8, 1], [127, 50, 48, 115, 109, 114, 112, 55, 51, 45, 61, 108, 121, 44, 120, 53, 52, 58, 25, 124, 23, 38, 123, 92, 63, 87, 106, 89, 42, 59, 113, 60, 122, 54, 125, 18, 116, 82, 126, 32, 40, 22, 118, 83, 111, 119, 19, 57, 77, 56, 9, 29, 20, 26, 101, 73, 102, 12, 94, 86, 30, 85, 81, 84, 13, 17, 49, 117, 80, 16, 36, 76, 98, 75, 21, 27, 103, 41, 110, 47, 104, 90, 71, 37, 62, 78, 79, 91, 95, 15, 34, 105, 46, 43, 11, 31, 39, 69, 14, 74, 5, 7, 88, 64, 96, 100, 107, 10, 28, 70, 93, 24, 33, 0, 2, 68, 4, 66, 97, 72, 3, 99, 6, 35, 67, 65, 1, 8], [127, 50, 48, 114, 115, 112, 109, 51, 55, 108, 61, 45, 121, 44, 53, 120, 58, 52, 123, 38, 25, 124, 23, 89, 87, 116, 113, 125, 106, 18, 60, 82, 63, 92, 42, 126, 22, 40, 122, 32, 9, 73, 59, 101, 77, 13, 54, 12, 83, 30, 84, 94, 81, 110, 85, 19, 29, 57, 17, 119, 86, 26, 80, 111, 16, 76, 36, 56, 21, 49, 20, 117, 41, 15, 102, 79, 75, 71, 98, 46, 37, 34, 103, 69, 74, 27, 39, 91, 5, 0, 7, 11, 90, 78, 104, 118, 14, 96, 62, 24, 10, 47, 95, 31, 70, 105, 28, 64, 100, 72, 2, 43, 4, 66, 67, 107, 88, 93, 97, 3, 33, 68, 35, 6, 99, 65, 1, 8], [127, 50, 114, 115, 48, 112, 109, 51, 108, 45, 61, 44, 55, 121, 53, 120, 58, 52, 124, 38, 23, 25, 63, 123, 113, 89, 42, 92, 18, 22, 122, 87, 82, 60, 116, 106, 40, 125, 59, 126, 73, 77, 32, 54, 12, 13, 83, 94, 9, 101, 85, 81, 110, 29, 30, 17, 16, 19, 111, 86, 20, 76, 80, 119, 75, 26, 37, 56, 36, 117, 62, 49, 98, 102, 41, 84, 90, 57, 71, 118, 27, 79, 104, 103, 34, 69, 21, 15, 70, 11, 46, 64, 14, 7, 5, 10, 47, 105, 95, 74, 78, 72, 43, 39, 2, 91, 88, 96, 31, 28, 100, 0, 66, 107, 24, 4, 33, 3, 93, 67, 97, 99, 68, 35, 6, 65, 1, 8], [127, 50, 48, 115, 114, 112, 109, 51, 55, 108, 61, 45, 44, 53, 121, 120, 58, 52, 25, 124, 38, 123, 23, 42, 89, 113, 87, 92, 22, 63, 82, 18, 106, 60, 122, 126, 116, 59, 40, 125, 77, 17, 32, 13, 73, 56, 94, 9, 86, 83, 81, 29, 12, 19, 80, 101, 54, 16, 30, 84, 20, 85, 21, 102, 26, 76, 111, 57, 75, 117, 98, 36, 62, 79, 47, 118, 41, 110, 15, 71, 90, 46, 7, 103, 78, 34, 14, 49, 27, 74, 37, 119, 11, 105, 39, 69, 91, 104, 70, 31, 5, 64, 100, 10, 95, 96, 88, 43, 72, 24, 33, 107, 68, 0, 2, 93, 28, 4, 66, 6, 67, 3, 97, 99, 35, 8, 65, 1], [127, 50, 48, 115, 114, 51, 109, 112, 45, 108, 61, 55, 121, 44, 53, 120, 58, 52, 25, 123, 23, 124, 38, 42, 87, 106, 89, 116, 60, 113, 126, 18, 125, 92, 122, 82, 40, 63, 22, 77, 94, 29, 30, 73, 59, 9, 32, 101, 17, 86, 13, 12, 83, 81, 80, 20, 56, 54, 85, 26, 76, 111, 118, 84, 57, 21, 16, 98, 19, 41, 102, 62, 110, 117, 36, 71, 7, 37, 34, 49, 75, 47, 79, 15, 69, 27, 119, 90, 78, 10, 104, 64, 0, 24, 91, 11, 39, 14, 95, 96, 74, 5, 93, 46, 31, 103, 107, 43, 6, 33, 105, 28, 88, 67, 72, 100, 2, 66, 3, 68, 70, 4, 35, 8, 97, 99, 1, 65], [127, 50, 48, 115, 114, 109, 112, 51, 55, 108, 45, 61, 121, 44, 53, 120, 52, 58, 25, 38, 123, 23, 124, 42, 87, 89, 92, 113, 22, 82, 60, 106, 18, 63, 40, 116, 125, 13, 126, 29, 59, 122, 32, 9, 54, 83, 57, 12, 94, 73, 81, 77, 26, 101, 20, 16, 86, 19, 30, 17, 85, 111, 56, 75, 84, 80, 21, 102, 15, 76, 36, 110, 117, 41, 98, 90, 78, 14, 62, 118, 79, 37, 10, 11, 49, 7, 91, 119, 47, 71, 27, 24, 103, 31, 43, 46, 74, 96, 34, 95, 100, 69, 5, 105, 104, 39, 6, 64, 28, 88, 93, 107, 0, 67, 72, 3, 4, 68, 33, 2, 70, 97, 66, 8, 35, 99, 1, 65]], "model.layers.25.self_attn.q_proj": [[62, 102, 124, 121, 56, 60, 97, 47, 50, 63, 38, 93, 114, 24, 127, 117, 95, 86, 105, 53, 89, 41, 35, 29, 43, 106, 115, 51, 52, 22, 37, 49, 103, 122, 20, 25, 123, 59, 87, 55, 33, 83, 91, 116, 57, 58, 100, 36, 99, 79, 27, 26, 46, 113, 111, 92, 108, 112, 109, 94, 61, 48, 125, 82, 19, 110, 54, 34, 42, 17, 39, 44, 12, 119, 126, 18, 118, 80, 120, 101, 104, 40, 45, 77, 98, 32, 16, 96, 28, 30, 107, 31, 90, 88, 21, 23, 81, 85, 70, 75, 84, 74, 72, 9, 4, 78, 15, 2, 14, 8, 76, 13, 67, 11, 0, 5, 66, 71, 10, 7, 73, 6, 68, 65, 3, 1, 64, 69], [102, 62, 93, 121, 124, 24, 97, 83, 56, 35, 60, 127, 85, 81, 13, 21, 17, 63, 86, 20, 22, 98, 36, 25, 123, 114, 92, 19, 120, 77, 84, 46, 74, 78, 48, 116, 111, 76, 52, 49, 11, 95, 33, 30, 32, 79, 115, 1, 38, 9, 71, 28, 122, 88, 34, 69, 31, 12, 104, 75, 101, 7, 66, 80, 108, 0, 43, 99, 117, 67, 29, 4, 72, 107, 8, 90, 113, 70, 58, 96, 23, 119, 103, 27, 26, 37, 18, 59, 54, 87, 14, 15, 126, 89, 16, 91, 94, 105, 53, 125, 10, 40, 106, 2, 51, 6, 118, 39, 82, 68, 42, 100, 73, 57, 50, 44, 3, 61, 65, 47, 41, 110, 55, 64, 45, 109, 112, 5], [62, 124, 102, 60, 97, 122, 123, 116, 93, 38, 44, 117, 43, 127, 59, 121, 87, 48, 114, 53, 118, 24, 89, 54, 39, 29, 58, 46, 94, 56, 40, 25, 82, 119, 57, 95, 106, 50, 125, 108, 99, 51, 49, 20, 109, 55, 47, 86, 126, 52, 111, 112, 63, 113, 45, 41, 91, 98, 104, 42, 110, 22, 79, 61, 115, 120, 103, 100, 31, 27, 92, 107, 17, 23, 105, 37, 35, 76, 85, 36, 34, 90, 101, 80, 32, 33, 96, 26, 28, 84, 12, 30, 13, 21, 18, 83, 19, 77, 15, 81, 16, 8, 9, 88, 74, 78, 7, 6, 73, 11, 75, 14, 70, 71, 10, 4, 5, 72, 68, 69, 2, 3, 67, 1, 66, 65, 64, 0], [62, 121, 102, 117, 124, 114, 60, 49, 50, 53, 116, 97, 123, 43, 38, 108, 122, 93, 45, 63, 127, 94, 59, 113, 104, 46, 58, 25, 44, 87, 125, 106, 61, 52, 54, 109, 17, 31, 118, 111, 56, 48, 47, 103, 33, 42, 119, 51, 120, 112, 34, 126, 29, 110, 107, 115, 57, 41, 40, 55, 89, 28, 105, 39, 22, 99, 37, 27, 98, 95, 82, 85, 90, 86, 100, 35, 20, 30, 26, 91, 36, 101, 24, 79, 96, 76, 80, 32, 19, 18, 23, 12, 92, 21, 8, 11, 84, 75, 77, 64, 1, 78, 10, 6, 16, 14, 0, 83, 4, 66, 74, 68, 69, 81, 67, 72, 7, 2, 70, 5, 71, 9, 65, 13, 73, 88, 3, 15], [58, 126, 117, 39, 111, 124, 59, 48, 51, 112, 25, 125, 54, 127, 47, 118, 123, 35, 62, 21, 55, 57, 89, 113, 96, 49, 63, 50, 60, 53, 61, 119, 116, 56, 29, 91, 45, 120, 110, 87, 52, 23, 114, 82, 42, 121, 122, 115, 46, 85, 109, 44, 108, 80, 27, 76, 107, 20, 105, 14, 93, 106, 83, 99, 41, 40, 43, 104, 38, 102, 9, 103, 28, 18, 31, 32, 16, 101, 36, 22, 95, 100, 79, 24, 8, 88, 81, 12, 13, 4, 84, 78, 92, 33, 71, 90, 37, 86, 97, 10, 69, 6, 94, 34, 3, 11, 30, 74, 75, 98, 73, 19, 77, 26, 66, 7, 70, 72, 17, 15, 2, 5, 0, 68, 64, 67, 1, 65], [111, 117, 58, 126, 39, 124, 59, 51, 48, 118, 25, 21, 50, 57, 54, 127, 55, 91, 125, 62, 112, 49, 113, 47, 63, 53, 110, 96, 61, 52, 119, 123, 116, 35, 56, 60, 120, 29, 87, 89, 23, 42, 121, 115, 45, 114, 46, 85, 82, 44, 108, 122, 109, 80, 76, 27, 107, 14, 106, 93, 41, 37, 105, 9, 102, 38, 43, 83, 104, 88, 40, 8, 20, 99, 100, 18, 24, 12, 28, 31, 10, 13, 81, 79, 32, 71, 101, 92, 103, 36, 69, 97, 30, 78, 94, 4, 33, 6, 16, 70, 22, 3, 90, 98, 95, 34, 86, 84, 26, 73, 19, 75, 74, 7, 11, 66, 5, 72, 77, 17, 65, 64, 15, 2, 67, 1, 68, 0], [117, 126, 39, 58, 111, 124, 59, 51, 48, 112, 21, 25, 57, 54, 127, 118, 62, 29, 55, 110, 50, 125, 49, 53, 35, 96, 91, 123, 63, 52, 61, 119, 113, 56, 116, 89, 120, 60, 45, 47, 87, 115, 121, 114, 82, 23, 80, 46, 44, 108, 85, 122, 42, 109, 107, 27, 76, 83, 14, 105, 102, 40, 38, 43, 9, 103, 28, 41, 106, 104, 20, 93, 8, 99, 32, 10, 13, 31, 37, 24, 36, 18, 81, 79, 12, 88, 70, 100, 16, 71, 92, 78, 101, 34, 22, 84, 33, 90, 94, 3, 7, 6, 97, 86, 69, 95, 73, 11, 30, 4, 75, 98, 19, 74, 72, 77, 66, 26, 15, 17, 2, 5, 64, 1, 0, 68, 65, 67], [126, 117, 39, 58, 111, 124, 51, 59, 48, 21, 25, 112, 54, 57, 62, 55, 127, 89, 125, 96, 63, 118, 29, 123, 50, 53, 113, 35, 110, 49, 61, 52, 60, 119, 120, 56, 116, 87, 91, 47, 23, 42, 45, 121, 44, 114, 80, 115, 122, 85, 46, 82, 108, 109, 83, 14, 76, 107, 27, 20, 40, 105, 102, 9, 8, 103, 106, 43, 38, 104, 41, 99, 93, 32, 18, 31, 4, 28, 79, 37, 95, 36, 24, 16, 84, 10, 100, 13, 22, 101, 81, 12, 92, 33, 90, 71, 78, 97, 30, 69, 70, 86, 88, 34, 94, 6, 11, 19, 98, 73, 3, 75, 74, 26, 7, 72, 77, 15, 17, 0, 66, 5, 64, 68, 65, 1, 2, 67], [40, 59, 34, 90, 83, 12, 53, 91, 63, 88, 17, 95, 45, 112, 85, 31, 79, 9, 124, 123, 13, 6, 108, 119, 113, 5, 109, 74, 126, 72, 99, 93, 96, 15, 78, 114, 62, 58, 47, 28, 29, 61, 55, 8, 73, 107, 18, 97, 52, 35, 41, 20, 86, 48, 14, 33, 87, 76, 94, 127, 122, 92, 16, 50, 121, 11, 98, 82, 116, 24, 101, 57, 110, 77, 120, 103, 10, 51, 71, 111, 49, 38, 60, 125, 54, 115, 42, 56, 105, 118, 106, 80, 23, 44, 46, 69, 100, 26, 117, 32, 39, 30, 102, 43, 36, 81, 89, 7, 37, 27, 22, 21, 84, 19, 25, 75, 70, 3, 2, 67, 4, 68, 64, 1, 66, 104, 0, 65], [40, 59, 34, 90, 124, 88, 83, 13, 63, 126, 79, 17, 85, 6, 95, 50, 121, 118, 53, 48, 46, 127, 12, 45, 10, 91, 106, 103, 22, 29, 4, 72, 116, 68, 74, 96, 60, 98, 55, 99, 112, 11, 58, 9, 125, 35, 69, 41, 24, 115, 120, 43, 31, 37, 61, 122, 62, 0, 39, 33, 113, 123, 105, 110, 78, 21, 77, 84, 107, 51, 67, 20, 7, 87, 54, 119, 28, 38, 47, 14, 73, 114, 82, 93, 26, 75, 117, 32, 94, 66, 18, 42, 56, 108, 111, 52, 44, 36, 1, 109, 2, 8, 102, 15, 30, 70, 23, 19, 71, 57, 86, 92, 49, 76, 81, 100, 101, 80, 27, 89, 97, 5, 16, 25, 104, 3, 65, 64], [40, 59, 34, 90, 85, 83, 127, 124, 63, 53, 17, 48, 88, 110, 116, 118, 79, 95, 13, 113, 29, 58, 96, 91, 31, 42, 111, 121, 12, 24, 11, 50, 94, 115, 98, 38, 45, 60, 10, 112, 47, 14, 114, 103, 125, 22, 55, 108, 25, 35, 44, 119, 109, 100, 36, 9, 57, 56, 86, 117, 102, 49, 26, 39, 72, 28, 6, 71, 61, 101, 23, 89, 52, 43, 27, 122, 41, 21, 51, 33, 123, 62, 30, 126, 54, 106, 105, 87, 37, 99, 46, 97, 92, 107, 84, 93, 120, 20, 0, 18, 104, 81, 16, 4, 82, 76, 78, 32, 15, 19, 80, 1, 7, 68, 74, 69, 75, 2, 8, 77, 73, 70, 66, 3, 5, 67, 65, 64], [40, 59, 34, 90, 88, 83, 124, 79, 17, 13, 95, 53, 12, 118, 9, 58, 126, 72, 85, 24, 63, 81, 4, 48, 114, 86, 2, 71, 11, 6, 45, 44, 112, 121, 75, 103, 116, 1, 50, 10, 105, 14, 0, 110, 3, 31, 69, 60, 78, 42, 46, 106, 39, 120, 74, 67, 115, 54, 32, 29, 43, 26, 98, 62, 8, 51, 113, 68, 52, 7, 20, 22, 21, 80, 91, 65, 92, 107, 57, 35, 37, 47, 56, 127, 84, 18, 89, 125, 16, 77, 15, 19, 94, 41, 96, 82, 108, 70, 55, 25, 109, 104, 76, 28, 49, 27, 61, 64, 93, 97, 23, 36, 100, 33, 99, 122, 111, 101, 66, 30, 119, 38, 73, 123, 102, 117, 87, 5], [58, 61, 127, 56, 38, 120, 125, 53, 89, 52, 115, 112, 107, 50, 83, 122, 57, 106, 124, 59, 116, 85, 60, 119, 23, 114, 118, 121, 123, 117, 55, 126, 87, 48, 99, 46, 96, 102, 49, 63, 110, 54, 62, 51, 111, 47, 76, 109, 113, 29, 45, 94, 41, 18, 44, 91, 42, 16, 28, 43, 36, 25, 104, 108, 103, 92, 78, 95, 40, 90, 82, 105, 80, 100, 35, 84, 39, 14, 17, 26, 34, 73, 70, 69, 12, 71, 32, 21, 13, 22, 37, 3, 74, 7, 27, 101, 20, 97, 98, 24, 31, 11, 33, 86, 79, 9, 30, 93, 8, 15, 88, 68, 72, 75, 5, 19, 10, 77, 81, 66, 4, 2, 6, 1, 64, 67, 65, 0], [56, 127, 61, 58, 38, 120, 89, 125, 53, 52, 50, 115, 59, 57, 124, 83, 114, 107, 119, 116, 112, 85, 106, 122, 118, 60, 55, 121, 123, 117, 126, 102, 23, 99, 63, 51, 54, 49, 110, 48, 46, 62, 96, 45, 29, 111, 47, 87, 94, 109, 113, 18, 25, 43, 76, 16, 41, 95, 44, 42, 90, 36, 91, 108, 104, 103, 92, 28, 40, 35, 80, 105, 73, 78, 84, 100, 39, 21, 82, 17, 70, 32, 71, 37, 13, 31, 98, 14, 8, 74, 26, 97, 22, 12, 101, 79, 24, 34, 27, 86, 11, 3, 15, 7, 20, 30, 33, 69, 77, 93, 68, 9, 72, 10, 19, 88, 81, 5, 0, 2, 6, 75, 4, 67, 1, 64, 65, 66], [61, 127, 58, 38, 56, 125, 120, 53, 89, 52, 115, 107, 50, 124, 83, 57, 59, 119, 116, 114, 85, 112, 121, 118, 126, 60, 122, 55, 123, 46, 23, 117, 48, 49, 106, 110, 62, 99, 63, 51, 102, 96, 54, 94, 87, 111, 47, 42, 29, 45, 113, 109, 16, 18, 25, 76, 43, 28, 41, 44, 108, 103, 40, 78, 95, 36, 90, 105, 104, 91, 80, 92, 39, 84, 82, 100, 73, 34, 35, 17, 21, 37, 14, 32, 71, 13, 12, 26, 22, 33, 70, 101, 97, 20, 74, 86, 11, 27, 98, 79, 68, 8, 15, 10, 24, 30, 93, 31, 9, 72, 77, 3, 69, 7, 88, 19, 75, 6, 81, 5, 4, 0, 65, 2, 64, 66, 1, 67], [127, 61, 56, 38, 58, 120, 89, 125, 53, 52, 57, 50, 115, 119, 59, 124, 114, 83, 116, 55, 107, 112, 23, 85, 123, 122, 121, 63, 118, 126, 99, 60, 62, 110, 117, 29, 48, 49, 106, 96, 94, 102, 87, 51, 54, 46, 45, 111, 47, 113, 109, 16, 18, 25, 43, 42, 44, 76, 90, 41, 91, 28, 108, 36, 92, 103, 104, 84, 40, 82, 14, 105, 26, 37, 35, 80, 100, 34, 95, 32, 39, 17, 12, 22, 69, 21, 3, 78, 13, 97, 70, 71, 101, 73, 74, 24, 98, 11, 20, 8, 86, 27, 33, 31, 30, 79, 93, 68, 72, 7, 10, 9, 15, 19, 81, 88, 77, 5, 75, 2, 4, 1, 6, 65, 66, 0, 64, 67], [42, 98, 106, 112, 26, 36, 21, 49, 118, 16, 94, 18, 54, 22, 48, 31, 60, 14, 13, 95, 101, 77, 93, 9, 123, 116, 88, 90, 114, 125, 58, 38, 113, 127, 53, 92, 15, 19, 8, 63, 47, 20, 52, 17, 99, 61, 124, 46, 12, 55, 111, 23, 73, 29, 27, 120, 115, 117, 84, 28, 122, 87, 10, 105, 51, 85, 33, 72, 24, 109, 104, 44, 34, 97, 74, 126, 45, 102, 43, 40, 30, 75, 59, 62, 107, 50, 4, 39, 100, 81, 108, 119, 121, 57, 41, 76, 2, 83, 35, 110, 71, 89, 64, 103, 37, 56, 67, 80, 7, 32, 91, 11, 82, 79, 25, 86, 96, 6, 0, 3, 78, 5, 1, 69, 65, 66, 70, 68], [42, 118, 98, 36, 106, 26, 18, 21, 124, 116, 63, 49, 111, 127, 54, 112, 123, 52, 88, 94, 24, 122, 126, 48, 31, 22, 99, 117, 53, 110, 55, 121, 58, 16, 38, 101, 20, 92, 47, 62, 33, 59, 61, 90, 95, 12, 51, 119, 60, 108, 46, 109, 8, 57, 29, 30, 120, 114, 28, 50, 44, 93, 11, 14, 113, 86, 125, 115, 107, 100, 39, 43, 77, 105, 56, 4, 34, 79, 97, 103, 40, 41, 27, 104, 45, 15, 37, 82, 102, 35, 23, 2, 10, 13, 96, 85, 74, 32, 75, 91, 25, 89, 0, 7, 87, 83, 84, 17, 19, 1, 73, 80, 71, 9, 81, 76, 6, 64, 67, 68, 5, 65, 78, 72, 66, 69, 70, 3], [42, 98, 118, 126, 106, 36, 26, 18, 112, 127, 24, 21, 48, 88, 46, 31, 41, 94, 63, 116, 20, 113, 125, 62, 53, 11, 54, 7, 8, 16, 52, 38, 49, 12, 124, 121, 123, 99, 111, 122, 39, 60, 4, 2, 50, 58, 109, 114, 120, 86, 117, 95, 90, 47, 30, 119, 57, 61, 1, 55, 33, 59, 79, 14, 56, 77, 37, 44, 51, 115, 103, 101, 92, 91, 107, 43, 75, 29, 6, 64, 102, 40, 110, 97, 105, 22, 108, 9, 80, 23, 45, 89, 19, 96, 93, 27, 82, 13, 67, 0, 104, 35, 83, 34, 17, 69, 85, 100, 32, 10, 74, 73, 25, 5, 76, 28, 84, 15, 81, 66, 87, 72, 65, 68, 71, 78, 3, 70], [42, 98, 106, 26, 31, 20, 16, 21, 18, 36, 112, 54, 75, 14, 77, 113, 9, 73, 49, 94, 79, 76, 15, 93, 116, 123, 118, 90, 101, 70, 10, 7, 19, 8, 1, 60, 53, 48, 6, 69, 58, 84, 74, 3, 34, 127, 78, 107, 114, 71, 99, 88, 0, 17, 2, 41, 105, 125, 67, 87, 109, 81, 25, 68, 119, 11, 28, 23, 22, 13, 27, 80, 40, 12, 64, 91, 82, 37, 72, 52, 4, 61, 47, 83, 62, 85, 38, 92, 24, 33, 32, 122, 44, 66, 115, 111, 46, 39, 86, 65, 104, 110, 102, 108, 120, 45, 63, 50, 96, 89, 5, 29, 55, 56, 95, 126, 57, 117, 59, 97, 100, 35, 121, 51, 124, 43, 30, 103], [39, 63, 64, 0, 66, 1, 12, 121, 3, 4, 2, 69, 79, 77, 9, 23, 87, 74, 70, 122, 43, 49, 7, 108, 127, 42, 83, 85, 53, 46, 67, 118, 48, 61, 18, 115, 31, 58, 93, 103, 113, 68, 45, 59, 105, 16, 99, 40, 47, 124, 52, 60, 75, 17, 20, 78, 89, 97, 19, 71, 114, 100, 112, 111, 33, 65, 55, 11, 84, 126, 25, 50, 57, 5, 88, 51, 116, 81, 6, 90, 102, 120, 98, 117, 14, 86, 21, 30, 109, 34, 32, 41, 92, 94, 80, 13, 10, 27, 28, 106, 73, 38, 56, 26, 123, 76, 96, 82, 101, 35, 29, 54, 15, 119, 36, 107, 22, 37, 8, 110, 91, 72, 104, 95, 125, 44, 24, 62], [39, 63, 87, 122, 79, 77, 121, 74, 12, 118, 9, 31, 46, 69, 4, 66, 83, 127, 23, 115, 108, 3, 17, 70, 64, 1, 93, 49, 100, 18, 43, 75, 20, 41, 52, 15, 72, 90, 85, 58, 42, 89, 7, 82, 16, 48, 78, 59, 13, 60, 113, 27, 124, 109, 50, 10, 94, 8, 112, 80, 92, 95, 125, 99, 106, 35, 67, 96, 117, 53, 114, 97, 81, 29, 19, 24, 91, 123, 55, 86, 11, 104, 56, 126, 111, 36, 21, 105, 101, 57, 71, 6, 65, 116, 62, 119, 54, 61, 45, 51, 26, 22, 33, 84, 47, 40, 120, 110, 88, 37, 38, 28, 14, 73, 34, 107, 25, 102, 44, 30, 98, 76, 68, 0, 5, 32, 2, 103], [39, 63, 64, 0, 1, 121, 12, 74, 4, 3, 23, 9, 69, 79, 77, 66, 87, 70, 2, 122, 43, 108, 49, 42, 127, 83, 46, 53, 93, 7, 68, 99, 48, 52, 61, 67, 5, 118, 40, 103, 31, 18, 85, 59, 113, 45, 58, 112, 114, 6, 65, 81, 60, 55, 120, 105, 51, 100, 116, 88, 71, 115, 25, 90, 126, 80, 34, 91, 22, 86, 14, 33, 11, 124, 17, 16, 78, 47, 72, 73, 20, 101, 94, 56, 123, 57, 37, 19, 89, 75, 8, 111, 35, 106, 109, 82, 29, 10, 36, 26, 97, 62, 27, 98, 96, 54, 28, 24, 92, 84, 119, 125, 117, 38, 104, 30, 76, 32, 95, 41, 102, 50, 107, 44, 13, 15, 110, 21], [39, 63, 74, 79, 9, 87, 77, 12, 4, 121, 3, 66, 64, 23, 1, 70, 69, 43, 108, 18, 72, 127, 93, 49, 42, 2, 122, 46, 67, 20, 31, 115, 40, 83, 5, 113, 48, 7, 53, 118, 61, 27, 68, 60, 45, 6, 19, 125, 100, 97, 52, 24, 114, 16, 124, 111, 71, 112, 58, 81, 47, 89, 13, 85, 17, 34, 10, 99, 86, 8, 14, 78, 76, 73, 59, 26, 82, 90, 51, 92, 33, 84, 120, 11, 75, 0, 65, 119, 29, 22, 126, 57, 62, 32, 80, 28, 95, 30, 117, 56, 88, 25, 116, 15, 94, 37, 105, 36, 104, 91, 109, 21, 102, 98, 41, 35, 50, 123, 55, 106, 101, 107, 44, 96, 110, 38, 54, 103], [106, 36, 85, 42, 63, 83, 77, 113, 80, 15, 6, 73, 122, 124, 91, 74, 119, 3, 71, 48, 27, 115, 68, 58, 127, 0, 2, 76, 25, 98, 50, 112, 95, 66, 32, 57, 118, 67, 93, 69, 94, 75, 12, 61, 9, 87, 65, 56, 5, 14, 1, 10, 19, 29, 22, 121, 79, 126, 4, 16, 11, 81, 13, 84, 125, 8, 54, 37, 64, 109, 7, 110, 88, 21, 116, 114, 70, 39, 46, 30, 120, 105, 33, 41, 18, 99, 55, 20, 23, 123, 86, 78, 59, 72, 102, 90, 52, 51, 34, 49, 82, 104, 117, 107, 26, 89, 96, 24, 53, 111, 45, 28, 40, 31, 17, 97, 44, 60, 35, 108, 62, 103, 43, 101, 47, 92, 38, 100], [106, 36, 63, 42, 122, 85, 91, 58, 83, 124, 48, 80, 113, 77, 50, 27, 61, 112, 119, 15, 93, 116, 29, 25, 87, 98, 115, 120, 95, 73, 59, 32, 74, 114, 46, 123, 51, 57, 35, 71, 45, 109, 117, 126, 44, 2, 121, 54, 94, 30, 96, 118, 127, 52, 47, 111, 65, 56, 125, 108, 60, 68, 105, 49, 110, 6, 41, 62, 90, 55, 26, 21, 39, 99, 86, 17, 53, 10, 81, 8, 38, 107, 11, 101, 43, 19, 78, 104, 40, 103, 75, 33, 82, 66, 102, 18, 20, 37, 88, 5, 14, 0, 23, 79, 97, 92, 24, 31, 16, 76, 28, 34, 89, 22, 3, 12, 84, 64, 72, 7, 13, 100, 69, 1, 9, 4, 70, 67], [106, 36, 63, 42, 122, 113, 85, 91, 50, 83, 27, 80, 117, 61, 48, 124, 25, 112, 29, 118, 98, 87, 93, 52, 123, 77, 95, 60, 15, 119, 32, 59, 58, 127, 115, 57, 96, 90, 53, 126, 51, 120, 17, 73, 54, 35, 49, 40, 94, 114, 41, 109, 45, 46, 44, 121, 55, 111, 116, 21, 110, 62, 47, 105, 74, 71, 56, 30, 125, 108, 99, 39, 107, 38, 88, 103, 24, 43, 6, 104, 11, 86, 23, 101, 78, 102, 37, 34, 20, 19, 97, 5, 79, 31, 75, 28, 8, 33, 14, 81, 22, 92, 68, 89, 100, 84, 10, 16, 66, 26, 12, 2, 82, 0, 13, 76, 69, 72, 18, 65, 3, 7, 4, 9, 67, 70, 1, 64], [106, 36, 122, 42, 85, 124, 113, 48, 91, 50, 83, 127, 93, 58, 63, 59, 27, 98, 80, 118, 32, 126, 77, 47, 15, 87, 29, 25, 73, 95, 35, 115, 57, 109, 119, 96, 39, 90, 54, 114, 17, 112, 55, 123, 99, 56, 94, 21, 71, 41, 117, 30, 74, 45, 11, 51, 61, 38, 6, 75, 52, 121, 49, 103, 5, 68, 46, 62, 120, 34, 111, 2, 116, 40, 60, 125, 110, 53, 108, 105, 86, 18, 24, 33, 44, 43, 107, 97, 81, 102, 104, 26, 19, 12, 88, 37, 101, 79, 10, 72, 89, 78, 8, 20, 31, 82, 92, 16, 28, 14, 23, 84, 0, 76, 3, 22, 65, 66, 13, 69, 100, 7, 9, 4, 70, 64, 67, 1], [108, 111, 93, 44, 24, 14, 125, 116, 15, 72, 85, 74, 82, 19, 121, 98, 76, 6, 47, 124, 81, 36, 63, 20, 35, 37, 119, 95, 1, 25, 11, 87, 3, 33, 67, 68, 126, 38, 97, 57, 64, 27, 34, 100, 29, 55, 77, 60, 96, 13, 51, 65, 40, 4, 62, 49, 70, 105, 123, 75, 52, 5, 30, 0, 79, 43, 73, 86, 41, 92, 71, 9, 56, 46, 113, 88, 32, 117, 112, 80, 31, 50, 7, 109, 103, 127, 84, 53, 107, 23, 10, 48, 104, 26, 106, 114, 45, 12, 115, 122, 83, 120, 90, 78, 2, 61, 89, 21, 17, 18, 99, 42, 28, 101, 110, 102, 59, 118, 54, 8, 94, 66, 22, 16, 58, 69, 39, 91], [108, 44, 111, 93, 74, 14, 24, 116, 72, 124, 125, 82, 76, 85, 19, 68, 15, 6, 36, 1, 98, 64, 13, 47, 87, 81, 37, 63, 4, 20, 126, 121, 100, 65, 29, 53, 3, 67, 35, 119, 46, 7, 51, 60, 43, 49, 11, 34, 123, 57, 95, 2, 50, 80, 41, 113, 0, 55, 62, 86, 101, 56, 127, 69, 45, 88, 70, 40, 73, 99, 75, 104, 97, 38, 96, 90, 92, 117, 105, 9, 5, 31, 27, 58, 10, 114, 61, 18, 23, 21, 12, 89, 25, 71, 33, 42, 83, 66, 102, 103, 77, 120, 107, 30, 112, 79, 54, 8, 122, 59, 78, 118, 28, 115, 48, 84, 16, 110, 106, 91, 26, 22, 32, 39, 52, 94, 17, 109], [108, 111, 44, 125, 93, 24, 82, 15, 14, 76, 13, 74, 50, 68, 36, 116, 124, 72, 19, 98, 1, 6, 121, 113, 0, 87, 20, 86, 89, 67, 9, 64, 47, 37, 126, 95, 34, 53, 60, 35, 11, 71, 63, 4, 33, 32, 119, 92, 29, 100, 127, 41, 22, 3, 62, 84, 73, 83, 80, 55, 59, 49, 46, 123, 85, 70, 16, 57, 94, 23, 43, 7, 56, 88, 27, 65, 52, 115, 51, 8, 120, 90, 96, 105, 30, 26, 31, 102, 103, 69, 110, 40, 97, 61, 81, 91, 42, 17, 28, 114, 38, 18, 106, 104, 10, 117, 45, 21, 58, 118, 12, 107, 78, 101, 112, 109, 99, 75, 39, 122, 77, 25, 48, 5, 79, 66, 54, 2], [108, 111, 93, 44, 82, 24, 125, 14, 68, 36, 76, 6, 72, 116, 22, 13, 74, 64, 19, 67, 50, 1, 37, 0, 124, 87, 15, 35, 98, 75, 119, 85, 103, 113, 47, 121, 18, 57, 51, 11, 55, 49, 29, 70, 62, 63, 34, 3, 53, 95, 88, 9, 127, 112, 86, 25, 65, 10, 60, 46, 126, 59, 20, 100, 89, 5, 97, 52, 2, 81, 40, 90, 109, 115, 120, 38, 92, 61, 117, 94, 104, 83, 30, 12, 96, 4, 123, 31, 84, 78, 56, 26, 43, 66, 33, 110, 48, 23, 41, 122, 54, 21, 28, 42, 106, 102, 58, 91, 39, 99, 107, 32, 7, 118, 73, 16, 105, 45, 114, 101, 27, 69, 80, 17, 8, 79, 71, 77]], "model.layers.25.self_attn.k_proj": [[62, 38, 121, 33, 124, 56, 127, 29, 20, 60, 72, 13, 26, 79, 83, 63, 74, 17, 91, 16, 78, 50, 24, 86, 80, 4, 77, 52, 71, 49, 22, 32, 25, 19, 102, 100, 123, 53, 47, 6, 9, 28, 120, 5, 18, 93, 117, 113, 12, 75, 99, 115, 3, 46, 110, 2, 54, 126, 119, 36, 111, 82, 44, 42, 95, 70, 116, 40, 34, 23, 57, 30, 87, 61, 118, 59, 43, 81, 8, 48, 92, 125, 58, 45, 106, 94, 11, 51, 41, 122, 88, 108, 0, 112, 107, 105, 55, 103, 65, 109, 37, 114, 21, 101, 31, 27, 89, 67, 10, 96, 104, 97, 85, 98, 35, 39, 68, 90, 1, 15, 84, 73, 14, 64, 7, 76, 69, 66], [103, 22, 99, 117, 126, 58, 32, 111, 59, 124, 51, 119, 60, 48, 62, 54, 93, 92, 114, 127, 61, 57, 123, 116, 56, 49, 120, 52, 55, 121, 63, 110, 46, 112, 50, 125, 122, 118, 113, 30, 53, 89, 43, 109, 44, 86, 115, 45, 41, 108, 42, 100, 104, 47, 40, 37, 27, 106, 107, 38, 35, 91, 105, 82, 34, 84, 97, 101, 80, 81, 14, 29, 79, 102, 21, 16, 36, 33, 90, 26, 94, 83, 78, 20, 18, 87, 76, 98, 31, 28, 19, 74, 24, 11, 85, 12, 95, 23, 25, 6, 7, 39, 77, 17, 96, 5, 8, 13, 75, 72, 15, 88, 68, 10, 67, 73, 2, 0, 1, 4, 9, 71, 69, 3, 66, 70, 65, 64], [59, 104, 98, 90, 83, 17, 13, 79, 72, 112, 63, 31, 12, 88, 24, 75, 118, 85, 0, 53, 50, 9, 124, 1, 4, 71, 121, 126, 14, 6, 86, 68, 81, 10, 67, 2, 125, 116, 111, 66, 123, 42, 55, 109, 41, 45, 11, 25, 57, 47, 52, 107, 46, 60, 7, 26, 28, 115, 20, 114, 49, 51, 95, 69, 48, 108, 58, 56, 18, 103, 84, 29, 74, 44, 91, 62, 94, 106, 22, 33, 54, 92, 122, 39, 21, 30, 119, 110, 82, 113, 117, 99, 16, 100, 105, 93, 89, 38, 8, 87, 23, 27, 43, 96, 80, 78, 102, 35, 120, 76, 97, 32, 3, 77, 101, 36, 37, 127, 70, 65, 61, 19, 15, 73, 5, 34, 64, 40], [102, 22, 61, 127, 35, 56, 58, 32, 125, 50, 52, 120, 60, 53, 30, 59, 98, 116, 111, 86, 49, 117, 55, 126, 115, 119, 124, 118, 110, 123, 54, 92, 121, 33, 63, 112, 122, 57, 48, 113, 16, 109, 62, 114, 51, 28, 43, 26, 46, 44, 47, 108, 42, 45, 100, 106, 36, 107, 105, 14, 18, 85, 27, 40, 99, 41, 37, 83, 104, 103, 101, 25, 11, 39, 89, 24, 34, 20, 77, 19, 29, 38, 23, 90, 91, 87, 82, 12, 17, 97, 94, 31, 93, 84, 74, 95, 72, 79, 96, 13, 5, 88, 73, 78, 15, 70, 8, 4, 10, 81, 67, 9, 80, 1, 6, 21, 76, 66, 7, 64, 75, 71, 2, 68, 0, 69, 3, 65], [106, 34, 30, 26, 49, 48, 118, 14, 64, 21, 88, 16, 42, 116, 18, 54, 123, 8, 6, 119, 20, 121, 60, 117, 53, 127, 114, 124, 55, 120, 31, 63, 4, 126, 105, 104, 87, 58, 67, 107, 10, 12, 2, 3, 28, 122, 99, 110, 74, 56, 47, 57, 125, 83, 111, 59, 1, 46, 109, 108, 62, 9, 52, 86, 43, 61, 51, 115, 112, 40, 44, 45, 98, 37, 113, 50, 79, 23, 17, 84, 65, 13, 101, 102, 39, 35, 103, 89, 22, 25, 41, 38, 77, 27, 73, 95, 100, 29, 75, 33, 11, 93, 19, 96, 68, 70, 32, 7, 36, 81, 91, 66, 97, 71, 15, 78, 69, 82, 94, 92, 5, 76, 0, 85, 72, 80, 24, 90], [63, 103, 64, 121, 9, 65, 1, 79, 12, 66, 4, 77, 69, 3, 87, 74, 70, 122, 44, 113, 107, 118, 110, 106, 67, 23, 127, 48, 52, 115, 18, 58, 68, 7, 20, 5, 85, 59, 81, 6, 40, 105, 50, 83, 31, 93, 61, 78, 53, 117, 47, 89, 39, 2, 33, 60, 27, 19, 124, 46, 43, 125, 75, 95, 109, 16, 17, 80, 84, 35, 10, 36, 29, 49, 126, 25, 72, 42, 90, 112, 55, 116, 11, 54, 92, 99, 98, 71, 56, 97, 73, 0, 21, 86, 111, 45, 15, 41, 37, 38, 82, 30, 51, 101, 8, 96, 62, 114, 24, 104, 91, 26, 14, 88, 119, 28, 120, 123, 100, 57, 94, 108, 34, 22, 32, 102, 76, 13], [42, 63, 122, 83, 85, 100, 112, 0, 119, 80, 15, 77, 91, 73, 124, 29, 115, 50, 57, 127, 66, 106, 25, 113, 96, 71, 6, 61, 87, 109, 34, 126, 121, 74, 65, 68, 3, 58, 75, 1, 49, 45, 11, 46, 2, 111, 56, 90, 51, 30, 44, 125, 120, 95, 8, 17, 81, 5, 14, 60, 4, 98, 31, 24, 108, 55, 23, 93, 41, 89, 59, 116, 27, 36, 110, 52, 12, 118, 102, 62, 86, 35, 10, 47, 94, 114, 104, 54, 48, 101, 105, 82, 43, 33, 18, 103, 78, 107, 40, 20, 38, 22, 99, 117, 53, 123, 28, 92, 7, 39, 84, 37, 26, 97, 76, 88, 32, 69, 13, 72, 64, 67, 16, 19, 70, 21, 79, 9], [44, 111, 108, 6, 0, 93, 47, 24, 14, 72, 76, 68, 65, 74, 64, 82, 2, 15, 53, 66, 125, 124, 50, 67, 116, 9, 85, 19, 87, 20, 81, 121, 119, 52, 13, 3, 57, 70, 75, 34, 101, 7, 11, 113, 73, 54, 86, 100, 62, 51, 127, 55, 80, 126, 120, 112, 10, 90, 16, 123, 104, 63, 60, 110, 49, 41, 61, 97, 45, 32, 107, 4, 96, 105, 89, 115, 95, 58, 59, 114, 22, 83, 88, 122, 79, 37, 36, 31, 5, 1, 109, 33, 56, 43, 117, 98, 46, 103, 118, 99, 94, 27, 39, 28, 23, 21, 42, 91, 35, 102, 29, 25, 40, 69, 38, 48, 106, 84, 30, 71, 26, 92, 18, 77, 12, 17, 78, 8]], "model.layers.25.self_attn.qk_proj": [[63, 59, 42, 62, 106, 44, 111, 58, 127, 124, 61, 108, 121, 126, 117, 56, 122, 15, 93, 64, 50, 0, 79, 102, 125, 60, 77, 19, 118, 53, 13, 85, 90, 104, 10, 12, 23, 83, 115, 21, 36, 38, 76, 24, 113, 87, 98, 26, 103, 123, 73, 112, 119, 9, 74, 88, 116, 49, 52, 27, 68, 48, 47, 120, 6, 82, 34, 65, 46, 18, 4, 2, 39, 55, 57, 114, 67, 80, 51, 16, 1, 78, 17, 66, 54, 70, 29, 14, 99, 3, 40, 8, 31, 81, 86, 72, 110, 95, 97, 89, 33, 20, 84, 43, 22, 35, 109, 41, 25, 107, 32, 94, 69, 91, 100, 96, 7, 5, 71, 11, 105, 37, 28, 30, 75, 45, 101, 92], [63, 59, 42, 62, 106, 44, 111, 127, 58, 61, 124, 121, 117, 108, 126, 56, 122, 0, 93, 102, 15, 50, 79, 64, 125, 77, 60, 19, 23, 118, 10, 21, 12, 112, 53, 103, 38, 76, 83, 13, 6, 90, 98, 115, 74, 119, 88, 113, 4, 24, 36, 9, 87, 116, 85, 104, 26, 49, 39, 48, 68, 73, 123, 120, 52, 47, 34, 65, 40, 2, 29, 82, 27, 57, 46, 1, 16, 66, 18, 55, 54, 72, 78, 14, 80, 17, 51, 3, 70, 99, 110, 114, 81, 89, 31, 22, 67, 97, 20, 109, 94, 8, 95, 43, 33, 25, 86, 107, 84, 41, 100, 5, 11, 75, 71, 96, 45, 28, 91, 69, 35, 105, 7, 30, 37, 92, 32, 101], [63, 59, 42, 62, 106, 44, 111, 127, 58, 61, 126, 108, 121, 124, 117, 56, 64, 93, 122, 125, 50, 79, 60, 0, 77, 118, 15, 83, 13, 112, 19, 119, 23, 90, 102, 36, 76, 21, 38, 98, 10, 74, 116, 115, 87, 24, 12, 120, 85, 73, 103, 9, 104, 113, 53, 49, 88, 4, 34, 48, 39, 6, 68, 82, 29, 26, 52, 66, 47, 27, 2, 1, 65, 72, 123, 3, 16, 18, 57, 70, 67, 80, 54, 51, 55, 46, 40, 78, 114, 14, 99, 17, 31, 89, 81, 110, 86, 35, 94, 22, 20, 109, 33, 84, 100, 25, 95, 107, 91, 96, 43, 69, 71, 105, 5, 8, 97, 92, 41, 28, 75, 32, 7, 11, 45, 30, 101, 37], [63, 59, 42, 106, 62, 44, 58, 111, 127, 61, 121, 108, 126, 117, 56, 124, 122, 125, 0, 93, 64, 50, 79, 53, 102, 60, 77, 15, 83, 115, 13, 112, 113, 19, 21, 10, 85, 118, 38, 12, 119, 74, 76, 87, 73, 23, 26, 98, 104, 34, 9, 36, 24, 88, 39, 6, 120, 52, 49, 116, 55, 4, 103, 68, 65, 66, 67, 72, 40, 90, 80, 48, 3, 47, 16, 46, 123, 114, 18, 54, 1, 78, 82, 27, 110, 57, 29, 70, 14, 99, 2, 17, 81, 51, 31, 89, 86, 94, 33, 20, 43, 22, 109, 45, 97, 69, 35, 84, 25, 100, 41, 5, 71, 8, 7, 95, 91, 96, 105, 107, 28, 75, 32, 92, 11, 30, 101, 37], [63, 59, 62, 42, 106, 44, 58, 111, 127, 121, 126, 61, 108, 56, 117, 124, 125, 122, 50, 93, 79, 60, 15, 0, 102, 64, 13, 77, 118, 119, 23, 83, 53, 113, 98, 38, 74, 85, 116, 104, 112, 76, 73, 19, 115, 12, 36, 90, 10, 21, 103, 123, 34, 4, 9, 49, 88, 55, 24, 52, 87, 26, 72, 46, 68, 120, 70, 48, 27, 39, 65, 18, 2, 57, 82, 1, 47, 16, 14, 99, 66, 114, 51, 81, 80, 6, 17, 54, 29, 40, 67, 78, 31, 3, 22, 110, 86, 25, 33, 94, 35, 95, 20, 107, 89, 84, 43, 109, 41, 97, 75, 69, 105, 45, 7, 101, 71, 5, 92, 96, 28, 30, 100, 91, 8, 32, 11, 37], [63, 59, 106, 62, 42, 44, 58, 111, 127, 121, 61, 124, 126, 108, 56, 117, 122, 93, 125, 79, 50, 64, 0, 15, 13, 102, 77, 83, 118, 115, 119, 36, 23, 85, 90, 21, 98, 87, 52, 12, 88, 19, 112, 38, 60, 113, 34, 10, 49, 104, 76, 73, 53, 103, 26, 4, 9, 116, 74, 24, 27, 72, 68, 70, 39, 17, 1, 14, 51, 16, 46, 81, 66, 57, 55, 47, 48, 6, 82, 2, 3, 40, 123, 18, 120, 80, 65, 99, 54, 114, 67, 22, 78, 86, 110, 97, 29, 84, 35, 31, 89, 94, 25, 41, 20, 32, 33, 109, 69, 107, 43, 100, 5, 75, 95, 7, 8, 105, 71, 96, 28, 11, 30, 45, 92, 91, 37, 101], [63, 59, 42, 106, 62, 44, 111, 127, 58, 121, 61, 108, 124, 126, 117, 56, 122, 79, 93, 102, 15, 0, 77, 64, 125, 19, 13, 85, 26, 118, 113, 60, 98, 38, 119, 21, 112, 83, 76, 116, 88, 74, 90, 104, 50, 12, 23, 103, 36, 1, 9, 49, 10, 53, 24, 52, 73, 57, 48, 39, 70, 34, 87, 18, 47, 46, 27, 16, 82, 115, 72, 2, 51, 81, 123, 80, 65, 68, 99, 14, 120, 67, 66, 17, 78, 55, 4, 54, 6, 29, 40, 3, 25, 22, 86, 31, 35, 114, 94, 41, 33, 110, 109, 89, 8, 100, 107, 84, 5, 20, 75, 97, 32, 95, 11, 28, 91, 7, 45, 30, 69, 71, 43, 105, 101, 37, 96, 92], [63, 59, 62, 42, 106, 44, 58, 111, 127, 121, 124, 108, 61, 117, 126, 56, 122, 93, 125, 0, 64, 79, 60, 15, 50, 118, 13, 77, 116, 112, 38, 21, 90, 102, 52, 83, 19, 23, 103, 26, 85, 119, 10, 48, 12, 36, 98, 113, 24, 53, 88, 76, 87, 74, 70, 57, 39, 27, 73, 65, 9, 49, 47, 104, 1, 51, 29, 4, 68, 34, 46, 18, 123, 115, 2, 55, 66, 82, 78, 16, 120, 54, 72, 81, 99, 80, 6, 110, 22, 95, 86, 14, 17, 40, 3, 67, 31, 33, 114, 89, 25, 94, 35, 8, 84, 97, 100, 107, 41, 43, 28, 20, 109, 45, 91, 69, 5, 96, 7, 30, 75, 32, 37, 11, 105, 71, 92, 101], [63, 59, 42, 106, 62, 44, 111, 58, 127, 124, 121, 61, 108, 117, 126, 56, 122, 93, 125, 0, 64, 15, 50, 79, 85, 13, 102, 77, 38, 90, 19, 118, 112, 83, 116, 21, 23, 26, 103, 60, 119, 113, 24, 88, 53, 76, 12, 10, 48, 52, 74, 68, 87, 73, 34, 46, 27, 39, 36, 9, 98, 47, 115, 4, 104, 51, 29, 49, 70, 1, 120, 65, 82, 123, 14, 80, 114, 55, 6, 17, 66, 16, 3, 54, 57, 67, 78, 81, 2, 18, 99, 110, 31, 22, 8, 86, 40, 25, 72, 89, 35, 100, 97, 95, 94, 20, 43, 33, 109, 91, 84, 107, 41, 69, 5, 45, 30, 96, 75, 28, 71, 32, 11, 7, 37, 92, 105, 101], [63, 59, 106, 42, 62, 44, 111, 58, 127, 121, 124, 108, 61, 117, 126, 56, 122, 0, 64, 93, 125, 119, 50, 15, 60, 79, 102, 53, 83, 116, 118, 77, 74, 13, 38, 90, 12, 120, 23, 112, 98, 76, 85, 10, 73, 103, 21, 19, 36, 113, 9, 88, 104, 115, 49, 68, 24, 46, 48, 6, 4, 87, 26, 70, 34, 47, 39, 1, 52, 65, 57, 66, 18, 54, 2, 8, 51, 3, 123, 80, 27, 29, 67, 55, 14, 17, 40, 81, 114, 82, 86, 16, 110, 72, 78, 97, 99, 31, 25, 22, 94, 33, 84, 43, 89, 20, 35, 7, 95, 69, 75, 100, 11, 28, 30, 32, 5, 71, 96, 107, 105, 45, 109, 41, 91, 37, 101, 92], [63, 59, 62, 42, 106, 44, 58, 111, 127, 124, 108, 121, 61, 117, 126, 56, 122, 93, 0, 64, 79, 15, 13, 125, 119, 50, 77, 102, 38, 116, 118, 83, 53, 60, 21, 10, 74, 85, 112, 12, 19, 23, 76, 98, 73, 49, 113, 104, 34, 36, 6, 90, 9, 115, 87, 88, 68, 103, 4, 48, 24, 120, 2, 39, 26, 8, 55, 65, 80, 1, 47, 52, 46, 40, 66, 54, 51, 123, 14, 70, 16, 99, 81, 67, 3, 82, 86, 29, 27, 78, 18, 17, 114, 110, 94, 22, 57, 35, 84, 31, 33, 25, 20, 97, 72, 89, 69, 96, 95, 107, 43, 7, 75, 71, 5, 105, 11, 28, 91, 100, 30, 92, 32, 41, 45, 101, 37, 109], [63, 59, 42, 106, 62, 44, 111, 127, 58, 121, 108, 126, 124, 61, 56, 117, 122, 0, 93, 15, 79, 64, 77, 13, 85, 19, 83, 50, 102, 118, 21, 116, 9, 23, 90, 53, 38, 98, 104, 26, 10, 76, 125, 112, 60, 88, 74, 36, 119, 24, 12, 103, 48, 113, 73, 68, 6, 87, 4, 49, 40, 82, 65, 115, 47, 39, 46, 27, 34, 55, 52, 8, 123, 120, 14, 80, 17, 57, 16, 54, 2, 99, 1, 110, 29, 67, 114, 81, 18, 66, 22, 78, 3, 86, 31, 70, 97, 35, 94, 69, 51, 84, 25, 107, 33, 72, 89, 30, 28, 20, 75, 41, 5, 100, 45, 43, 95, 96, 91, 7, 11, 37, 71, 105, 32, 109, 101, 92], [63, 59, 42, 106, 62, 44, 111, 58, 127, 124, 121, 61, 108, 126, 117, 56, 122, 93, 64, 116, 118, 102, 50, 0, 15, 79, 83, 112, 90, 125, 77, 13, 19, 48, 113, 60, 23, 119, 85, 24, 26, 103, 104, 38, 36, 53, 21, 12, 87, 10, 9, 76, 88, 98, 74, 73, 54, 39, 6, 52, 34, 8, 68, 49, 4, 115, 1, 65, 27, 123, 47, 18, 46, 82, 51, 120, 66, 14, 2, 55, 29, 57, 99, 16, 22, 17, 80, 40, 3, 81, 70, 89, 110, 25, 86, 114, 107, 94, 78, 67, 31, 33, 97, 20, 35, 84, 91, 28, 43, 95, 41, 32, 30, 105, 11, 109, 69, 100, 75, 5, 72, 7, 96, 45, 92, 71, 37, 101], [63, 59, 42, 106, 62, 44, 111, 127, 58, 61, 124, 108, 121, 117, 126, 56, 64, 122, 93, 50, 0, 60, 125, 77, 79, 102, 90, 15, 118, 116, 13, 119, 48, 83, 85, 112, 120, 36, 19, 53, 38, 52, 9, 76, 113, 10, 74, 87, 21, 27, 103, 23, 73, 6, 104, 12, 26, 24, 8, 34, 88, 98, 1, 51, 49, 39, 65, 115, 68, 47, 66, 4, 80, 54, 81, 67, 123, 16, 82, 18, 57, 110, 2, 29, 17, 70, 55, 99, 14, 31, 114, 86, 46, 3, 78, 22, 89, 40, 11, 43, 95, 20, 97, 100, 33, 41, 35, 72, 32, 94, 5, 69, 84, 45, 25, 37, 107, 7, 75, 109, 91, 28, 105, 30, 92, 71, 96, 101], [63, 59, 42, 106, 62, 44, 58, 111, 127, 61, 108, 121, 124, 56, 117, 126, 122, 0, 93, 64, 79, 102, 77, 15, 60, 50, 83, 125, 85, 13, 116, 76, 118, 74, 112, 38, 104, 36, 53, 19, 98, 119, 26, 10, 34, 9, 23, 48, 12, 24, 21, 113, 52, 90, 103, 73, 68, 27, 87, 115, 88, 39, 8, 55, 1, 6, 70, 49, 4, 67, 2, 120, 66, 80, 82, 65, 29, 18, 51, 3, 47, 16, 81, 123, 14, 46, 54, 99, 86, 31, 57, 22, 78, 17, 97, 110, 114, 40, 43, 100, 72, 20, 33, 89, 94, 35, 41, 84, 25, 107, 11, 7, 96, 95, 69, 5, 30, 75, 105, 28, 32, 45, 71, 91, 101, 92, 37, 109], [63, 59, 62, 42, 106, 44, 127, 111, 58, 124, 121, 126, 108, 61, 56, 117, 122, 93, 79, 15, 64, 77, 50, 85, 0, 125, 116, 102, 83, 112, 26, 76, 118, 13, 38, 23, 73, 90, 24, 60, 19, 113, 87, 74, 98, 10, 12, 9, 103, 119, 21, 88, 53, 4, 55, 34, 27, 47, 36, 104, 48, 39, 68, 120, 52, 115, 80, 1, 40, 123, 16, 49, 14, 8, 70, 78, 29, 46, 114, 17, 18, 81, 57, 2, 51, 82, 3, 66, 65, 6, 110, 54, 67, 99, 33, 86, 97, 31, 22, 20, 72, 89, 69, 95, 84, 94, 41, 35, 5, 107, 25, 43, 11, 100, 105, 7, 28, 75, 91, 71, 45, 109, 30, 96, 101, 32, 37, 92], [63, 59, 42, 106, 62, 44, 58, 111, 127, 121, 124, 61, 126, 108, 117, 56, 122, 93, 64, 0, 15, 102, 50, 79, 23, 118, 125, 112, 90, 19, 116, 13, 119, 83, 77, 103, 113, 85, 88, 87, 38, 21, 53, 39, 26, 104, 120, 98, 12, 36, 76, 60, 24, 74, 27, 73, 48, 10, 34, 9, 29, 70, 47, 52, 65, 66, 123, 82, 49, 68, 1, 4, 80, 54, 46, 40, 16, 51, 114, 110, 18, 2, 57, 3, 78, 115, 99, 14, 81, 72, 95, 33, 17, 8, 67, 89, 86, 97, 6, 22, 31, 84, 25, 41, 94, 55, 20, 43, 35, 5, 107, 11, 28, 45, 75, 96, 100, 30, 69, 32, 91, 105, 71, 109, 7, 92, 37, 101], [63, 59, 42, 62, 106, 44, 58, 127, 111, 121, 61, 117, 124, 108, 126, 56, 93, 122, 0, 64, 50, 118, 79, 116, 15, 77, 112, 13, 19, 102, 90, 125, 23, 76, 60, 38, 85, 87, 48, 21, 119, 83, 24, 74, 53, 98, 103, 88, 39, 70, 12, 104, 26, 1, 120, 113, 36, 73, 54, 10, 9, 115, 29, 34, 27, 4, 47, 52, 49, 66, 3, 114, 18, 82, 16, 65, 123, 110, 68, 67, 72, 81, 57, 80, 78, 2, 14, 51, 6, 99, 40, 55, 86, 89, 31, 8, 46, 22, 43, 17, 94, 95, 20, 33, 69, 25, 84, 28, 109, 107, 41, 35, 11, 100, 97, 91, 5, 96, 32, 7, 75, 71, 30, 45, 105, 92, 37, 101], [63, 59, 42, 62, 106, 44, 58, 111, 127, 121, 61, 108, 124, 117, 126, 56, 122, 64, 50, 102, 93, 0, 60, 79, 15, 13, 125, 116, 103, 77, 118, 98, 83, 53, 112, 104, 76, 23, 113, 38, 12, 119, 34, 19, 74, 36, 24, 10, 85, 70, 87, 21, 52, 9, 4, 90, 73, 88, 48, 123, 1, 120, 29, 47, 72, 46, 68, 26, 49, 39, 82, 114, 54, 115, 16, 66, 51, 67, 18, 55, 27, 40, 2, 80, 3, 110, 6, 99, 81, 57, 65, 78, 43, 14, 86, 33, 31, 94, 17, 20, 89, 35, 109, 25, 97, 71, 107, 105, 69, 22, 100, 96, 45, 32, 7, 91, 84, 5, 8, 11, 30, 95, 41, 101, 28, 75, 92, 37], [63, 59, 42, 62, 106, 44, 111, 127, 58, 121, 108, 61, 117, 124, 126, 56, 122, 64, 93, 0, 102, 79, 15, 125, 50, 116, 23, 13, 60, 112, 77, 83, 118, 103, 19, 76, 12, 38, 119, 36, 87, 85, 74, 98, 120, 104, 34, 21, 26, 115, 90, 113, 48, 88, 73, 4, 53, 1, 10, 68, 72, 70, 24, 9, 52, 47, 49, 54, 123, 39, 18, 46, 2, 29, 40, 55, 6, 65, 27, 114, 16, 67, 82, 66, 99, 80, 81, 78, 57, 3, 51, 110, 17, 97, 14, 22, 94, 89, 86, 25, 107, 96, 105, 33, 41, 95, 100, 20, 71, 31, 35, 11, 69, 109, 84, 7, 43, 75, 8, 5, 91, 37, 32, 28, 45, 30, 101, 92], [63, 59, 106, 42, 62, 44, 127, 111, 58, 124, 121, 117, 61, 108, 126, 56, 122, 93, 0, 50, 15, 13, 125, 64, 116, 112, 79, 77, 104, 23, 118, 113, 60, 98, 74, 85, 87, 53, 83, 76, 120, 36, 12, 119, 38, 90, 24, 48, 49, 54, 102, 103, 9, 73, 19, 21, 10, 47, 72, 34, 88, 26, 70, 115, 46, 4, 27, 67, 114, 1, 55, 39, 66, 52, 29, 17, 40, 65, 6, 123, 51, 16, 18, 80, 2, 68, 82, 86, 78, 14, 57, 3, 110, 99, 89, 43, 81, 31, 94, 20, 25, 95, 33, 22, 5, 35, 97, 84, 107, 91, 100, 109, 71, 7, 96, 41, 32, 75, 8, 69, 37, 11, 105, 30, 28, 92, 45, 101], [63, 59, 42, 106, 62, 44, 58, 111, 127, 61, 121, 108, 117, 126, 124, 56, 64, 122, 0, 93, 125, 15, 50, 79, 112, 77, 60, 13, 118, 53, 116, 23, 102, 119, 74, 24, 83, 12, 113, 120, 38, 85, 87, 10, 36, 115, 76, 104, 98, 19, 73, 103, 21, 1, 54, 9, 48, 26, 6, 72, 88, 90, 47, 49, 34, 66, 68, 51, 4, 82, 52, 123, 39, 114, 3, 46, 70, 65, 55, 18, 2, 29, 27, 40, 57, 67, 99, 16, 14, 110, 80, 31, 78, 17, 43, 33, 86, 35, 89, 94, 109, 84, 95, 81, 8, 22, 25, 20, 97, 5, 45, 11, 107, 7, 69, 91, 100, 28, 32, 71, 105, 30, 75, 92, 41, 96, 101, 37], [63, 59, 42, 106, 62, 44, 58, 111, 127, 61, 121, 108, 124, 117, 126, 56, 125, 93, 122, 0, 79, 23, 102, 118, 77, 50, 64, 116, 15, 60, 123, 76, 103, 13, 53, 90, 120, 83, 104, 115, 9, 24, 38, 21, 113, 74, 36, 98, 85, 87, 26, 12, 112, 48, 6, 19, 51, 73, 4, 10, 88, 34, 49, 68, 119, 52, 29, 1, 39, 66, 46, 55, 82, 47, 72, 114, 27, 18, 2, 54, 3, 16, 57, 80, 40, 95, 67, 99, 14, 33, 65, 81, 94, 31, 70, 78, 22, 110, 25, 35, 89, 86, 17, 20, 8, 97, 43, 91, 84, 105, 96, 71, 28, 45, 5, 11, 109, 32, 100, 69, 7, 30, 41, 101, 75, 107, 37, 92], [63, 59, 42, 62, 106, 44, 58, 111, 127, 61, 124, 121, 108, 126, 117, 56, 125, 122, 93, 15, 0, 64, 77, 23, 102, 79, 118, 83, 50, 13, 112, 116, 19, 104, 21, 38, 113, 53, 98, 49, 115, 60, 103, 12, 85, 74, 6, 76, 119, 9, 10, 26, 48, 90, 34, 120, 36, 87, 88, 24, 73, 4, 68, 123, 54, 52, 46, 72, 16, 51, 39, 65, 40, 47, 27, 82, 18, 55, 3, 66, 2, 80, 29, 114, 22, 110, 1, 81, 78, 94, 99, 14, 17, 67, 70, 33, 57, 45, 84, 8, 97, 31, 20, 25, 86, 89, 5, 32, 41, 35, 75, 71, 95, 96, 100, 43, 28, 11, 107, 69, 109, 7, 91, 105, 92, 37, 30, 101], [63, 59, 42, 106, 62, 44, 111, 58, 127, 121, 61, 108, 124, 126, 117, 56, 122, 93, 64, 15, 0, 102, 79, 125, 13, 50, 118, 83, 77, 90, 53, 98, 12, 85, 23, 21, 112, 19, 103, 119, 60, 113, 10, 24, 104, 76, 87, 36, 49, 9, 74, 116, 48, 26, 120, 73, 88, 38, 6, 115, 47, 123, 18, 39, 34, 82, 27, 52, 16, 65, 1, 2, 54, 40, 70, 14, 68, 55, 4, 80, 29, 66, 72, 86, 46, 57, 81, 110, 17, 67, 8, 51, 99, 31, 89, 114, 3, 25, 78, 20, 33, 22, 94, 97, 95, 84, 43, 107, 5, 32, 11, 71, 75, 7, 105, 100, 109, 35, 91, 96, 41, 28, 92, 30, 45, 69, 101, 37], [63, 59, 62, 42, 106, 44, 58, 111, 127, 121, 124, 61, 108, 126, 117, 56, 93, 122, 64, 50, 0, 15, 118, 125, 79, 116, 102, 13, 24, 90, 87, 48, 26, 23, 112, 120, 77, 60, 38, 119, 19, 12, 21, 103, 113, 85, 76, 49, 104, 83, 10, 73, 36, 54, 74, 98, 53, 47, 52, 123, 88, 39, 9, 27, 29, 34, 4, 6, 68, 51, 82, 115, 1, 70, 18, 2, 40, 16, 46, 65, 114, 80, 66, 67, 8, 99, 14, 3, 57, 89, 110, 31, 81, 22, 55, 33, 78, 25, 17, 43, 95, 86, 94, 97, 20, 72, 35, 84, 5, 91, 109, 7, 30, 41, 69, 11, 100, 71, 107, 45, 105, 28, 32, 75, 96, 92, 101, 37], [63, 59, 62, 42, 106, 44, 111, 127, 58, 124, 61, 121, 117, 108, 126, 56, 122, 93, 125, 50, 0, 64, 102, 118, 15, 112, 79, 48, 23, 90, 19, 13, 83, 116, 120, 103, 38, 77, 115, 39, 12, 76, 47, 113, 87, 49, 85, 53, 88, 74, 36, 73, 119, 60, 98, 24, 26, 21, 51, 52, 10, 123, 9, 4, 104, 68, 70, 40, 34, 55, 1, 110, 54, 57, 29, 27, 16, 46, 81, 78, 65, 8, 82, 67, 80, 2, 18, 66, 14, 17, 99, 6, 43, 94, 114, 22, 31, 35, 84, 3, 89, 95, 97, 33, 20, 91, 86, 25, 69, 5, 100, 41, 45, 28, 105, 96, 107, 72, 109, 11, 71, 37, 32, 7, 101, 92, 75, 30], [63, 59, 42, 106, 62, 44, 111, 127, 58, 121, 61, 124, 108, 117, 126, 56, 122, 64, 93, 79, 0, 15, 125, 50, 102, 13, 118, 60, 77, 116, 53, 12, 112, 23, 21, 38, 83, 74, 115, 10, 36, 119, 73, 85, 76, 103, 19, 70, 24, 87, 52, 98, 49, 26, 88, 114, 9, 113, 68, 8, 104, 51, 90, 34, 54, 47, 1, 120, 123, 4, 39, 80, 18, 65, 48, 2, 81, 16, 27, 29, 82, 66, 55, 57, 110, 78, 46, 14, 40, 94, 99, 3, 17, 6, 67, 43, 97, 22, 31, 89, 33, 20, 86, 25, 69, 84, 100, 45, 72, 75, 95, 35, 96, 11, 7, 107, 71, 109, 5, 32, 91, 37, 92, 30, 28, 105, 41, 101], [63, 59, 42, 62, 106, 44, 111, 58, 127, 124, 121, 108, 61, 117, 56, 126, 64, 122, 125, 15, 0, 93, 79, 102, 53, 115, 118, 23, 13, 77, 50, 10, 119, 104, 12, 73, 60, 98, 83, 19, 113, 103, 112, 85, 9, 24, 38, 70, 21, 90, 52, 36, 116, 8, 74, 26, 87, 49, 76, 120, 1, 48, 88, 39, 54, 46, 68, 51, 34, 123, 27, 47, 2, 65, 18, 57, 4, 66, 114, 16, 17, 67, 55, 81, 82, 80, 99, 31, 110, 3, 78, 29, 40, 97, 6, 14, 22, 86, 84, 89, 94, 33, 20, 25, 35, 69, 43, 100, 71, 7, 45, 109, 107, 72, 75, 32, 105, 5, 96, 95, 101, 30, 91, 41, 11, 28, 37, 92], [63, 59, 62, 42, 106, 44, 111, 127, 58, 124, 61, 117, 108, 121, 56, 126, 122, 93, 125, 15, 79, 50, 0, 118, 102, 13, 85, 12, 23, 116, 64, 77, 112, 113, 119, 19, 38, 83, 60, 76, 90, 26, 21, 52, 24, 49, 104, 87, 10, 73, 120, 4, 115, 88, 9, 98, 53, 103, 39, 70, 48, 123, 74, 34, 68, 8, 47, 27, 36, 81, 55, 54, 57, 40, 80, 51, 46, 1, 3, 18, 78, 16, 2, 67, 110, 114, 22, 65, 82, 29, 17, 66, 99, 14, 6, 20, 94, 31, 97, 25, 89, 33, 86, 84, 69, 43, 100, 5, 35, 95, 107, 75, 72, 41, 109, 32, 105, 71, 11, 28, 7, 30, 45, 92, 96, 91, 101, 37], [63, 59, 42, 62, 106, 44, 111, 127, 58, 124, 61, 121, 108, 117, 126, 56, 0, 122, 64, 93, 125, 50, 15, 118, 79, 102, 19, 13, 60, 98, 77, 112, 119, 36, 85, 53, 23, 116, 12, 113, 10, 120, 76, 26, 74, 83, 104, 73, 90, 103, 49, 9, 88, 24, 38, 52, 4, 21, 87, 115, 47, 48, 34, 123, 68, 70, 65, 8, 39, 1, 54, 27, 66, 18, 80, 29, 2, 51, 6, 40, 46, 55, 3, 82, 110, 81, 78, 114, 14, 57, 99, 31, 16, 89, 94, 67, 33, 17, 43, 97, 25, 22, 72, 86, 20, 35, 95, 100, 5, 84, 109, 32, 69, 28, 11, 75, 105, 45, 91, 71, 107, 92, 41, 7, 30, 96, 37, 101], [63, 59, 62, 106, 42, 44, 111, 58, 127, 124, 61, 121, 108, 117, 126, 56, 15, 122, 93, 50, 125, 79, 64, 13, 102, 19, 60, 112, 118, 12, 0, 77, 23, 74, 52, 116, 76, 98, 83, 87, 104, 10, 21, 53, 90, 103, 115, 119, 73, 85, 38, 9, 24, 26, 36, 113, 48, 123, 49, 120, 34, 54, 88, 39, 47, 8, 6, 29, 18, 27, 55, 70, 4, 82, 46, 68, 16, 65, 78, 1, 81, 3, 66, 80, 51, 57, 14, 110, 17, 22, 31, 94, 2, 99, 67, 40, 114, 89, 20, 25, 97, 72, 35, 95, 91, 84, 33, 86, 11, 32, 69, 28, 100, 43, 109, 107, 5, 7, 71, 75, 45, 105, 96, 30, 41, 92, 101, 37]], "model.layers.26.self_attn.q_proj": [[107, 43, 51, 99, 36, 100, 127, 53, 57, 52, 105, 116, 54, 58, 126, 60, 114, 48, 122, 62, 123, 118, 119, 32, 115, 55, 112, 124, 46, 120, 49, 125, 28, 44, 117, 106, 40, 113, 59, 56, 30, 35, 110, 63, 111, 42, 109, 103, 61, 39, 24, 47, 37, 108, 50, 41, 95, 121, 102, 104, 45, 96, 38, 93, 98, 23, 81, 92, 33, 76, 34, 29, 101, 84, 97, 85, 86, 88, 21, 31, 67, 91, 82, 25, 19, 22, 5, 94, 27, 89, 20, 26, 9, 90, 73, 77, 66, 83, 70, 18, 72, 87, 80, 79, 8, 78, 12, 17, 14, 15, 16, 3, 74, 75, 11, 6, 13, 0, 4, 69, 65, 7, 71, 1, 68, 10, 2, 64], [107, 43, 35, 65, 13, 74, 80, 7, 68, 28, 22, 32, 18, 126, 99, 127, 69, 3, 2, 57, 0, 119, 100, 52, 64, 118, 12, 122, 86, 72, 11, 114, 124, 54, 115, 53, 46, 9, 56, 62, 112, 67, 58, 1, 123, 117, 51, 108, 113, 34, 63, 49, 121, 116, 20, 6, 111, 47, 120, 84, 125, 110, 92, 61, 50, 10, 4, 83, 55, 78, 59, 70, 60, 71, 21, 16, 109, 5, 44, 31, 19, 66, 30, 17, 90, 45, 77, 76, 87, 48, 8, 85, 105, 79, 15, 41, 93, 73, 82, 81, 25, 23, 91, 75, 14, 26, 89, 101, 95, 42, 38, 104, 103, 27, 102, 24, 40, 106, 33, 37, 36, 97, 88, 29, 98, 94, 96, 39], [107, 43, 105, 32, 122, 100, 116, 37, 53, 103, 28, 124, 35, 92, 127, 57, 56, 21, 51, 39, 30, 52, 126, 49, 115, 117, 22, 58, 118, 112, 80, 62, 104, 108, 24, 55, 123, 41, 44, 109, 29, 91, 20, 54, 45, 18, 89, 23, 61, 17, 119, 75, 99, 46, 111, 34, 113, 114, 120, 27, 125, 63, 110, 121, 47, 42, 60, 19, 93, 48, 59, 72, 101, 50, 106, 38, 26, 25, 98, 95, 96, 40, 31, 84, 78, 83, 94, 33, 12, 90, 87, 79, 97, 85, 16, 13, 36, 11, 76, 82, 9, 70, 102, 15, 88, 77, 66, 81, 14, 73, 71, 86, 69, 8, 10, 4, 0, 6, 67, 7, 5, 74, 68, 3, 65, 1, 2, 64], [107, 126, 43, 127, 114, 52, 57, 37, 119, 103, 110, 99, 39, 122, 123, 46, 105, 54, 111, 118, 62, 28, 115, 55, 113, 124, 58, 84, 35, 44, 117, 120, 49, 19, 100, 112, 53, 63, 47, 9, 125, 116, 60, 48, 56, 51, 109, 61, 108, 59, 32, 76, 121, 104, 33, 50, 41, 45, 101, 36, 23, 80, 30, 93, 20, 89, 38, 22, 83, 42, 106, 40, 21, 91, 102, 67, 34, 87, 17, 97, 98, 29, 95, 11, 26, 78, 96, 25, 94, 92, 18, 85, 2, 15, 88, 86, 0, 13, 31, 65, 7, 4, 24, 6, 14, 10, 12, 90, 16, 79, 27, 74, 70, 77, 81, 5, 73, 82, 72, 8, 66, 1, 69, 68, 75, 71, 3, 64], [110, 55, 36, 46, 115, 95, 121, 26, 60, 50, 123, 61, 54, 53, 124, 100, 22, 119, 45, 58, 88, 31, 30, 116, 42, 127, 51, 40, 114, 106, 59, 92, 24, 47, 113, 44, 34, 117, 112, 105, 56, 28, 37, 41, 109, 63, 107, 99, 19, 122, 48, 52, 125, 126, 111, 39, 118, 49, 57, 43, 38, 33, 85, 93, 104, 120, 32, 17, 27, 108, 35, 25, 62, 87, 103, 101, 86, 21, 18, 102, 91, 29, 97, 98, 96, 16, 15, 94, 20, 23, 77, 90, 89, 14, 84, 75, 81, 76, 12, 80, 13, 83, 82, 74, 79, 9, 71, 78, 10, 5, 72, 7, 67, 6, 70, 73, 3, 68, 4, 2, 1, 11, 66, 8, 65, 64, 0, 69], [110, 46, 36, 26, 95, 22, 55, 19, 115, 4, 54, 30, 72, 31, 14, 100, 17, 58, 41, 62, 119, 2, 77, 74, 65, 121, 5, 63, 106, 37, 28, 125, 61, 97, 111, 91, 60, 10, 90, 107, 44, 94, 18, 73, 86, 52, 93, 32, 88, 104, 21, 84, 24, 118, 7, 33, 13, 34, 71, 45, 92, 39, 123, 11, 98, 75, 23, 6, 29, 101, 112, 113, 27, 116, 35, 117, 103, 127, 59, 42, 96, 25, 51, 89, 1, 15, 50, 81, 108, 85, 105, 79, 82, 80, 49, 69, 126, 76, 114, 12, 102, 20, 120, 87, 53, 99, 48, 9, 64, 56, 38, 57, 124, 47, 122, 67, 40, 68, 43, 109, 83, 3, 78, 70, 66, 8, 16, 0], [110, 36, 115, 62, 46, 26, 95, 30, 55, 88, 119, 22, 58, 100, 60, 31, 54, 51, 19, 124, 50, 96, 63, 125, 117, 34, 40, 86, 42, 123, 97, 41, 24, 122, 45, 44, 48, 87, 38, 126, 17, 116, 121, 108, 21, 16, 14, 59, 28, 61, 83, 49, 57, 120, 103, 52, 118, 33, 53, 127, 27, 106, 35, 111, 43, 114, 113, 107, 81, 56, 39, 89, 12, 93, 90, 91, 102, 47, 105, 94, 104, 109, 29, 112, 15, 98, 99, 32, 92, 101, 18, 79, 37, 80, 10, 82, 74, 25, 85, 75, 77, 20, 23, 7, 76, 8, 84, 72, 11, 78, 73, 13, 4, 9, 70, 5, 6, 69, 2, 67, 71, 66, 1, 0, 64, 65, 3, 68], [110, 36, 46, 54, 58, 121, 123, 50, 95, 26, 108, 62, 60, 119, 55, 30, 88, 31, 48, 100, 22, 49, 47, 24, 59, 33, 57, 114, 115, 109, 125, 113, 63, 56, 28, 17, 19, 112, 52, 106, 41, 117, 92, 122, 45, 51, 18, 21, 116, 15, 37, 42, 104, 40, 44, 61, 103, 111, 127, 126, 53, 107, 120, 86, 77, 118, 105, 14, 32, 124, 85, 39, 93, 99, 25, 101, 102, 43, 98, 38, 75, 13, 35, 20, 29, 16, 97, 90, 12, 34, 27, 83, 96, 89, 72, 94, 91, 87, 74, 84, 81, 23, 80, 7, 6, 73, 76, 10, 67, 5, 79, 1, 9, 4, 82, 2, 71, 64, 78, 8, 11, 65, 69, 66, 0, 70, 68, 3], [123, 57, 101, 33, 50, 37, 121, 88, 51, 44, 63, 92, 118, 24, 115, 62, 28, 60, 108, 23, 21, 54, 85, 116, 103, 117, 127, 97, 31, 105, 41, 61, 52, 56, 26, 114, 91, 109, 47, 82, 45, 110, 124, 49, 104, 126, 58, 125, 59, 34, 119, 112, 90, 55, 93, 48, 107, 111, 113, 18, 96, 122, 46, 106, 43, 87, 53, 42, 38, 79, 32, 40, 98, 20, 95, 83, 19, 75, 36, 100, 39, 15, 102, 30, 77, 120, 35, 89, 27, 94, 29, 99, 76, 16, 10, 17, 71, 86, 65, 25, 22, 84, 80, 67, 70, 14, 73, 69, 78, 81, 5, 68, 72, 8, 13, 12, 66, 0, 4, 1, 74, 2, 3, 9, 6, 64, 7, 11], [57, 101, 123, 33, 50, 37, 121, 24, 51, 124, 85, 103, 15, 88, 97, 76, 90, 20, 115, 82, 54, 105, 60, 10, 118, 29, 21, 34, 93, 104, 19, 96, 18, 91, 119, 95, 26, 87, 44, 117, 46, 67, 89, 49, 77, 59, 25, 79, 65, 28, 40, 62, 112, 73, 31, 99, 75, 30, 72, 12, 92, 74, 13, 9, 107, 43, 8, 7, 5, 83, 35, 102, 63, 127, 38, 94, 108, 114, 69, 4, 32, 2, 27, 125, 1, 52, 70, 22, 81, 71, 61, 109, 106, 53, 17, 68, 47, 126, 3, 6, 36, 23, 111, 39, 98, 116, 48, 16, 64, 100, 84, 120, 14, 110, 45, 41, 42, 58, 55, 122, 0, 113, 66, 78, 56, 80, 11, 86], [101, 123, 57, 50, 124, 33, 37, 121, 88, 28, 119, 21, 92, 61, 51, 90, 24, 44, 54, 85, 118, 126, 19, 58, 56, 105, 62, 114, 31, 117, 18, 16, 60, 115, 49, 103, 26, 82, 46, 52, 106, 97, 45, 116, 75, 38, 59, 14, 77, 42, 73, 47, 122, 86, 112, 91, 48, 109, 35, 107, 43, 63, 53, 76, 55, 39, 125, 94, 30, 110, 41, 113, 111, 89, 36, 79, 120, 80, 83, 127, 34, 93, 22, 95, 104, 99, 102, 17, 96, 29, 98, 108, 40, 71, 10, 100, 32, 20, 84, 27, 72, 81, 78, 5, 87, 23, 67, 25, 70, 65, 68, 13, 66, 15, 64, 4, 69, 11, 74, 9, 12, 2, 8, 7, 3, 1, 6, 0], [101, 123, 57, 50, 33, 121, 37, 51, 88, 24, 19, 115, 61, 54, 92, 28, 85, 21, 124, 75, 118, 105, 73, 117, 119, 77, 114, 60, 59, 44, 113, 18, 100, 46, 97, 62, 14, 83, 31, 90, 17, 98, 93, 58, 16, 95, 79, 43, 107, 78, 126, 104, 52, 45, 111, 48, 38, 127, 110, 125, 82, 41, 109, 47, 35, 116, 122, 103, 71, 29, 84, 112, 86, 89, 55, 30, 56, 42, 53, 76, 26, 36, 34, 120, 106, 5, 49, 87, 99, 63, 96, 40, 108, 102, 94, 32, 20, 4, 22, 39, 27, 11, 23, 91, 15, 80, 72, 10, 70, 66, 25, 67, 12, 13, 81, 68, 65, 6, 74, 7, 3, 1, 0, 9, 8, 69, 64, 2], [61, 59, 101, 63, 44, 125, 116, 51, 21, 62, 33, 58, 93, 118, 113, 55, 85, 88, 119, 127, 114, 110, 49, 56, 42, 54, 30, 123, 126, 124, 115, 52, 45, 50, 53, 40, 120, 112, 117, 57, 27, 48, 103, 78, 121, 122, 109, 60, 83, 24, 92, 105, 111, 37, 47, 80, 43, 90, 107, 91, 46, 26, 106, 89, 108, 95, 104, 41, 22, 82, 81, 25, 39, 74, 20, 11, 99, 75, 7, 13, 29, 12, 84, 77, 102, 32, 38, 9, 36, 6, 19, 10, 73, 17, 96, 100, 98, 34, 94, 8, 79, 23, 14, 69, 3, 15, 35, 16, 70, 28, 86, 31, 87, 18, 68, 72, 5, 76, 97, 67, 65, 71, 4, 0, 66, 1, 2, 64], [125, 63, 61, 101, 59, 116, 44, 51, 55, 58, 21, 50, 49, 127, 85, 62, 119, 114, 56, 110, 33, 113, 53, 126, 118, 52, 54, 124, 123, 57, 115, 48, 117, 42, 88, 45, 40, 120, 93, 37, 121, 109, 60, 83, 24, 112, 122, 30, 111, 27, 91, 47, 90, 46, 43, 92, 78, 105, 26, 107, 106, 41, 108, 103, 104, 89, 80, 39, 29, 22, 34, 38, 99, 96, 25, 102, 100, 82, 95, 17, 77, 81, 94, 7, 98, 36, 73, 32, 20, 75, 35, 28, 87, 31, 97, 11, 10, 13, 19, 79, 86, 6, 8, 74, 84, 12, 9, 23, 70, 14, 16, 67, 69, 72, 0, 4, 68, 18, 76, 15, 66, 3, 71, 5, 64, 1, 65, 2], [63, 101, 59, 61, 44, 21, 51, 33, 115, 85, 118, 127, 62, 113, 58, 93, 114, 119, 88, 49, 55, 126, 56, 116, 30, 54, 123, 110, 45, 117, 42, 53, 124, 50, 125, 103, 52, 40, 92, 120, 37, 57, 91, 48, 27, 112, 121, 83, 80, 109, 60, 78, 122, 111, 105, 47, 24, 43, 108, 46, 90, 26, 106, 107, 41, 104, 29, 7, 74, 82, 22, 95, 39, 89, 12, 20, 77, 25, 99, 81, 75, 19, 32, 13, 84, 14, 102, 17, 11, 38, 10, 73, 36, 15, 79, 16, 8, 100, 23, 34, 9, 94, 96, 98, 4, 18, 86, 35, 28, 69, 76, 72, 6, 87, 68, 5, 31, 97, 71, 70, 0, 1, 66, 67, 3, 64, 2, 65], [125, 59, 61, 63, 101, 62, 115, 54, 55, 116, 56, 33, 58, 44, 120, 126, 119, 114, 50, 110, 51, 124, 127, 118, 88, 53, 123, 37, 48, 49, 57, 117, 113, 112, 40, 52, 121, 45, 111, 60, 122, 90, 109, 93, 83, 42, 47, 103, 46, 43, 24, 108, 106, 81, 107, 41, 104, 78, 85, 105, 22, 7, 32, 39, 25, 89, 19, 80, 30, 74, 73, 21, 34, 6, 17, 27, 29, 91, 11, 100, 102, 26, 69, 36, 38, 77, 79, 75, 15, 13, 95, 82, 86, 12, 16, 14, 28, 97, 35, 98, 10, 9, 99, 87, 84, 8, 96, 92, 31, 94, 20, 4, 76, 68, 70, 5, 2, 23, 1, 0, 18, 67, 71, 66, 72, 65, 3, 64], [41, 117, 55, 34, 52, 31, 23, 115, 119, 21, 62, 39, 80, 58, 83, 45, 27, 105, 60, 99, 59, 44, 63, 13, 113, 30, 61, 72, 103, 57, 11, 109, 42, 29, 74, 32, 93, 94, 126, 111, 33, 88, 89, 8, 108, 112, 104, 121, 92, 116, 56, 118, 81, 90, 100, 54, 75, 26, 43, 17, 47, 37, 107, 25, 87, 20, 85, 24, 101, 51, 18, 91, 48, 15, 36, 22, 95, 124, 76, 127, 106, 110, 123, 71, 82, 50, 97, 49, 35, 38, 122, 114, 86, 84, 12, 19, 79, 40, 69, 96, 14, 46, 102, 28, 120, 53, 125, 78, 16, 67, 5, 10, 77, 64, 9, 66, 6, 7, 68, 98, 73, 4, 3, 70, 2, 65, 0, 1], [41, 55, 34, 52, 31, 13, 21, 23, 83, 80, 117, 27, 11, 66, 115, 105, 6, 96, 109, 28, 74, 19, 8, 49, 108, 44, 60, 73, 26, 64, 63, 67, 37, 30, 72, 119, 62, 4, 91, 45, 33, 85, 18, 22, 15, 7, 89, 43, 25, 17, 56, 87, 94, 9, 78, 84, 113, 122, 99, 77, 59, 93, 5, 61, 88, 57, 118, 81, 32, 48, 97, 70, 102, 10, 46, 42, 16, 29, 120, 92, 35, 71, 24, 82, 36, 103, 65, 69, 116, 2, 101, 20, 106, 40, 12, 14, 76, 90, 39, 68, 54, 127, 1, 53, 124, 123, 79, 75, 100, 110, 104, 111, 125, 86, 121, 47, 58, 3, 112, 38, 126, 50, 95, 0, 51, 114, 107, 98], [55, 41, 59, 34, 117, 45, 31, 23, 112, 54, 105, 119, 120, 110, 44, 111, 56, 46, 61, 92, 47, 116, 115, 58, 108, 42, 28, 118, 48, 124, 63, 121, 122, 123, 51, 114, 39, 127, 126, 109, 60, 25, 43, 125, 53, 57, 107, 94, 113, 21, 62, 50, 36, 106, 40, 20, 30, 49, 83, 97, 26, 103, 88, 102, 104, 100, 38, 33, 79, 52, 37, 99, 93, 29, 101, 80, 15, 35, 11, 91, 95, 86, 66, 96, 32, 71, 24, 27, 98, 69, 10, 7, 81, 87, 3, 74, 85, 17, 84, 14, 12, 89, 90, 22, 5, 1, 76, 70, 65, 82, 13, 64, 67, 0, 9, 8, 78, 19, 18, 68, 2, 4, 6, 73, 72, 75, 16, 77], [41, 55, 34, 52, 23, 31, 21, 13, 83, 80, 82, 74, 40, 117, 119, 125, 4, 103, 49, 28, 27, 105, 59, 60, 17, 115, 64, 61, 43, 44, 6, 101, 113, 66, 26, 96, 47, 118, 57, 56, 45, 94, 42, 62, 109, 3, 25, 116, 39, 70, 100, 65, 111, 112, 11, 53, 97, 72, 54, 108, 36, 126, 0, 85, 33, 104, 99, 29, 63, 123, 110, 18, 91, 16, 50, 38, 127, 32, 124, 68, 93, 87, 88, 92, 106, 122, 48, 102, 46, 22, 37, 84, 95, 58, 9, 89, 107, 69, 114, 35, 81, 78, 121, 30, 51, 10, 120, 79, 73, 19, 14, 15, 24, 7, 8, 90, 1, 86, 71, 98, 5, 12, 75, 20, 77, 76, 2, 67], [45, 103, 109, 38, 29, 54, 126, 87, 119, 57, 107, 83, 84, 114, 115, 117, 93, 118, 111, 47, 80, 122, 50, 95, 31, 46, 22, 121, 113, 127, 78, 61, 13, 108, 63, 85, 44, 10, 124, 53, 26, 52, 112, 98, 17, 59, 62, 49, 56, 125, 41, 116, 123, 51, 32, 71, 55, 58, 120, 110, 104, 30, 60, 96, 86, 36, 21, 42, 12, 48, 102, 37, 24, 34, 40, 100, 28, 106, 2, 88, 33, 35, 43, 89, 94, 70, 72, 101, 9, 14, 91, 92, 97, 90, 27, 69, 23, 76, 81, 105, 3, 6, 25, 75, 99, 19, 8, 0, 11, 67, 82, 68, 18, 4, 79, 20, 15, 73, 66, 7, 39, 65, 5, 1, 16, 64, 77, 74], [103, 45, 29, 109, 87, 80, 84, 13, 54, 10, 71, 69, 113, 32, 23, 115, 65, 47, 67, 126, 93, 64, 118, 3, 12, 127, 60, 77, 125, 38, 94, 17, 30, 62, 31, 72, 95, 57, 49, 59, 88, 20, 39, 66, 89, 68, 14, 119, 16, 83, 27, 24, 120, 74, 21, 102, 101, 79, 111, 34, 22, 18, 96, 7, 82, 15, 98, 85, 58, 90, 100, 121, 107, 51, 81, 76, 36, 5, 37, 42, 78, 25, 11, 48, 56, 63, 97, 46, 117, 91, 33, 112, 116, 4, 55, 104, 19, 99, 92, 73, 86, 41, 28, 50, 53, 6, 110, 105, 108, 52, 124, 35, 40, 61, 44, 122, 8, 70, 43, 123, 9, 106, 26, 114, 2, 0, 75, 1], [103, 45, 29, 109, 84, 87, 38, 13, 80, 54, 10, 69, 93, 71, 12, 83, 113, 3, 126, 2, 47, 32, 78, 127, 82, 79, 118, 65, 1, 115, 23, 22, 119, 88, 59, 64, 6, 95, 0, 46, 60, 89, 77, 123, 111, 31, 37, 49, 8, 62, 30, 66, 57, 122, 24, 5, 70, 97, 72, 33, 81, 125, 42, 15, 16, 58, 68, 43, 52, 7, 25, 124, 14, 74, 67, 96, 50, 112, 121, 20, 106, 85, 98, 107, 41, 92, 9, 34, 117, 17, 53, 51, 61, 120, 63, 48, 26, 114, 40, 91, 18, 110, 36, 55, 11, 101, 76, 19, 104, 99, 116, 108, 4, 35, 27, 94, 56, 100, 105, 86, 90, 44, 73, 21, 102, 28, 39, 75], [103, 45, 29, 109, 87, 84, 54, 80, 13, 10, 38, 126, 69, 71, 113, 93, 115, 32, 65, 47, 82, 67, 23, 118, 127, 30, 64, 95, 88, 40, 77, 56, 60, 125, 21, 102, 24, 94, 72, 79, 31, 46, 41, 108, 49, 83, 58, 20, 11, 101, 121, 78, 57, 25, 76, 66, 22, 26, 53, 52, 75, 117, 50, 17, 3, 119, 114, 44, 74, 42, 0, 16, 34, 9, 91, 97, 100, 48, 14, 4, 63, 62, 18, 59, 111, 124, 7, 15, 19, 5, 61, 96, 89, 122, 36, 37, 43, 112, 106, 8, 28, 55, 33, 90, 85, 104, 51, 105, 99, 81, 35, 107, 68, 110, 98, 86, 123, 12, 116, 27, 2, 39, 70, 73, 92, 120, 6, 1], [104, 59, 99, 92, 20, 114, 119, 54, 62, 82, 117, 55, 95, 98, 51, 107, 34, 63, 47, 120, 25, 125, 124, 49, 113, 115, 60, 86, 45, 13, 30, 112, 16, 123, 28, 103, 33, 58, 108, 121, 50, 48, 42, 56, 18, 44, 89, 61, 31, 39, 110, 87, 127, 52, 106, 116, 46, 122, 126, 88, 53, 57, 111, 105, 37, 118, 109, 41, 40, 43, 78, 29, 101, 38, 97, 93, 11, 94, 17, 22, 24, 76, 10, 80, 67, 15, 84, 36, 100, 71, 90, 21, 102, 79, 77, 26, 73, 96, 68, 85, 75, 23, 8, 91, 27, 19, 1, 81, 32, 35, 74, 14, 70, 7, 5, 83, 9, 66, 12, 0, 4, 65, 6, 69, 64, 72, 3, 2], [104, 59, 99, 92, 114, 82, 20, 51, 98, 62, 115, 95, 63, 105, 54, 47, 13, 16, 61, 117, 30, 34, 25, 119, 58, 122, 124, 45, 60, 109, 116, 86, 67, 55, 89, 87, 102, 66, 28, 11, 56, 80, 127, 43, 50, 88, 113, 15, 65, 123, 46, 57, 10, 18, 64, 53, 70, 42, 101, 7, 49, 48, 9, 31, 17, 97, 103, 8, 106, 44, 112, 78, 73, 40, 111, 68, 69, 22, 12, 94, 0, 5, 37, 121, 120, 76, 41, 125, 74, 33, 39, 84, 93, 29, 79, 38, 21, 118, 126, 24, 108, 75, 91, 32, 110, 107, 26, 85, 52, 71, 19, 90, 36, 83, 6, 23, 77, 81, 1, 100, 27, 14, 35, 96, 72, 4, 3, 2], [104, 59, 99, 92, 114, 20, 82, 16, 51, 116, 13, 25, 95, 87, 89, 54, 10, 115, 124, 34, 17, 8, 56, 50, 45, 53, 21, 100, 78, 76, 94, 86, 31, 63, 68, 62, 61, 18, 66, 70, 67, 65, 71, 123, 73, 80, 125, 98, 74, 85, 41, 52, 44, 12, 101, 97, 47, 39, 28, 40, 88, 91, 55, 29, 9, 127, 103, 15, 107, 118, 119, 108, 96, 11, 69, 27, 122, 37, 49, 90, 33, 84, 19, 7, 30, 5, 24, 106, 42, 121, 126, 32, 22, 58, 113, 110, 48, 105, 77, 112, 36, 6, 111, 79, 93, 23, 120, 43, 64, 109, 38, 75, 102, 26, 0, 60, 117, 46, 57, 14, 1, 83, 81, 35, 2, 4, 72, 3], [104, 59, 122, 45, 92, 20, 95, 114, 25, 99, 86, 115, 54, 62, 82, 63, 61, 34, 116, 51, 98, 49, 11, 56, 43, 0, 127, 124, 123, 33, 4, 119, 53, 1, 28, 110, 2, 46, 41, 58, 113, 31, 125, 55, 89, 120, 52, 70, 48, 111, 126, 76, 73, 50, 108, 118, 39, 121, 71, 112, 88, 78, 5, 13, 42, 106, 117, 109, 60, 83, 57, 44, 107, 105, 30, 22, 19, 87, 90, 47, 26, 102, 103, 84, 101, 16, 14, 38, 36, 21, 93, 3, 24, 100, 32, 37, 94, 6, 91, 81, 97, 35, 96, 15, 18, 8, 17, 29, 27, 65, 40, 12, 85, 10, 23, 69, 7, 66, 74, 75, 80, 64, 79, 9, 67, 68, 77, 72], [107, 56, 126, 43, 99, 87, 82, 110, 91, 78, 20, 25, 81, 40, 75, 104, 79, 27, 12, 112, 7, 72, 52, 31, 86, 32, 89, 117, 118, 49, 116, 92, 10, 125, 62, 48, 55, 16, 88, 127, 109, 95, 120, 26, 28, 85, 121, 69, 17, 93, 23, 44, 113, 74, 37, 77, 6, 57, 14, 53, 122, 84, 97, 58, 9, 80, 115, 61, 54, 11, 50, 101, 90, 102, 29, 76, 15, 108, 30, 51, 46, 68, 124, 18, 21, 83, 60, 114, 119, 105, 19, 96, 47, 33, 45, 24, 123, 38, 98, 59, 41, 100, 5, 103, 111, 94, 36, 63, 22, 2, 34, 106, 67, 8, 73, 71, 42, 39, 35, 70, 13, 4, 64, 3, 1, 65, 66, 0], [107, 43, 112, 56, 53, 127, 48, 115, 50, 116, 55, 125, 117, 25, 99, 19, 52, 120, 126, 61, 37, 118, 46, 121, 57, 62, 93, 113, 63, 58, 124, 29, 51, 114, 109, 122, 59, 54, 60, 49, 110, 91, 45, 119, 89, 31, 123, 36, 105, 47, 104, 111, 33, 44, 40, 86, 108, 24, 106, 42, 27, 28, 41, 95, 88, 38, 80, 39, 35, 101, 100, 83, 34, 102, 22, 20, 16, 103, 13, 98, 21, 77, 87, 97, 92, 90, 30, 17, 26, 79, 82, 32, 23, 70, 14, 96, 94, 81, 4, 10, 65, 85, 7, 11, 68, 6, 3, 1, 67, 84, 71, 15, 78, 18, 74, 5, 69, 75, 2, 72, 64, 66, 0, 8, 12, 9, 76, 73], [107, 126, 56, 99, 43, 117, 109, 25, 79, 86, 82, 31, 93, 91, 84, 89, 118, 116, 18, 33, 4, 110, 0, 73, 20, 77, 53, 28, 66, 78, 9, 55, 96, 41, 105, 1, 75, 98, 39, 112, 37, 81, 120, 121, 125, 72, 127, 36, 32, 17, 26, 30, 52, 95, 113, 54, 64, 80, 29, 3, 97, 92, 42, 6, 27, 76, 60, 50, 101, 58, 61, 94, 48, 40, 22, 114, 49, 63, 62, 57, 51, 44, 46, 122, 19, 23, 5, 14, 104, 38, 24, 15, 87, 90, 123, 69, 16, 67, 2, 34, 100, 59, 45, 70, 12, 10, 103, 21, 88, 102, 13, 7, 74, 119, 108, 124, 47, 83, 85, 111, 11, 68, 8, 35, 71, 65, 106, 115], [56, 107, 112, 99, 125, 19, 50, 126, 116, 43, 127, 25, 52, 117, 62, 121, 120, 48, 53, 45, 31, 124, 93, 57, 113, 40, 61, 109, 55, 46, 60, 51, 122, 49, 118, 63, 114, 54, 59, 29, 58, 123, 115, 119, 105, 47, 111, 36, 104, 89, 108, 110, 33, 35, 44, 91, 24, 86, 106, 27, 41, 42, 39, 38, 98, 88, 101, 37, 100, 83, 95, 103, 102, 28, 21, 80, 22, 92, 34, 90, 13, 74, 77, 17, 23, 30, 97, 87, 32, 26, 94, 81, 16, 96, 75, 10, 7, 71, 14, 20, 78, 65, 82, 70, 6, 1, 3, 79, 69, 4, 67, 72, 85, 18, 68, 11, 2, 5, 8, 66, 84, 15, 0, 64, 12, 76, 9, 73]], "model.layers.26.self_attn.k_proj": [[43, 22, 107, 99, 92, 126, 127, 96, 64, 47, 46, 56, 48, 80, 119, 124, 68, 7, 122, 13, 116, 57, 49, 109, 54, 113, 18, 2, 117, 112, 63, 118, 44, 62, 115, 55, 52, 58, 123, 50, 125, 53, 120, 51, 59, 121, 60, 110, 108, 114, 61, 101, 74, 98, 111, 11, 106, 42, 45, 76, 41, 102, 3, 37, 78, 36, 6, 40, 105, 103, 34, 104, 1, 97, 69, 39, 38, 10, 70, 8, 21, 89, 72, 15, 5, 94, 31, 90, 84, 33, 95, 87, 30, 9, 17, 100, 23, 24, 82, 28, 29, 26, 88, 91, 32, 81, 12, 25, 93, 27, 73, 85, 75, 67, 19, 20, 79, 71, 35, 83, 14, 16, 66, 77, 4, 65, 0, 86], [46, 110, 100, 31, 26, 22, 19, 86, 17, 14, 94, 12, 74, 28, 58, 121, 60, 24, 77, 15, 72, 62, 104, 123, 54, 29, 118, 43, 10, 106, 122, 52, 112, 32, 37, 61, 108, 68, 83, 49, 67, 7, 16, 40, 63, 125, 5, 44, 119, 127, 116, 97, 98, 33, 38, 113, 50, 27, 59, 89, 57, 41, 42, 111, 115, 109, 102, 126, 93, 91, 81, 56, 34, 101, 53, 69, 55, 70, 124, 103, 105, 84, 99, 48, 18, 117, 107, 71, 39, 51, 1, 95, 35, 23, 114, 47, 76, 120, 96, 87, 36, 65, 45, 0, 21, 64, 30, 88, 92, 25, 20, 85, 9, 13, 82, 8, 79, 75, 90, 6, 66, 80, 4, 3, 11, 73, 78, 2], [123, 57, 97, 37, 24, 95, 92, 85, 82, 90, 80, 108, 115, 124, 73, 75, 19, 50, 114, 104, 76, 40, 78, 77, 83, 101, 53, 59, 121, 39, 35, 70, 119, 10, 0, 88, 105, 14, 55, 111, 71, 5, 48, 45, 126, 61, 4, 103, 30, 93, 109, 52, 21, 43, 1, 113, 116, 3, 112, 49, 42, 72, 54, 62, 96, 44, 117, 107, 41, 51, 58, 106, 60, 81, 118, 66, 46, 56, 127, 47, 110, 15, 63, 122, 120, 17, 20, 125, 36, 86, 89, 102, 100, 91, 32, 99, 34, 33, 84, 98, 27, 22, 94, 38, 29, 87, 2, 13, 25, 23, 79, 18, 16, 67, 31, 8, 7, 74, 26, 28, 64, 11, 6, 12, 69, 65, 68, 9], [125, 37, 63, 61, 22, 97, 59, 114, 126, 119, 51, 55, 124, 117, 112, 58, 57, 127, 53, 60, 121, 110, 123, 108, 122, 56, 52, 49, 111, 107, 44, 118, 113, 45, 31, 50, 62, 47, 29, 115, 120, 48, 109, 104, 54, 46, 36, 106, 43, 101, 90, 105, 79, 42, 34, 27, 17, 102, 116, 41, 40, 83, 38, 35, 39, 98, 85, 88, 92, 86, 30, 81, 89, 103, 87, 91, 99, 20, 24, 25, 93, 100, 13, 15, 78, 95, 82, 28, 18, 32, 96, 73, 21, 75, 94, 84, 26, 19, 33, 12, 69, 23, 11, 6, 72, 4, 8, 80, 10, 77, 76, 7, 14, 16, 67, 2, 74, 65, 71, 64, 9, 70, 1, 68, 66, 5, 0, 3], [105, 55, 98, 52, 95, 23, 21, 80, 83, 64, 13, 61, 11, 116, 74, 6, 28, 117, 51, 60, 27, 46, 69, 8, 49, 109, 2, 90, 71, 59, 123, 65, 42, 57, 12, 111, 4, 115, 127, 67, 113, 72, 103, 53, 126, 50, 79, 54, 58, 93, 82, 124, 43, 118, 26, 100, 62, 119, 108, 56, 110, 25, 122, 44, 41, 112, 63, 78, 47, 34, 97, 45, 114, 99, 1, 104, 106, 29, 125, 37, 121, 107, 35, 30, 101, 32, 38, 39, 3, 120, 96, 18, 40, 102, 81, 33, 24, 48, 94, 15, 36, 20, 88, 17, 86, 91, 76, 9, 14, 77, 22, 89, 92, 75, 66, 5, 84, 31, 73, 10, 7, 87, 70, 19, 0, 85, 16, 68], [109, 39, 80, 84, 10, 93, 13, 87, 45, 71, 54, 69, 64, 3, 111, 118, 57, 12, 119, 29, 126, 117, 65, 121, 49, 78, 68, 106, 88, 31, 1, 9, 122, 127, 55, 123, 22, 51, 115, 113, 17, 104, 102, 96, 53, 82, 46, 76, 58, 125, 41, 14, 61, 63, 83, 2, 52, 59, 62, 112, 72, 15, 44, 60, 124, 101, 100, 32, 86, 36, 26, 50, 94, 95, 43, 30, 48, 105, 6, 47, 114, 108, 85, 107, 110, 42, 34, 27, 56, 98, 120, 116, 66, 21, 37, 75, 0, 40, 25, 91, 35, 28, 90, 79, 4, 67, 24, 89, 33, 99, 92, 38, 70, 18, 5, 19, 8, 23, 97, 73, 103, 7, 11, 81, 74, 77, 20, 16], [59, 40, 31, 20, 28, 86, 114, 98, 13, 113, 89, 88, 54, 115, 82, 56, 116, 111, 50, 99, 124, 21, 66, 0, 67, 35, 127, 41, 87, 62, 16, 53, 49, 17, 121, 27, 15, 68, 80, 126, 18, 11, 78, 44, 48, 55, 1, 109, 8, 70, 123, 47, 92, 10, 105, 58, 57, 112, 25, 60, 46, 118, 33, 122, 106, 63, 23, 51, 76, 29, 43, 125, 83, 30, 34, 36, 7, 61, 117, 119, 45, 52, 120, 73, 93, 65, 103, 39, 108, 26, 107, 42, 69, 9, 100, 96, 74, 97, 5, 101, 110, 102, 38, 85, 94, 79, 24, 81, 71, 64, 37, 90, 14, 32, 19, 6, 12, 72, 91, 4, 2, 77, 22, 75, 95, 3, 84, 104], [43, 35, 86, 56, 107, 29, 25, 19, 118, 126, 117, 95, 127, 116, 121, 57, 79, 109, 119, 55, 101, 92, 112, 125, 58, 63, 113, 41, 97, 52, 59, 51, 53, 54, 122, 114, 115, 61, 60, 62, 49, 124, 123, 45, 50, 111, 105, 82, 120, 48, 47, 64, 42, 44, 110, 20, 27, 34, 94, 46, 108, 80, 103, 38, 77, 37, 106, 104, 102, 75, 70, 100, 9, 65, 98, 39, 4, 40, 2, 36, 85, 84, 24, 7, 32, 67, 99, 90, 93, 69, 28, 16, 71, 26, 73, 96, 33, 11, 30, 87, 78, 91, 31, 76, 17, 81, 14, 21, 12, 18, 68, 23, 74, 8, 88, 10, 72, 13, 5, 15, 0, 83, 89, 1, 6, 3, 22, 66]], "model.layers.26.self_attn.qk_proj": [[59, 43, 57, 123, 109, 110, 107, 46, 63, 61, 55, 125, 56, 45, 105, 37, 52, 54, 126, 29, 41, 50, 117, 99, 40, 101, 28, 115, 114, 23, 62, 119, 22, 58, 95, 92, 127, 121, 80, 31, 124, 87, 16, 53, 116, 13, 88, 86, 103, 60, 39, 77, 51, 20, 112, 111, 44, 21, 19, 104, 84, 97, 90, 48, 24, 47, 49, 85, 82, 93, 113, 118, 83, 122, 120, 10, 34, 18, 26, 74, 33, 106, 100, 98, 42, 108, 7, 35, 25, 89, 36, 91, 71, 64, 30, 72, 75, 11, 102, 32, 96, 81, 79, 15, 14, 0, 78, 17, 76, 38, 67, 12, 3, 69, 27, 94, 5, 66, 68, 1, 73, 9, 70, 65, 8, 2, 6, 4], [43, 59, 57, 123, 109, 107, 110, 46, 61, 63, 125, 55, 56, 45, 105, 52, 37, 54, 126, 29, 117, 101, 41, 115, 50, 114, 62, 40, 99, 127, 58, 28, 31, 121, 23, 92, 103, 51, 22, 124, 119, 112, 116, 77, 80, 95, 104, 39, 16, 87, 86, 24, 60, 49, 53, 13, 88, 85, 48, 21, 111, 93, 97, 44, 47, 120, 122, 20, 113, 19, 118, 83, 90, 34, 10, 84, 108, 82, 74, 100, 18, 33, 26, 35, 25, 89, 98, 42, 91, 71, 106, 15, 30, 36, 0, 75, 64, 72, 96, 11, 32, 7, 79, 67, 12, 14, 102, 5, 76, 81, 78, 3, 38, 94, 69, 27, 17, 9, 66, 73, 2, 6, 4, 1, 68, 70, 8, 65], [59, 43, 57, 123, 109, 107, 110, 46, 61, 63, 55, 125, 56, 45, 105, 54, 52, 37, 126, 29, 117, 41, 101, 114, 62, 99, 50, 40, 115, 124, 28, 104, 127, 121, 119, 22, 51, 112, 103, 86, 53, 80, 95, 92, 116, 31, 23, 87, 48, 77, 44, 16, 49, 88, 39, 58, 113, 97, 13, 93, 34, 47, 24, 21, 60, 20, 122, 118, 85, 83, 111, 90, 74, 19, 84, 120, 98, 108, 82, 10, 18, 33, 36, 26, 100, 35, 64, 106, 42, 91, 71, 89, 25, 0, 7, 15, 78, 38, 81, 17, 30, 11, 76, 79, 75, 14, 67, 96, 102, 32, 69, 72, 94, 3, 27, 5, 12, 1, 6, 68, 2, 4, 73, 65, 8, 66, 9, 70], [43, 59, 57, 123, 109, 110, 107, 46, 63, 61, 55, 56, 125, 45, 105, 52, 37, 126, 54, 117, 29, 114, 101, 50, 49, 41, 121, 40, 115, 62, 124, 99, 53, 44, 112, 104, 80, 119, 116, 23, 28, 22, 16, 92, 95, 86, 51, 77, 60, 113, 31, 13, 103, 58, 127, 111, 88, 87, 93, 120, 19, 48, 20, 39, 21, 118, 24, 85, 10, 90, 84, 97, 122, 108, 47, 74, 34, 83, 82, 33, 98, 26, 18, 0, 100, 106, 71, 7, 36, 89, 35, 81, 79, 42, 15, 102, 64, 91, 25, 17, 75, 78, 30, 14, 76, 5, 67, 11, 3, 38, 69, 72, 8, 96, 27, 6, 4, 12, 94, 32, 65, 68, 2, 1, 66, 73, 9, 70], [43, 59, 57, 123, 109, 110, 107, 46, 63, 61, 125, 56, 55, 45, 105, 52, 126, 37, 117, 54, 114, 50, 41, 29, 40, 121, 99, 119, 44, 101, 49, 124, 23, 22, 62, 127, 28, 51, 104, 53, 80, 16, 13, 116, 88, 115, 60, 86, 95, 118, 112, 92, 87, 77, 120, 31, 47, 58, 20, 84, 93, 103, 111, 74, 39, 34, 19, 10, 21, 97, 122, 83, 24, 48, 85, 113, 90, 82, 108, 18, 26, 98, 33, 35, 7, 100, 106, 64, 89, 71, 36, 75, 96, 0, 15, 81, 91, 25, 79, 5, 67, 76, 30, 102, 8, 78, 3, 11, 17, 32, 69, 14, 42, 4, 94, 12, 1, 6, 2, 38, 65, 27, 72, 68, 9, 66, 73, 70], [43, 59, 57, 123, 107, 110, 109, 46, 63, 61, 125, 55, 56, 45, 105, 52, 37, 54, 117, 29, 50, 126, 41, 99, 40, 23, 80, 115, 22, 114, 101, 86, 44, 116, 124, 16, 95, 28, 121, 104, 62, 13, 60, 92, 88, 49, 119, 118, 19, 103, 93, 51, 127, 77, 31, 39, 58, 85, 87, 112, 20, 21, 53, 111, 120, 84, 47, 97, 10, 74, 24, 48, 122, 34, 113, 83, 26, 82, 33, 108, 90, 100, 106, 36, 98, 15, 18, 35, 25, 7, 64, 0, 91, 11, 89, 81, 71, 30, 14, 12, 75, 102, 79, 32, 96, 42, 17, 5, 78, 76, 38, 8, 3, 67, 94, 72, 69, 66, 70, 4, 6, 27, 9, 73, 65, 68, 1, 2], [59, 43, 57, 123, 109, 110, 107, 46, 63, 61, 55, 125, 56, 45, 105, 52, 37, 54, 29, 126, 41, 50, 117, 28, 121, 114, 124, 40, 99, 101, 22, 80, 119, 95, 87, 23, 86, 49, 115, 16, 92, 31, 44, 48, 88, 77, 13, 51, 116, 104, 62, 20, 122, 60, 58, 19, 84, 97, 127, 85, 118, 39, 103, 47, 34, 21, 120, 93, 90, 24, 112, 83, 74, 100, 111, 10, 108, 18, 26, 53, 82, 113, 98, 35, 33, 25, 30, 36, 106, 91, 89, 15, 7, 42, 11, 78, 71, 102, 14, 79, 75, 17, 64, 32, 81, 0, 96, 5, 38, 12, 8, 76, 94, 69, 3, 67, 27, 6, 4, 73, 9, 68, 1, 2, 66, 65, 70, 72], [59, 43, 57, 123, 107, 109, 110, 46, 61, 63, 55, 125, 56, 45, 105, 52, 37, 29, 126, 54, 117, 41, 101, 115, 114, 28, 121, 99, 50, 22, 119, 23, 116, 31, 86, 40, 124, 95, 92, 87, 51, 62, 16, 49, 103, 80, 88, 112, 39, 127, 104, 53, 113, 13, 44, 48, 60, 58, 97, 20, 19, 122, 90, 77, 21, 93, 85, 24, 100, 84, 118, 120, 34, 83, 82, 42, 74, 108, 91, 47, 18, 33, 26, 10, 36, 25, 106, 35, 111, 30, 89, 98, 7, 14, 78, 79, 17, 0, 32, 75, 81, 64, 15, 12, 71, 8, 27, 94, 102, 5, 38, 11, 3, 96, 67, 69, 66, 76, 65, 2, 4, 73, 9, 1, 68, 70, 6, 72], [59, 43, 57, 123, 107, 109, 110, 46, 63, 61, 55, 56, 125, 45, 105, 37, 52, 29, 54, 41, 117, 126, 101, 50, 115, 58, 99, 124, 114, 28, 40, 121, 44, 23, 119, 92, 22, 62, 116, 95, 31, 16, 127, 49, 13, 104, 97, 87, 122, 60, 86, 53, 112, 77, 103, 88, 80, 113, 85, 51, 48, 93, 21, 118, 34, 20, 24, 39, 84, 111, 90, 47, 19, 82, 100, 120, 74, 36, 108, 83, 33, 18, 91, 10, 26, 25, 106, 35, 98, 89, 30, 42, 38, 15, 71, 14, 32, 11, 78, 79, 96, 7, 27, 8, 17, 75, 94, 64, 102, 12, 0, 76, 81, 67, 5, 3, 69, 70, 9, 4, 1, 66, 68, 73, 2, 65, 72, 6], [59, 43, 57, 123, 109, 46, 110, 107, 63, 61, 55, 125, 56, 45, 105, 37, 54, 52, 126, 29, 117, 115, 50, 41, 40, 101, 62, 28, 114, 112, 99, 121, 119, 58, 124, 53, 116, 44, 23, 95, 103, 51, 86, 92, 22, 127, 104, 60, 31, 13, 16, 48, 80, 87, 49, 77, 122, 88, 21, 39, 118, 108, 113, 120, 111, 93, 20, 97, 24, 84, 19, 85, 90, 18, 34, 74, 47, 10, 100, 83, 33, 36, 82, 7, 71, 35, 98, 0, 91, 42, 25, 75, 11, 26, 8, 64, 79, 30, 96, 89, 14, 15, 106, 17, 5, 67, 76, 3, 78, 81, 38, 70, 102, 69, 32, 12, 94, 1, 9, 65, 2, 4, 73, 27, 66, 68, 72, 6], [59, 43, 57, 123, 109, 110, 46, 107, 61, 63, 56, 55, 125, 45, 105, 52, 37, 126, 54, 29, 115, 41, 121, 117, 101, 99, 50, 114, 119, 80, 28, 53, 40, 127, 16, 51, 60, 22, 13, 62, 23, 124, 58, 44, 87, 116, 86, 95, 112, 77, 104, 49, 31, 88, 103, 20, 111, 92, 113, 39, 74, 19, 84, 21, 97, 118, 122, 10, 90, 24, 85, 120, 83, 93, 26, 33, 108, 100, 7, 18, 47, 34, 48, 98, 82, 91, 35, 42, 71, 36, 25, 0, 11, 64, 81, 79, 15, 67, 75, 14, 12, 106, 3, 38, 89, 76, 78, 96, 8, 17, 30, 69, 102, 5, 32, 72, 73, 4, 1, 70, 2, 94, 27, 65, 68, 66, 6, 9], [43, 59, 57, 123, 109, 107, 46, 110, 63, 61, 55, 125, 56, 45, 105, 52, 37, 126, 29, 54, 41, 114, 101, 117, 22, 121, 40, 115, 99, 28, 86, 80, 23, 50, 119, 13, 104, 95, 31, 16, 124, 127, 51, 92, 87, 44, 58, 116, 77, 88, 97, 39, 60, 20, 62, 93, 53, 103, 84, 118, 74, 112, 113, 21, 85, 111, 48, 120, 90, 19, 49, 10, 33, 82, 83, 122, 34, 24, 18, 25, 100, 108, 26, 35, 91, 47, 89, 71, 98, 79, 7, 15, 30, 96, 36, 106, 11, 12, 78, 0, 102, 14, 64, 75, 17, 81, 42, 32, 69, 67, 27, 73, 38, 76, 3, 8, 65, 94, 5, 2, 4, 1, 72, 6, 9, 70, 68, 66], [59, 43, 57, 123, 109, 107, 110, 46, 63, 61, 55, 125, 56, 45, 105, 37, 52, 54, 29, 126, 121, 114, 50, 101, 41, 117, 115, 99, 22, 95, 119, 40, 28, 86, 87, 116, 80, 58, 118, 92, 124, 62, 103, 104, 31, 88, 23, 97, 127, 93, 122, 51, 16, 44, 39, 112, 49, 113, 77, 60, 33, 84, 48, 34, 85, 19, 53, 13, 108, 111, 120, 90, 24, 21, 10, 20, 83, 26, 82, 18, 36, 30, 74, 89, 98, 91, 100, 25, 35, 47, 42, 106, 96, 7, 64, 79, 15, 32, 75, 78, 71, 12, 81, 38, 94, 11, 69, 14, 102, 76, 17, 67, 5, 27, 72, 8, 0, 1, 6, 3, 2, 73, 4, 65, 66, 9, 68, 70], [59, 43, 57, 123, 107, 109, 110, 46, 63, 61, 55, 125, 45, 56, 105, 37, 52, 126, 29, 54, 101, 41, 116, 50, 117, 114, 121, 124, 115, 119, 23, 40, 99, 62, 120, 51, 86, 13, 28, 103, 122, 95, 104, 87, 31, 16, 22, 80, 127, 92, 118, 44, 53, 49, 113, 39, 111, 58, 88, 19, 60, 112, 77, 24, 97, 84, 10, 85, 21, 20, 90, 48, 93, 34, 108, 106, 100, 47, 18, 83, 82, 74, 26, 33, 98, 42, 0, 30, 35, 36, 7, 89, 71, 91, 64, 25, 72, 15, 81, 79, 75, 38, 69, 12, 67, 3, 11, 32, 14, 94, 96, 5, 78, 17, 76, 102, 65, 8, 4, 6, 1, 2, 73, 27, 9, 70, 66, 68], [59, 43, 57, 123, 109, 107, 110, 46, 63, 61, 55, 125, 56, 45, 105, 37, 52, 126, 54, 29, 41, 114, 101, 117, 40, 50, 99, 115, 23, 124, 31, 60, 44, 86, 121, 58, 22, 119, 95, 62, 16, 13, 28, 104, 116, 87, 80, 39, 88, 112, 103, 53, 113, 127, 77, 92, 51, 49, 48, 118, 93, 85, 120, 111, 84, 74, 97, 20, 19, 24, 21, 10, 90, 122, 82, 100, 47, 34, 83, 18, 33, 106, 108, 91, 26, 71, 0, 35, 42, 98, 7, 64, 75, 25, 89, 79, 36, 30, 38, 81, 15, 5, 78, 72, 3, 11, 102, 67, 76, 96, 17, 14, 32, 94, 73, 69, 6, 4, 68, 1, 66, 8, 65, 12, 2, 27, 9, 70], [59, 43, 57, 123, 107, 109, 110, 46, 63, 61, 55, 56, 125, 45, 105, 52, 37, 126, 54, 101, 29, 117, 50, 41, 115, 114, 62, 44, 80, 99, 23, 28, 95, 22, 86, 121, 40, 124, 116, 16, 31, 92, 60, 13, 119, 87, 127, 112, 51, 104, 113, 58, 88, 103, 111, 118, 97, 77, 84, 53, 39, 48, 85, 19, 20, 10, 74, 49, 120, 122, 21, 108, 90, 93, 100, 24, 26, 34, 47, 18, 83, 33, 82, 106, 89, 25, 98, 7, 35, 71, 30, 42, 79, 0, 96, 91, 36, 15, 75, 78, 17, 12, 102, 76, 11, 64, 14, 27, 81, 72, 67, 5, 38, 3, 94, 1, 32, 69, 65, 73, 66, 9, 68, 70, 6, 2, 4, 8], [59, 43, 57, 123, 107, 109, 110, 46, 61, 63, 125, 55, 56, 45, 105, 52, 37, 54, 126, 115, 101, 29, 40, 114, 50, 28, 117, 121, 41, 62, 95, 116, 31, 99, 92, 22, 127, 80, 23, 124, 86, 39, 87, 16, 58, 60, 13, 49, 44, 51, 88, 119, 122, 112, 53, 97, 84, 118, 19, 120, 85, 104, 93, 103, 24, 20, 21, 48, 108, 34, 90, 33, 82, 77, 111, 100, 26, 74, 83, 113, 35, 98, 18, 36, 89, 47, 25, 10, 42, 91, 30, 106, 71, 96, 7, 79, 64, 0, 81, 78, 15, 32, 11, 75, 102, 72, 12, 38, 76, 17, 27, 3, 14, 94, 67, 69, 5, 73, 65, 6, 70, 1, 9, 68, 4, 66, 8, 2], [59, 43, 57, 123, 109, 107, 110, 46, 61, 63, 55, 56, 125, 45, 105, 37, 52, 126, 41, 29, 54, 50, 115, 101, 117, 40, 114, 80, 22, 28, 49, 121, 23, 104, 31, 99, 95, 86, 92, 103, 119, 60, 124, 116, 58, 13, 87, 62, 16, 51, 39, 44, 127, 77, 88, 93, 97, 113, 24, 120, 122, 21, 118, 20, 19, 112, 84, 48, 74, 53, 34, 85, 111, 18, 108, 26, 90, 100, 82, 47, 33, 10, 83, 42, 89, 35, 98, 25, 71, 91, 79, 0, 30, 106, 81, 36, 72, 7, 17, 96, 64, 11, 15, 78, 5, 67, 14, 69, 94, 32, 102, 75, 3, 12, 76, 65, 38, 66, 68, 27, 73, 70, 9, 4, 1, 6, 2, 8], [59, 43, 57, 123, 109, 110, 46, 107, 63, 61, 55, 56, 125, 45, 105, 37, 126, 52, 54, 117, 50, 29, 114, 41, 40, 44, 101, 115, 121, 62, 124, 104, 58, 28, 60, 99, 80, 119, 116, 103, 113, 23, 53, 95, 118, 22, 51, 31, 122, 92, 13, 86, 120, 49, 39, 112, 16, 87, 88, 77, 111, 97, 100, 24, 74, 93, 108, 84, 21, 20, 127, 48, 85, 47, 34, 19, 90, 82, 10, 18, 106, 33, 83, 35, 98, 42, 26, 71, 36, 7, 30, 0, 91, 89, 102, 64, 79, 11, 81, 38, 25, 75, 3, 72, 32, 94, 96, 78, 76, 15, 12, 17, 69, 67, 27, 5, 14, 70, 73, 65, 66, 9, 8, 4, 1, 68, 2, 6], [43, 59, 57, 123, 109, 107, 110, 46, 63, 61, 56, 55, 125, 45, 105, 37, 52, 126, 54, 29, 117, 50, 41, 121, 101, 62, 40, 114, 115, 44, 23, 99, 95, 104, 28, 16, 58, 116, 124, 31, 60, 103, 13, 51, 49, 92, 22, 80, 39, 122, 87, 127, 86, 119, 88, 93, 118, 77, 120, 112, 113, 97, 85, 111, 108, 47, 24, 10, 53, 20, 84, 74, 21, 34, 100, 90, 19, 33, 18, 83, 98, 48, 89, 26, 82, 91, 42, 35, 30, 11, 71, 7, 64, 36, 75, 106, 32, 3, 25, 12, 79, 69, 15, 0, 102, 96, 94, 17, 67, 76, 78, 38, 72, 14, 8, 5, 81, 27, 70, 65, 68, 66, 9, 73, 1, 2, 4, 6], [59, 43, 57, 123, 109, 107, 110, 46, 61, 63, 55, 56, 125, 45, 105, 126, 54, 37, 52, 29, 41, 121, 40, 101, 50, 117, 115, 99, 116, 114, 95, 127, 28, 44, 119, 62, 104, 49, 86, 122, 22, 124, 39, 80, 23, 53, 118, 16, 31, 113, 120, 13, 103, 87, 60, 92, 112, 51, 93, 88, 58, 111, 77, 84, 48, 34, 97, 20, 74, 85, 33, 21, 19, 47, 98, 90, 10, 24, 108, 83, 18, 26, 100, 35, 91, 25, 89, 71, 82, 36, 7, 42, 15, 11, 79, 30, 75, 17, 106, 96, 76, 81, 102, 78, 0, 72, 14, 64, 32, 69, 67, 3, 94, 38, 12, 8, 5, 70, 1, 68, 73, 4, 65, 66, 2, 27, 9, 6], [59, 43, 57, 123, 109, 107, 110, 46, 61, 63, 56, 125, 55, 45, 105, 126, 37, 52, 54, 29, 117, 41, 50, 101, 99, 40, 121, 115, 114, 116, 49, 104, 28, 44, 113, 119, 122, 124, 62, 23, 80, 103, 92, 22, 58, 16, 95, 87, 60, 51, 86, 39, 112, 118, 31, 88, 53, 48, 127, 120, 97, 13, 24, 77, 34, 20, 84, 111, 93, 21, 74, 85, 108, 90, 47, 19, 33, 83, 100, 26, 82, 64, 10, 98, 18, 71, 36, 106, 35, 0, 30, 42, 91, 89, 25, 7, 15, 11, 67, 17, 75, 8, 81, 79, 78, 3, 14, 38, 5, 102, 69, 32, 12, 94, 76, 72, 65, 1, 96, 70, 68, 27, 4, 66, 6, 2, 73, 9], [59, 43, 57, 123, 107, 109, 110, 46, 63, 61, 55, 56, 125, 45, 105, 37, 126, 54, 52, 117, 29, 50, 101, 41, 115, 40, 99, 114, 28, 119, 116, 121, 104, 124, 23, 62, 53, 95, 22, 92, 127, 51, 58, 49, 86, 103, 80, 122, 112, 31, 118, 16, 44, 39, 97, 113, 13, 77, 93, 20, 87, 88, 21, 90, 111, 24, 60, 120, 19, 85, 48, 34, 83, 84, 47, 91, 30, 108, 74, 33, 100, 26, 18, 35, 10, 82, 42, 98, 25, 89, 36, 7, 15, 71, 102, 11, 106, 32, 8, 0, 75, 79, 81, 94, 27, 14, 12, 17, 67, 64, 3, 69, 96, 38, 78, 5, 66, 65, 76, 68, 73, 72, 1, 70, 6, 9, 2, 4], [59, 43, 57, 123, 107, 109, 110, 46, 63, 61, 125, 56, 55, 45, 105, 37, 52, 29, 54, 126, 41, 114, 121, 116, 40, 50, 117, 28, 62, 101, 115, 95, 104, 99, 44, 23, 119, 80, 22, 103, 16, 60, 92, 118, 13, 124, 58, 39, 86, 88, 77, 111, 31, 87, 112, 127, 20, 93, 51, 53, 49, 21, 84, 122, 85, 113, 83, 10, 97, 74, 90, 19, 24, 33, 120, 82, 25, 98, 26, 18, 47, 34, 108, 48, 7, 100, 35, 36, 89, 91, 71, 79, 8, 75, 11, 106, 30, 12, 76, 32, 42, 15, 0, 78, 102, 14, 69, 38, 17, 96, 81, 3, 73, 67, 64, 5, 94, 6, 9, 65, 27, 70, 66, 4, 72, 68, 2, 1], [59, 43, 57, 123, 109, 107, 110, 46, 61, 63, 125, 55, 56, 45, 105, 37, 52, 126, 29, 41, 54, 114, 117, 40, 50, 99, 28, 127, 101, 121, 23, 22, 95, 86, 115, 16, 80, 31, 60, 111, 62, 116, 44, 104, 58, 77, 53, 92, 88, 49, 113, 13, 103, 124, 119, 87, 39, 21, 51, 20, 118, 19, 97, 122, 84, 112, 93, 18, 47, 10, 74, 90, 108, 24, 34, 48, 85, 83, 26, 120, 82, 100, 35, 98, 25, 33, 7, 30, 8, 89, 36, 71, 11, 106, 14, 42, 91, 79, 15, 102, 75, 76, 0, 78, 32, 96, 17, 81, 64, 12, 94, 69, 67, 3, 6, 38, 5, 73, 65, 68, 9, 70, 1, 4, 27, 66, 2, 72], [59, 43, 57, 123, 107, 109, 46, 110, 61, 63, 55, 125, 56, 45, 105, 37, 54, 126, 52, 50, 29, 117, 114, 101, 41, 121, 115, 28, 99, 40, 31, 112, 49, 116, 124, 62, 92, 22, 23, 95, 127, 113, 58, 86, 44, 88, 97, 60, 39, 87, 103, 104, 118, 122, 80, 16, 111, 21, 13, 53, 77, 24, 84, 119, 51, 85, 34, 20, 120, 100, 19, 48, 90, 93, 26, 47, 74, 83, 42, 33, 106, 108, 36, 18, 30, 89, 10, 98, 82, 35, 7, 25, 91, 11, 0, 64, 96, 15, 75, 32, 102, 79, 78, 8, 14, 71, 94, 81, 27, 76, 69, 12, 38, 3, 17, 67, 1, 5, 68, 73, 65, 6, 66, 2, 4, 9, 70, 72], [59, 43, 57, 123, 109, 107, 46, 110, 61, 63, 55, 125, 56, 45, 105, 37, 52, 126, 54, 29, 101, 50, 114, 41, 121, 40, 115, 117, 99, 62, 124, 28, 53, 127, 23, 95, 116, 58, 119, 31, 92, 80, 49, 44, 104, 118, 22, 86, 39, 16, 13, 112, 51, 111, 122, 88, 103, 60, 87, 97, 48, 77, 120, 20, 19, 34, 21, 113, 24, 85, 93, 84, 26, 47, 100, 74, 90, 10, 108, 33, 98, 83, 35, 106, 18, 82, 36, 42, 91, 7, 25, 30, 89, 38, 102, 79, 96, 8, 71, 81, 12, 14, 11, 78, 15, 94, 17, 75, 5, 76, 64, 32, 27, 0, 3, 69, 67, 4, 6, 72, 73, 65, 9, 68, 66, 2, 1, 70], [59, 43, 57, 123, 109, 107, 110, 46, 63, 61, 125, 55, 56, 45, 105, 37, 52, 126, 29, 54, 114, 121, 41, 50, 101, 117, 99, 40, 116, 28, 115, 124, 119, 80, 118, 104, 44, 95, 86, 49, 16, 23, 103, 13, 127, 62, 92, 22, 77, 58, 31, 51, 87, 112, 60, 39, 21, 88, 53, 113, 24, 111, 85, 93, 48, 84, 19, 10, 20, 122, 34, 74, 83, 120, 108, 97, 90, 18, 82, 26, 7, 106, 47, 33, 36, 100, 98, 42, 35, 71, 25, 0, 89, 64, 11, 79, 30, 69, 75, 3, 91, 78, 102, 14, 17, 12, 8, 67, 32, 15, 76, 96, 81, 5, 38, 94, 65, 6, 70, 72, 27, 68, 73, 4, 9, 66, 1, 2], [59, 43, 57, 123, 109, 110, 107, 46, 61, 63, 56, 125, 55, 45, 105, 52, 37, 54, 126, 29, 41, 50, 117, 53, 114, 101, 121, 40, 99, 60, 44, 104, 28, 95, 116, 58, 127, 124, 115, 80, 119, 86, 23, 111, 22, 92, 16, 112, 118, 103, 49, 77, 31, 88, 87, 39, 13, 62, 113, 20, 21, 10, 48, 93, 74, 122, 24, 51, 84, 97, 108, 33, 34, 19, 64, 106, 90, 83, 35, 26, 7, 85, 82, 120, 47, 36, 18, 98, 71, 100, 91, 11, 79, 0, 75, 42, 96, 102, 30, 15, 76, 78, 69, 17, 25, 89, 3, 67, 12, 32, 38, 14, 72, 65, 66, 81, 8, 5, 70, 4, 68, 94, 9, 1, 6, 73, 2, 27], [43, 59, 57, 123, 107, 109, 110, 46, 61, 63, 55, 56, 125, 45, 105, 52, 37, 54, 126, 29, 50, 41, 101, 114, 99, 116, 117, 115, 40, 112, 127, 28, 22, 23, 95, 60, 119, 16, 124, 104, 80, 86, 13, 118, 88, 92, 58, 44, 121, 103, 77, 62, 53, 31, 87, 49, 97, 113, 21, 85, 39, 93, 111, 20, 84, 10, 83, 19, 51, 122, 34, 90, 108, 24, 26, 48, 47, 120, 74, 33, 100, 106, 82, 18, 36, 98, 7, 91, 75, 25, 71, 35, 30, 15, 78, 64, 32, 17, 89, 12, 42, 14, 96, 81, 79, 11, 0, 102, 38, 3, 72, 5, 69, 76, 70, 67, 9, 65, 4, 8, 68, 2, 94, 66, 6, 73, 1, 27], [59, 43, 57, 123, 109, 110, 107, 46, 61, 63, 55, 125, 56, 45, 105, 52, 37, 126, 54, 29, 101, 50, 41, 28, 117, 115, 40, 116, 121, 99, 114, 112, 92, 104, 119, 124, 62, 127, 23, 16, 95, 58, 103, 80, 22, 31, 86, 39, 13, 88, 60, 53, 44, 113, 87, 118, 97, 111, 77, 34, 47, 85, 49, 21, 24, 122, 84, 108, 120, 20, 51, 48, 19, 93, 74, 90, 10, 33, 83, 18, 82, 100, 26, 0, 98, 7, 106, 35, 91, 71, 36, 64, 89, 11, 25, 42, 79, 67, 75, 102, 72, 96, 30, 15, 69, 14, 32, 12, 3, 5, 76, 68, 38, 81, 17, 70, 78, 94, 9, 2, 73, 4, 65, 8, 6, 27, 1, 66], [59, 43, 57, 123, 109, 107, 110, 46, 61, 63, 55, 56, 125, 45, 105, 52, 37, 126, 54, 29, 114, 41, 101, 50, 40, 115, 116, 28, 99, 117, 112, 95, 121, 127, 22, 23, 80, 86, 119, 92, 62, 103, 16, 87, 31, 39, 53, 13, 124, 60, 118, 44, 58, 88, 104, 113, 77, 51, 49, 21, 97, 19, 48, 93, 84, 111, 24, 10, 34, 33, 122, 85, 47, 20, 120, 74, 90, 82, 108, 83, 18, 26, 35, 36, 91, 100, 7, 75, 30, 25, 98, 14, 72, 106, 71, 79, 42, 89, 11, 76, 102, 96, 32, 17, 12, 64, 78, 15, 94, 5, 81, 27, 38, 73, 69, 0, 67, 9, 3, 70, 2, 68, 8, 66, 4, 1, 65, 6]], "model.layers.27.self_attn.q_proj": [[109, 45, 94, 90, 33, 23, 83, 81, 21, 60, 54, 117, 79, 125, 76, 28, 78, 123, 111, 112, 39, 58, 73, 62, 56, 61, 51, 5, 32, 59, 38, 114, 57, 115, 6, 52, 48, 105, 11, 35, 97, 43, 55, 100, 9, 122, 113, 106, 46, 7, 37, 53, 121, 10, 116, 98, 118, 63, 24, 120, 3, 126, 19, 0, 110, 49, 87, 17, 44, 22, 85, 50, 119, 75, 104, 124, 47, 103, 42, 127, 95, 101, 31, 29, 88, 108, 92, 25, 13, 4, 26, 14, 36, 30, 40, 80, 18, 107, 41, 20, 84, 86, 27, 93, 102, 99, 96, 15, 77, 89, 91, 82, 34, 74, 16, 66, 70, 72, 65, 8, 12, 64, 1, 2, 68, 69, 71, 67], [109, 45, 33, 94, 90, 21, 83, 23, 81, 79, 76, 105, 54, 28, 112, 73, 97, 123, 99, 7, 117, 75, 121, 6, 5, 127, 60, 39, 4, 38, 11, 9, 47, 125, 78, 106, 3, 0, 37, 48, 32, 56, 115, 111, 62, 63, 26, 71, 14, 74, 2, 46, 120, 18, 58, 119, 35, 113, 114, 17, 51, 110, 87, 16, 19, 49, 85, 1, 66, 107, 36, 70, 77, 59, 98, 126, 53, 89, 57, 44, 24, 50, 31, 124, 43, 22, 102, 122, 88, 55, 52, 42, 103, 108, 10, 92, 118, 82, 86, 104, 96, 80, 34, 30, 65, 116, 20, 84, 95, 41, 13, 29, 8, 61, 101, 25, 91, 72, 40, 100, 67, 69, 93, 27, 64, 15, 12, 68], [109, 45, 94, 90, 33, 83, 23, 21, 76, 79, 81, 123, 125, 28, 54, 39, 105, 99, 6, 73, 112, 111, 106, 5, 127, 60, 62, 58, 56, 9, 78, 38, 70, 32, 50, 3, 115, 44, 42, 72, 75, 66, 37, 40, 17, 48, 7, 97, 11, 63, 124, 52, 18, 84, 89, 51, 120, 10, 113, 101, 26, 87, 25, 98, 47, 41, 88, 80, 57, 59, 14, 49, 85, 0, 108, 19, 117, 126, 24, 31, 30, 95, 77, 116, 104, 103, 119, 107, 12, 74, 121, 110, 22, 1, 35, 102, 13, 4, 2, 55, 46, 34, 53, 118, 92, 96, 43, 91, 61, 114, 29, 122, 8, 100, 86, 16, 36, 82, 20, 93, 65, 15, 27, 71, 69, 67, 68, 64], [109, 45, 94, 90, 33, 125, 83, 23, 117, 81, 21, 76, 115, 32, 124, 57, 119, 113, 112, 79, 54, 121, 114, 9, 28, 123, 58, 39, 47, 51, 52, 60, 91, 118, 122, 53, 59, 29, 48, 49, 106, 61, 24, 14, 30, 101, 13, 110, 37, 38, 43, 100, 126, 116, 44, 17, 85, 80, 87, 50, 127, 5, 108, 95, 92, 88, 102, 103, 25, 63, 111, 99, 73, 96, 97, 55, 19, 107, 56, 40, 120, 89, 41, 75, 46, 6, 36, 84, 78, 22, 62, 42, 82, 20, 18, 35, 31, 16, 27, 26, 104, 98, 105, 93, 34, 86, 15, 12, 77, 65, 10, 8, 7, 74, 72, 11, 71, 0, 1, 68, 3, 69, 70, 4, 67, 66, 2, 64], [118, 53, 120, 63, 101, 60, 127, 121, 84, 57, 126, 119, 88, 56, 50, 112, 61, 124, 92, 52, 17, 54, 125, 117, 123, 24, 115, 113, 33, 55, 116, 49, 58, 59, 62, 51, 94, 110, 122, 93, 48, 47, 111, 45, 114, 43, 30, 37, 108, 39, 46, 44, 7, 14, 107, 90, 41, 109, 11, 104, 26, 9, 25, 74, 78, 20, 91, 77, 42, 103, 106, 5, 105, 29, 31, 75, 40, 22, 32, 80, 38, 36, 100, 21, 18, 6, 13, 72, 95, 99, 96, 73, 79, 4, 34, 16, 86, 35, 98, 83, 12, 3, 19, 81, 66, 10, 102, 85, 28, 97, 69, 23, 27, 87, 2, 89, 64, 1, 65, 70, 68, 71, 82, 0, 15, 67, 8, 76], [53, 120, 118, 101, 63, 60, 127, 50, 56, 57, 61, 124, 126, 84, 123, 121, 112, 119, 54, 115, 62, 52, 49, 117, 88, 93, 113, 116, 58, 110, 125, 55, 51, 122, 59, 108, 39, 111, 48, 47, 92, 114, 33, 45, 17, 46, 107, 37, 44, 14, 24, 77, 30, 90, 7, 109, 41, 94, 104, 26, 43, 105, 20, 103, 74, 106, 91, 9, 42, 83, 4, 19, 100, 25, 96, 3, 5, 11, 22, 29, 23, 40, 75, 38, 34, 80, 12, 6, 16, 73, 21, 32, 18, 36, 78, 98, 102, 95, 31, 89, 99, 86, 35, 27, 85, 72, 97, 79, 28, 81, 10, 87, 64, 65, 13, 70, 66, 1, 2, 71, 15, 82, 69, 76, 68, 8, 0, 67], [120, 118, 53, 101, 63, 60, 126, 121, 127, 56, 57, 84, 50, 119, 61, 124, 54, 112, 52, 62, 123, 115, 117, 125, 58, 116, 55, 110, 88, 93, 39, 113, 122, 49, 59, 47, 17, 51, 48, 111, 92, 108, 114, 33, 46, 14, 45, 43, 94, 109, 37, 90, 30, 11, 26, 41, 7, 25, 44, 107, 104, 24, 106, 9, 103, 42, 77, 22, 20, 100, 105, 74, 29, 91, 40, 78, 6, 34, 80, 5, 38, 31, 102, 18, 98, 95, 36, 32, 96, 73, 3, 85, 83, 16, 4, 86, 12, 79, 10, 28, 19, 75, 99, 27, 23, 21, 35, 13, 97, 89, 72, 81, 64, 66, 65, 1, 87, 70, 15, 71, 82, 67, 69, 0, 76, 68, 2, 8], [63, 53, 120, 118, 101, 60, 57, 50, 84, 127, 62, 61, 54, 112, 56, 124, 121, 88, 123, 115, 119, 117, 52, 49, 55, 126, 116, 39, 113, 58, 110, 122, 30, 59, 51, 125, 93, 111, 44, 48, 108, 114, 47, 14, 24, 45, 90, 43, 17, 46, 94, 77, 37, 33, 109, 92, 103, 74, 107, 11, 5, 7, 104, 73, 106, 98, 26, 9, 91, 41, 42, 105, 100, 36, 6, 83, 3, 18, 4, 40, 80, 32, 22, 38, 102, 85, 28, 25, 96, 20, 27, 75, 35, 34, 31, 95, 21, 23, 16, 78, 19, 99, 79, 72, 97, 86, 89, 10, 66, 29, 81, 12, 87, 13, 82, 65, 68, 15, 0, 64, 71, 2, 70, 1, 76, 69, 67, 8], [40, 98, 63, 23, 31, 85, 80, 26, 121, 60, 13, 19, 125, 54, 82, 122, 79, 8, 49, 74, 6, 1, 117, 55, 113, 105, 59, 57, 9, 12, 106, 127, 111, 52, 46, 66, 50, 119, 56, 58, 53, 112, 43, 103, 11, 27, 120, 108, 39, 126, 4, 124, 37, 24, 62, 123, 109, 28, 115, 38, 67, 100, 107, 64, 0, 90, 51, 15, 73, 75, 47, 61, 76, 42, 116, 97, 78, 21, 99, 35, 18, 30, 25, 104, 36, 118, 41, 87, 48, 88, 44, 102, 32, 93, 45, 94, 84, 101, 114, 3, 95, 33, 68, 5, 83, 110, 34, 96, 77, 29, 20, 89, 16, 91, 86, 69, 92, 7, 14, 81, 17, 72, 70, 22, 65, 71, 10, 2], [40, 63, 98, 31, 80, 23, 60, 85, 13, 74, 6, 4, 19, 8, 22, 64, 52, 66, 121, 46, 108, 28, 124, 56, 122, 106, 0, 79, 125, 104, 54, 65, 11, 55, 107, 113, 75, 59, 18, 90, 48, 82, 7, 1, 58, 73, 126, 119, 12, 68, 117, 84, 127, 83, 105, 34, 57, 49, 21, 120, 35, 77, 109, 20, 101, 111, 94, 47, 14, 15, 39, 81, 30, 97, 24, 100, 96, 2, 3, 16, 62, 114, 10, 53, 33, 32, 70, 9, 25, 112, 95, 17, 123, 116, 38, 89, 5, 91, 87, 88, 72, 86, 76, 51, 71, 78, 29, 67, 69, 43, 27, 36, 103, 44, 115, 50, 93, 41, 110, 102, 99, 26, 92, 42, 45, 37, 61, 118], [40, 63, 98, 31, 60, 8, 80, 85, 19, 13, 23, 6, 74, 1, 66, 121, 64, 122, 117, 124, 4, 26, 46, 106, 15, 52, 28, 54, 57, 109, 55, 125, 0, 89, 104, 87, 12, 24, 120, 56, 79, 119, 105, 68, 69, 108, 72, 27, 7, 113, 11, 71, 59, 126, 42, 21, 48, 18, 76, 83, 33, 78, 84, 103, 96, 75, 32, 16, 82, 65, 115, 20, 41, 90, 81, 30, 77, 50, 2, 62, 3, 51, 25, 116, 92, 123, 5, 114, 127, 67, 37, 93, 88, 61, 10, 47, 29, 118, 58, 36, 38, 107, 39, 94, 17, 70, 111, 97, 14, 49, 86, 110, 45, 91, 73, 100, 101, 35, 44, 53, 112, 99, 102, 22, 43, 9, 95, 34], [40, 63, 98, 23, 85, 60, 26, 80, 31, 13, 8, 74, 19, 66, 82, 6, 121, 59, 52, 106, 4, 58, 41, 122, 113, 46, 119, 28, 49, 48, 95, 57, 84, 5, 120, 111, 105, 125, 65, 38, 67, 79, 54, 55, 108, 109, 117, 2, 73, 102, 90, 7, 123, 47, 61, 76, 64, 0, 18, 107, 50, 83, 45, 69, 56, 53, 97, 32, 115, 77, 81, 87, 71, 124, 15, 42, 89, 103, 91, 11, 30, 44, 114, 126, 21, 118, 78, 100, 43, 24, 39, 96, 36, 62, 17, 68, 35, 127, 93, 20, 29, 51, 116, 16, 3, 22, 94, 27, 70, 75, 9, 112, 88, 33, 110, 92, 37, 10, 101, 25, 14, 12, 72, 86, 1, 99, 104, 34], [104, 120, 98, 46, 95, 126, 115, 52, 44, 91, 108, 59, 56, 60, 54, 27, 84, 58, 88, 96, 118, 82, 24, 122, 51, 36, 50, 21, 45, 42, 48, 112, 101, 57, 62, 124, 114, 55, 63, 113, 92, 119, 117, 116, 61, 76, 125, 86, 85, 47, 127, 23, 53, 123, 111, 121, 49, 43, 38, 13, 107, 110, 109, 22, 41, 106, 74, 99, 103, 105, 80, 89, 33, 97, 31, 29, 32, 19, 6, 78, 37, 102, 25, 39, 69, 94, 28, 100, 35, 64, 90, 18, 93, 8, 30, 15, 26, 83, 65, 87, 34, 14, 12, 0, 40, 2, 79, 20, 66, 81, 72, 7, 1, 17, 3, 73, 16, 67, 11, 4, 75, 10, 5, 68, 77, 71, 9, 70], [120, 104, 98, 95, 44, 108, 126, 46, 113, 125, 54, 27, 88, 91, 55, 58, 127, 122, 61, 59, 41, 60, 115, 50, 110, 106, 56, 84, 36, 118, 116, 109, 123, 22, 38, 103, 62, 124, 111, 57, 96, 63, 114, 49, 112, 43, 28, 121, 40, 117, 53, 48, 35, 42, 24, 52, 45, 51, 101, 107, 119, 37, 47, 39, 105, 82, 94, 19, 85, 86, 83, 97, 102, 21, 12, 79, 93, 73, 26, 25, 81, 71, 100, 99, 31, 29, 92, 9, 30, 4, 33, 32, 89, 34, 23, 76, 74, 78, 90, 80, 15, 20, 18, 87, 8, 14, 10, 17, 70, 69, 72, 66, 7, 6, 2, 68, 13, 75, 3, 67, 5, 16, 77, 11, 65, 0, 64, 1], [104, 120, 98, 95, 126, 91, 80, 84, 13, 82, 22, 86, 115, 27, 74, 44, 31, 93, 116, 36, 16, 97, 69, 88, 20, 77, 60, 100, 52, 59, 58, 90, 56, 6, 108, 125, 72, 94, 45, 2, 19, 122, 32, 25, 3, 62, 63, 18, 54, 114, 92, 96, 42, 64, 41, 43, 75, 15, 29, 113, 68, 55, 87, 30, 46, 106, 11, 118, 102, 33, 79, 48, 81, 76, 24, 99, 78, 103, 117, 70, 89, 83, 57, 85, 50, 65, 37, 8, 23, 21, 35, 26, 67, 17, 61, 73, 47, 107, 9, 4, 7, 1, 111, 38, 49, 71, 10, 12, 28, 14, 110, 53, 5, 127, 0, 34, 39, 66, 105, 101, 124, 121, 119, 112, 109, 123, 51, 40], [104, 120, 98, 46, 95, 82, 84, 96, 91, 80, 115, 14, 126, 44, 66, 48, 125, 27, 13, 67, 60, 29, 42, 116, 68, 74, 93, 8, 28, 85, 63, 102, 113, 36, 0, 23, 55, 117, 101, 105, 38, 6, 76, 65, 1, 21, 35, 24, 111, 54, 39, 45, 56, 99, 88, 26, 32, 119, 103, 86, 37, 50, 17, 108, 107, 64, 9, 97, 109, 52, 79, 40, 90, 16, 22, 31, 100, 92, 124, 41, 94, 122, 25, 58, 61, 62, 59, 47, 121, 72, 57, 112, 34, 123, 81, 15, 43, 110, 5, 89, 70, 20, 19, 106, 30, 114, 127, 83, 51, 118, 49, 53, 12, 87, 33, 11, 73, 78, 18, 69, 75, 10, 77, 3, 4, 7, 71, 2], [111, 100, 47, 56, 24, 53, 95, 121, 120, 58, 31, 54, 77, 36, 82, 103, 86, 57, 1, 124, 59, 119, 60, 84, 127, 16, 52, 83, 104, 97, 94, 10, 63, 45, 105, 49, 64, 116, 110, 28, 122, 62, 51, 126, 108, 92, 42, 112, 67, 113, 39, 27, 55, 125, 43, 102, 61, 46, 19, 118, 26, 40, 50, 8, 68, 123, 4, 38, 44, 114, 85, 71, 2, 109, 115, 22, 73, 6, 15, 41, 117, 99, 48, 66, 69, 106, 98, 37, 107, 101, 20, 35, 90, 0, 96, 81, 70, 30, 32, 89, 33, 17, 80, 78, 9, 88, 65, 23, 29, 91, 34, 87, 93, 5, 25, 11, 12, 18, 79, 13, 72, 21, 3, 75, 7, 74, 14, 76], [111, 47, 58, 100, 24, 31, 122, 95, 61, 106, 51, 125, 82, 54, 84, 28, 113, 26, 85, 56, 53, 20, 126, 110, 117, 112, 30, 77, 127, 50, 13, 46, 118, 98, 83, 36, 104, 22, 55, 6, 12, 79, 120, 39, 45, 37, 49, 15, 123, 86, 116, 41, 94, 52, 119, 78, 59, 124, 14, 121, 17, 57, 114, 92, 43, 108, 105, 60, 109, 101, 63, 25, 107, 99, 88, 23, 103, 115, 44, 68, 96, 40, 27, 90, 80, 35, 62, 0, 29, 97, 32, 73, 48, 74, 33, 89, 87, 38, 102, 3, 42, 21, 81, 10, 34, 72, 66, 76, 18, 16, 93, 19, 91, 11, 65, 7, 8, 69, 75, 9, 4, 2, 5, 71, 67, 70, 64, 1], [111, 47, 100, 58, 56, 24, 95, 31, 114, 115, 52, 94, 106, 83, 121, 36, 82, 119, 53, 86, 54, 120, 112, 110, 28, 85, 113, 55, 103, 51, 49, 92, 104, 59, 109, 118, 17, 84, 126, 63, 127, 20, 48, 50, 60, 62, 45, 117, 30, 122, 116, 105, 38, 57, 124, 61, 77, 96, 46, 125, 16, 107, 43, 41, 123, 39, 108, 88, 42, 102, 22, 80, 90, 26, 40, 79, 6, 78, 44, 98, 101, 10, 89, 37, 97, 35, 12, 81, 68, 99, 34, 15, 11, 33, 0, 19, 23, 13, 29, 73, 9, 21, 32, 27, 91, 93, 71, 72, 25, 18, 74, 87, 66, 3, 14, 8, 76, 7, 4, 75, 64, 67, 5, 69, 65, 70, 1, 2], [111, 47, 58, 100, 56, 24, 95, 31, 127, 121, 122, 106, 115, 36, 94, 120, 44, 62, 82, 28, 83, 108, 116, 126, 59, 53, 52, 112, 85, 77, 54, 92, 118, 84, 105, 51, 113, 104, 60, 49, 17, 107, 110, 124, 45, 109, 20, 63, 57, 61, 103, 86, 55, 43, 114, 46, 48, 123, 125, 78, 6, 80, 119, 102, 96, 42, 30, 117, 38, 26, 39, 37, 33, 16, 50, 22, 41, 90, 34, 19, 12, 10, 40, 79, 32, 15, 88, 101, 74, 98, 91, 27, 29, 93, 81, 89, 35, 99, 97, 66, 11, 23, 68, 13, 65, 21, 25, 87, 71, 72, 8, 7, 3, 18, 1, 73, 76, 14, 0, 9, 4, 75, 5, 70, 69, 2, 67, 64], [48, 41, 51, 62, 125, 55, 121, 112, 24, 88, 30, 57, 52, 54, 60, 53, 123, 114, 49, 119, 115, 118, 117, 113, 56, 124, 110, 126, 61, 97, 50, 127, 94, 116, 47, 44, 27, 120, 122, 106, 58, 90, 103, 82, 111, 91, 63, 59, 36, 109, 107, 108, 89, 45, 37, 43, 46, 79, 21, 42, 19, 22, 104, 28, 39, 101, 102, 105, 93, 15, 83, 38, 35, 80, 33, 40, 98, 32, 99, 34, 18, 73, 86, 100, 95, 76, 96, 71, 84, 13, 16, 29, 92, 77, 85, 87, 25, 9, 31, 20, 26, 65, 17, 23, 81, 7, 3, 66, 68, 5, 12, 6, 1, 64, 0, 2, 67, 4, 70, 14, 11, 69, 78, 74, 10, 75, 8, 72], [41, 48, 51, 119, 112, 62, 20, 89, 105, 14, 81, 115, 80, 11, 97, 10, 12, 30, 8, 125, 54, 27, 60, 5, 70, 78, 25, 121, 22, 49, 52, 84, 56, 117, 0, 28, 118, 72, 57, 87, 126, 61, 29, 127, 104, 17, 37, 110, 96, 124, 55, 93, 50, 94, 67, 3, 111, 88, 123, 114, 58, 16, 122, 23, 90, 53, 36, 45, 120, 2, 74, 100, 44, 92, 113, 76, 32, 46, 31, 116, 83, 24, 102, 43, 47, 19, 26, 75, 59, 108, 103, 107, 21, 106, 63, 109, 6, 71, 101, 95, 91, 98, 34, 42, 39, 77, 18, 35, 33, 99, 7, 68, 38, 40, 79, 86, 65, 69, 4, 15, 82, 85, 13, 9, 66, 1, 64, 73], [51, 48, 41, 119, 125, 24, 30, 121, 52, 62, 57, 124, 115, 113, 54, 88, 55, 60, 53, 123, 49, 117, 110, 27, 118, 127, 56, 126, 97, 61, 112, 50, 114, 103, 120, 94, 122, 58, 36, 91, 116, 44, 111, 47, 106, 101, 59, 82, 90, 107, 109, 46, 63, 108, 43, 45, 42, 37, 39, 22, 104, 102, 15, 35, 93, 77, 40, 79, 89, 21, 18, 33, 38, 19, 28, 105, 9, 83, 26, 32, 84, 17, 100, 99, 98, 86, 13, 76, 5, 95, 92, 71, 73, 12, 65, 87, 34, 31, 29, 16, 96, 70, 7, 3, 66, 80, 23, 4, 11, 85, 1, 25, 81, 68, 6, 0, 2, 20, 14, 10, 64, 67, 75, 69, 74, 78, 8, 72], [119, 48, 41, 51, 125, 24, 121, 57, 62, 52, 55, 60, 30, 97, 54, 88, 113, 123, 53, 115, 56, 124, 49, 110, 117, 126, 127, 118, 114, 50, 61, 112, 116, 94, 120, 103, 58, 91, 122, 27, 36, 111, 44, 82, 47, 63, 109, 101, 59, 90, 107, 106, 46, 108, 37, 45, 89, 104, 43, 22, 39, 19, 79, 42, 102, 99, 98, 73, 28, 105, 38, 80, 35, 21, 34, 18, 93, 83, 40, 96, 100, 32, 15, 33, 86, 71, 77, 95, 65, 85, 13, 31, 26, 92, 29, 76, 16, 3, 84, 9, 23, 17, 87, 68, 66, 5, 81, 6, 7, 4, 75, 64, 0, 1, 12, 70, 2, 67, 25, 20, 11, 69, 10, 74, 14, 78, 8, 72], [106, 35, 42, 110, 91, 85, 50, 89, 52, 96, 83, 54, 113, 31, 51, 56, 122, 123, 114, 55, 14, 17, 32, 126, 57, 46, 117, 59, 53, 120, 62, 60, 27, 107, 75, 22, 9, 58, 29, 87, 119, 49, 70, 125, 15, 115, 16, 112, 109, 21, 61, 13, 48, 44, 63, 127, 39, 28, 68, 86, 23, 84, 41, 69, 19, 71, 45, 33, 92, 97, 25, 116, 111, 5, 20, 26, 34, 81, 121, 37, 79, 36, 38, 40, 124, 47, 94, 90, 11, 76, 82, 80, 18, 93, 105, 88, 43, 100, 104, 30, 108, 118, 103, 77, 24, 98, 102, 99, 95, 101, 78, 73, 8, 12, 72, 74, 10, 7, 65, 3, 6, 4, 66, 2, 0, 67, 1, 64], [106, 35, 42, 85, 31, 17, 83, 96, 89, 50, 52, 55, 51, 14, 9, 27, 113, 56, 69, 75, 62, 57, 110, 53, 93, 91, 122, 6, 117, 3, 66, 1, 61, 65, 127, 64, 87, 123, 32, 126, 7, 15, 59, 68, 13, 70, 114, 25, 23, 76, 84, 120, 0, 21, 63, 5, 22, 74, 10, 109, 54, 119, 71, 29, 11, 19, 16, 82, 72, 20, 8, 18, 4, 67, 78, 81, 77, 118, 41, 37, 73, 79, 88, 90, 38, 30, 121, 86, 115, 12, 48, 94, 98, 45, 43, 44, 26, 24, 33, 80, 39, 108, 100, 105, 99, 47, 36, 92, 28, 125, 107, 111, 102, 34, 49, 124, 116, 46, 2, 97, 60, 101, 112, 103, 104, 95, 58, 40], [106, 35, 42, 110, 91, 85, 50, 122, 83, 126, 56, 57, 17, 89, 117, 96, 113, 14, 54, 55, 31, 32, 59, 52, 114, 62, 127, 63, 61, 53, 22, 9, 116, 112, 75, 51, 94, 29, 27, 123, 48, 37, 65, 45, 99, 47, 25, 76, 7, 23, 58, 3, 21, 107, 69, 124, 46, 33, 66, 19, 115, 64, 93, 109, 41, 71, 120, 39, 118, 36, 84, 70, 119, 79, 97, 13, 105, 60, 92, 100, 87, 28, 81, 11, 5, 98, 12, 88, 111, 6, 44, 125, 86, 104, 102, 43, 108, 68, 49, 121, 26, 18, 103, 80, 20, 24, 90, 38, 82, 16, 30, 4, 95, 15, 40, 78, 101, 8, 73, 34, 74, 10, 77, 72, 67, 1, 0, 2], [106, 35, 42, 110, 56, 91, 85, 52, 53, 83, 122, 96, 57, 17, 114, 50, 113, 51, 32, 62, 31, 120, 89, 14, 55, 59, 117, 29, 112, 27, 22, 54, 46, 126, 49, 119, 75, 45, 99, 109, 94, 87, 123, 124, 115, 116, 61, 9, 118, 21, 92, 11, 43, 86, 60, 25, 37, 47, 39, 125, 127, 28, 58, 38, 34, 19, 23, 121, 108, 44, 33, 84, 107, 103, 41, 97, 111, 63, 88, 48, 40, 100, 30, 16, 102, 93, 104, 26, 101, 105, 81, 24, 90, 82, 98, 36, 15, 78, 20, 76, 18, 79, 95, 71, 4, 12, 13, 80, 74, 77, 68, 70, 73, 7, 3, 10, 8, 65, 69, 6, 72, 66, 67, 64, 0, 5, 1, 2], [61, 122, 118, 102, 49, 54, 109, 45, 59, 50, 116, 90, 103, 119, 63, 125, 101, 112, 108, 94, 55, 127, 56, 57, 113, 62, 111, 37, 124, 60, 38, 22, 110, 44, 121, 114, 123, 115, 47, 40, 117, 41, 42, 51, 48, 46, 96, 43, 120, 58, 53, 104, 93, 52, 107, 105, 106, 126, 36, 100, 39, 92, 31, 23, 11, 34, 86, 99, 97, 98, 32, 79, 30, 35, 33, 85, 81, 4, 83, 20, 88, 14, 18, 2, 26, 66, 95, 25, 76, 16, 15, 91, 73, 28, 29, 13, 3, 5, 27, 72, 10, 6, 82, 21, 24, 68, 89, 78, 80, 0, 70, 8, 71, 19, 84, 65, 75, 17, 74, 12, 87, 69, 67, 7, 1, 77, 9, 64], [102, 118, 54, 61, 116, 77, 9, 29, 7, 122, 23, 1, 64, 81, 69, 20, 4, 68, 49, 3, 15, 67, 82, 65, 26, 74, 45, 33, 66, 70, 90, 11, 113, 53, 0, 22, 75, 86, 19, 5, 112, 83, 73, 124, 71, 25, 87, 10, 96, 72, 18, 107, 119, 14, 36, 85, 24, 30, 78, 89, 6, 79, 91, 80, 13, 108, 59, 12, 94, 31, 17, 88, 27, 125, 93, 8, 16, 21, 120, 2, 84, 99, 63, 32, 76, 95, 110, 28, 55, 92, 56, 127, 98, 100, 101, 35, 57, 109, 46, 50, 39, 97, 47, 37, 34, 126, 42, 40, 104, 103, 38, 43, 111, 44, 60, 117, 123, 106, 58, 41, 114, 115, 48, 105, 121, 62, 52, 51], [102, 118, 54, 116, 122, 61, 45, 90, 49, 23, 112, 53, 33, 93, 113, 127, 15, 81, 38, 43, 107, 114, 57, 31, 44, 96, 125, 101, 20, 50, 119, 30, 24, 106, 83, 28, 26, 56, 59, 29, 124, 48, 55, 21, 39, 77, 11, 100, 60, 117, 6, 76, 22, 42, 67, 14, 51, 52, 126, 82, 37, 94, 111, 66, 92, 97, 47, 99, 108, 64, 58, 40, 5, 41, 19, 74, 46, 110, 63, 34, 98, 103, 4, 123, 62, 75, 36, 71, 105, 7, 86, 109, 32, 78, 120, 85, 89, 35, 121, 9, 12, 69, 80, 8, 84, 115, 1, 70, 18, 72, 95, 91, 17, 104, 25, 79, 88, 2, 27, 16, 3, 10, 73, 87, 68, 0, 13, 65], [102, 118, 116, 61, 122, 54, 49, 90, 23, 20, 45, 9, 92, 81, 74, 77, 29, 15, 22, 93, 33, 113, 107, 7, 124, 53, 11, 64, 26, 38, 112, 55, 6, 94, 82, 31, 21, 70, 79, 66, 100, 50, 28, 119, 72, 57, 4, 83, 44, 37, 41, 127, 86, 59, 101, 36, 89, 5, 3, 85, 58, 110, 121, 67, 126, 125, 106, 35, 43, 115, 75, 1, 103, 63, 108, 60, 117, 123, 68, 56, 114, 98, 39, 109, 69, 47, 19, 34, 104, 42, 51, 62, 48, 24, 97, 111, 96, 27, 120, 65, 105, 95, 30, 52, 84, 14, 2, 32, 88, 46, 99, 10, 16, 80, 78, 76, 87, 18, 12, 0, 8, 25, 40, 91, 17, 71, 73, 13]], "model.layers.27.self_attn.k_proj": [[45, 109, 83, 23, 21, 90, 94, 81, 76, 79, 33, 74, 30, 54, 97, 28, 125, 60, 6, 123, 48, 127, 52, 22, 51, 8, 0, 113, 49, 112, 32, 101, 47, 126, 73, 63, 106, 31, 122, 46, 118, 42, 103, 117, 124, 91, 24, 121, 96, 44, 18, 11, 35, 102, 50, 7, 37, 95, 108, 114, 13, 39, 4, 119, 43, 65, 105, 116, 120, 115, 16, 36, 57, 86, 89, 61, 104, 111, 53, 40, 56, 110, 34, 82, 55, 15, 29, 38, 107, 25, 26, 59, 9, 5, 62, 41, 92, 14, 58, 88, 80, 75, 99, 100, 27, 98, 78, 69, 93, 10, 84, 3, 20, 77, 87, 85, 17, 71, 72, 19, 66, 70, 68, 12, 1, 67, 2, 64], [53, 37, 22, 120, 63, 118, 97, 86, 58, 61, 60, 57, 116, 121, 125, 112, 113, 56, 55, 114, 26, 51, 119, 127, 62, 124, 52, 122, 50, 108, 110, 59, 117, 123, 48, 126, 95, 45, 115, 54, 49, 44, 93, 111, 109, 35, 47, 46, 42, 107, 96, 43, 41, 83, 28, 105, 40, 106, 29, 104, 15, 89, 38, 103, 102, 79, 100, 23, 101, 81, 32, 99, 82, 36, 39, 31, 12, 13, 34, 33, 18, 98, 72, 17, 91, 88, 92, 30, 78, 87, 27, 11, 25, 85, 94, 16, 20, 10, 9, 90, 6, 77, 7, 24, 84, 14, 68, 80, 21, 75, 5, 76, 19, 2, 69, 74, 3, 67, 71, 65, 73, 70, 0, 1, 4, 8, 64, 66], [104, 63, 34, 80, 13, 74, 23, 8, 85, 60, 19, 4, 64, 6, 95, 26, 66, 52, 121, 114, 106, 122, 105, 117, 49, 79, 54, 119, 65, 57, 110, 28, 7, 44, 127, 82, 124, 120, 43, 55, 56, 125, 1, 112, 107, 59, 45, 11, 98, 3, 116, 103, 46, 70, 41, 2, 9, 58, 126, 69, 39, 53, 5, 47, 84, 51, 18, 24, 71, 115, 0, 123, 42, 50, 108, 67, 48, 31, 14, 96, 12, 20, 62, 61, 100, 35, 27, 75, 68, 97, 22, 118, 30, 99, 102, 36, 29, 109, 111, 10, 25, 83, 37, 113, 76, 78, 17, 32, 101, 94, 72, 89, 38, 33, 88, 93, 90, 15, 92, 81, 86, 91, 73, 87, 77, 21, 16, 40], [40, 120, 34, 27, 31, 110, 126, 56, 84, 82, 88, 74, 46, 80, 52, 13, 125, 64, 48, 93, 67, 108, 6, 16, 58, 85, 49, 76, 65, 72, 114, 23, 44, 30, 106, 77, 55, 100, 45, 115, 66, 117, 68, 111, 60, 86, 107, 5, 20, 22, 69, 79, 8, 78, 75, 94, 54, 59, 53, 21, 91, 61, 24, 57, 63, 109, 102, 124, 96, 73, 62, 112, 42, 87, 90, 15, 81, 83, 28, 2, 116, 101, 122, 123, 105, 103, 12, 121, 113, 127, 70, 38, 7, 41, 92, 118, 3, 119, 29, 33, 43, 39, 97, 51, 50, 36, 26, 89, 32, 11, 25, 99, 17, 37, 18, 47, 35, 0, 14, 98, 95, 4, 19, 71, 10, 9, 1, 104], [47, 111, 58, 36, 31, 86, 24, 92, 56, 82, 0, 26, 17, 15, 6, 16, 121, 3, 83, 12, 54, 11, 105, 91, 113, 84, 116, 20, 66, 85, 45, 55, 19, 77, 63, 46, 51, 126, 57, 78, 43, 124, 25, 61, 119, 68, 49, 42, 38, 117, 48, 44, 104, 59, 118, 60, 89, 50, 114, 52, 112, 53, 103, 127, 123, 7, 115, 97, 122, 120, 65, 110, 62, 99, 9, 41, 1, 8, 5, 39, 40, 34, 29, 109, 107, 37, 10, 108, 94, 93, 125, 35, 106, 71, 32, 74, 101, 21, 102, 72, 76, 4, 33, 67, 90, 22, 87, 64, 79, 98, 81, 100, 96, 30, 23, 69, 27, 18, 80, 2, 13, 75, 28, 73, 88, 70, 14, 95], [105, 48, 22, 119, 33, 51, 62, 112, 54, 99, 49, 61, 94, 118, 125, 60, 55, 122, 50, 121, 127, 35, 45, 56, 124, 106, 117, 123, 126, 108, 40, 52, 120, 114, 53, 82, 59, 100, 111, 47, 63, 98, 58, 39, 24, 110, 57, 44, 28, 32, 113, 92, 46, 115, 43, 79, 109, 91, 107, 41, 38, 34, 101, 42, 26, 116, 19, 18, 29, 102, 103, 36, 9, 15, 104, 73, 85, 88, 96, 37, 97, 21, 80, 77, 13, 90, 23, 31, 89, 30, 93, 95, 87, 4, 81, 27, 25, 83, 20, 14, 11, 71, 76, 1, 86, 12, 16, 74, 66, 17, 7, 8, 78, 10, 5, 75, 68, 6, 72, 84, 70, 64, 67, 3, 69, 2, 65, 0], [42, 85, 83, 89, 17, 114, 126, 120, 55, 35, 46, 14, 9, 56, 61, 127, 32, 117, 99, 123, 109, 57, 49, 62, 3, 75, 106, 69, 95, 7, 45, 91, 122, 48, 115, 15, 119, 53, 50, 51, 31, 93, 110, 59, 52, 0, 1, 87, 116, 13, 64, 58, 6, 54, 29, 44, 60, 23, 84, 111, 43, 66, 121, 41, 40, 38, 22, 113, 112, 74, 97, 107, 5, 10, 125, 68, 30, 108, 8, 118, 124, 20, 104, 80, 71, 98, 101, 76, 100, 102, 47, 33, 63, 11, 25, 39, 88, 26, 92, 103, 82, 12, 36, 105, 34, 94, 90, 37, 96, 16, 28, 86, 27, 72, 24, 18, 77, 79, 70, 21, 65, 4, 78, 81, 19, 73, 2, 67], [118, 38, 61, 54, 116, 113, 64, 122, 65, 0, 109, 69, 7, 23, 77, 74, 90, 93, 3, 15, 94, 108, 81, 97, 9, 59, 2, 48, 6, 68, 52, 124, 53, 117, 112, 43, 82, 75, 57, 119, 103, 20, 30, 62, 50, 19, 111, 123, 21, 83, 106, 115, 110, 127, 56, 67, 107, 120, 60, 125, 11, 63, 47, 46, 105, 96, 102, 66, 49, 51, 121, 55, 104, 22, 114, 126, 100, 44, 41, 40, 58, 4, 84, 39, 36, 45, 35, 98, 76, 33, 89, 34, 1, 8, 42, 14, 37, 92, 101, 95, 27, 88, 5, 80, 85, 16, 99, 72, 28, 70, 31, 79, 12, 24, 25, 91, 32, 86, 10, 18, 71, 78, 87, 13, 73, 29, 17, 26]], "model.layers.27.self_attn.qk_proj": [[120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 61, 106, 119, 51, 54, 58, 104, 60, 122, 56, 126, 40, 116, 31, 85, 94, 62, 52, 35, 55, 26, 83, 21, 91, 19, 125, 87, 121, 102, 110, 127, 95, 57, 117, 90, 23, 105, 46, 113, 49, 112, 108, 33, 80, 41, 77, 6, 16, 81, 34, 13, 98, 84, 88, 27, 50, 17, 10, 115, 86, 44, 38, 79, 59, 114, 24, 15, 20, 22, 37, 124, 36, 74, 123, 30, 64, 97, 100, 28, 0, 25, 18, 107, 93, 12, 76, 82, 101, 72, 43, 39, 11, 96, 92, 29, 89, 32, 9, 103, 69, 8, 99, 4, 65, 70, 73, 67, 14, 68, 3, 75, 66, 78, 2, 5, 71, 1, 7], [120, 63, 118, 45, 109, 47, 111, 42, 53, 48, 51, 119, 106, 61, 54, 122, 58, 104, 60, 126, 125, 56, 31, 116, 62, 40, 121, 35, 55, 52, 85, 102, 19, 94, 95, 21, 46, 26, 23, 127, 105, 110, 57, 113, 112, 90, 33, 6, 117, 98, 49, 91, 87, 77, 108, 41, 13, 124, 50, 83, 80, 44, 59, 17, 114, 86, 115, 22, 123, 24, 38, 27, 16, 36, 88, 84, 15, 10, 74, 81, 79, 37, 34, 64, 93, 28, 20, 100, 43, 30, 0, 82, 101, 97, 107, 8, 96, 12, 11, 92, 68, 76, 25, 18, 9, 32, 39, 103, 1, 72, 69, 65, 99, 29, 3, 73, 66, 2, 75, 78, 4, 89, 5, 67, 7, 71, 14, 70], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 51, 61, 54, 106, 119, 58, 60, 56, 122, 104, 40, 116, 126, 62, 121, 125, 85, 31, 19, 105, 127, 94, 21, 46, 26, 83, 49, 110, 112, 52, 55, 35, 6, 117, 113, 57, 91, 102, 87, 95, 98, 23, 90, 80, 33, 17, 16, 108, 41, 123, 13, 27, 77, 43, 88, 24, 107, 115, 22, 38, 79, 37, 36, 34, 10, 59, 50, 44, 81, 84, 86, 64, 114, 93, 97, 30, 15, 124, 100, 0, 20, 8, 18, 74, 28, 92, 39, 101, 12, 82, 96, 11, 9, 68, 32, 4, 29, 76, 78, 99, 25, 65, 103, 1, 67, 73, 69, 14, 75, 89, 3, 66, 5, 72, 7, 2, 71, 70], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 51, 61, 106, 119, 54, 58, 60, 104, 122, 62, 116, 56, 40, 126, 125, 127, 85, 121, 31, 55, 46, 19, 26, 110, 113, 52, 112, 35, 87, 105, 102, 83, 91, 21, 49, 6, 94, 57, 16, 95, 124, 41, 117, 90, 77, 59, 98, 123, 43, 86, 17, 23, 115, 108, 79, 33, 27, 13, 10, 37, 88, 22, 44, 80, 107, 24, 81, 84, 8, 34, 0, 114, 30, 93, 64, 74, 15, 97, 50, 36, 38, 101, 100, 18, 28, 69, 68, 82, 76, 92, 20, 12, 73, 65, 11, 67, 29, 9, 1, 103, 4, 3, 99, 2, 96, 39, 71, 32, 70, 5, 25, 78, 66, 14, 89, 75, 72, 7], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 51, 61, 54, 106, 119, 58, 104, 122, 60, 40, 126, 56, 116, 85, 125, 52, 112, 21, 35, 62, 46, 87, 83, 121, 127, 31, 105, 113, 90, 26, 110, 91, 49, 55, 57, 117, 19, 108, 98, 27, 16, 102, 13, 94, 23, 41, 95, 123, 6, 59, 17, 77, 86, 34, 33, 50, 124, 80, 74, 8, 79, 88, 44, 64, 22, 115, 84, 81, 15, 37, 93, 114, 107, 70, 20, 36, 24, 0, 10, 97, 18, 28, 82, 38, 43, 30, 73, 92, 12, 69, 11, 29, 25, 101, 100, 76, 68, 103, 96, 2, 39, 99, 9, 65, 67, 3, 1, 78, 5, 14, 72, 89, 4, 71, 7, 75, 32, 66], [120, 118, 63, 45, 109, 47, 42, 111, 53, 48, 106, 51, 119, 54, 61, 58, 104, 60, 122, 116, 56, 126, 40, 127, 21, 87, 125, 85, 62, 52, 83, 110, 113, 35, 90, 112, 94, 46, 49, 105, 33, 13, 102, 41, 31, 26, 91, 77, 117, 57, 98, 23, 108, 17, 19, 16, 124, 15, 121, 86, 59, 80, 34, 95, 79, 22, 55, 8, 44, 27, 70, 81, 115, 20, 88, 10, 84, 74, 64, 43, 37, 24, 0, 38, 123, 18, 114, 50, 30, 107, 6, 39, 28, 12, 97, 100, 36, 93, 82, 92, 96, 73, 3, 75, 4, 25, 9, 101, 5, 99, 76, 65, 29, 11, 66, 69, 103, 78, 68, 2, 1, 67, 71, 7, 14, 32, 72, 89], [120, 118, 63, 45, 109, 47, 42, 111, 53, 48, 106, 51, 61, 119, 54, 58, 104, 122, 116, 56, 40, 94, 126, 60, 90, 87, 46, 83, 35, 52, 21, 125, 127, 85, 113, 110, 23, 112, 105, 62, 31, 57, 49, 102, 19, 55, 91, 121, 98, 117, 41, 27, 80, 77, 22, 33, 16, 95, 26, 124, 13, 70, 88, 59, 15, 24, 34, 84, 115, 108, 17, 86, 81, 8, 10, 79, 20, 18, 114, 44, 50, 38, 74, 30, 36, 123, 107, 37, 82, 28, 97, 64, 25, 93, 0, 43, 100, 39, 12, 96, 11, 76, 101, 99, 92, 66, 73, 14, 103, 69, 9, 32, 4, 5, 75, 71, 29, 89, 78, 3, 1, 68, 72, 65, 7, 6, 2, 67], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 61, 51, 106, 54, 119, 58, 122, 56, 60, 104, 126, 94, 40, 116, 35, 125, 52, 21, 105, 121, 85, 87, 31, 112, 110, 55, 83, 19, 113, 46, 102, 90, 62, 33, 95, 23, 98, 117, 57, 127, 49, 91, 27, 26, 70, 108, 80, 41, 22, 88, 115, 77, 13, 38, 16, 84, 36, 81, 79, 10, 24, 86, 59, 34, 114, 124, 28, 15, 17, 107, 74, 97, 44, 82, 20, 123, 30, 25, 0, 100, 50, 64, 43, 37, 93, 101, 8, 32, 12, 18, 99, 92, 76, 103, 96, 29, 72, 39, 66, 11, 75, 89, 9, 5, 4, 68, 14, 78, 73, 65, 3, 1, 67, 69, 7, 71, 2, 6], [120, 118, 63, 45, 109, 47, 42, 111, 53, 48, 61, 51, 106, 119, 54, 58, 122, 104, 60, 56, 126, 116, 21, 94, 52, 121, 125, 40, 31, 117, 19, 85, 105, 110, 95, 35, 57, 62, 90, 87, 26, 113, 127, 112, 33, 23, 102, 46, 91, 83, 49, 16, 27, 59, 13, 55, 98, 80, 44, 114, 41, 77, 70, 108, 115, 22, 88, 50, 124, 17, 38, 24, 123, 34, 37, 10, 79, 84, 92, 86, 81, 43, 15, 36, 18, 97, 20, 74, 107, 30, 100, 28, 82, 64, 103, 93, 96, 0, 32, 101, 9, 76, 25, 89, 39, 12, 72, 99, 8, 75, 4, 73, 14, 29, 11, 68, 78, 5, 3, 2, 67, 7, 6, 69, 1, 65, 71, 66], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 61, 51, 54, 106, 119, 58, 60, 122, 104, 125, 116, 56, 55, 40, 52, 46, 31, 121, 126, 85, 62, 35, 94, 90, 112, 83, 113, 127, 21, 110, 33, 95, 105, 117, 87, 26, 102, 49, 59, 124, 70, 19, 115, 23, 98, 41, 50, 91, 77, 80, 57, 108, 27, 0, 10, 74, 16, 114, 86, 123, 13, 43, 15, 34, 22, 17, 38, 30, 81, 44, 24, 64, 84, 100, 28, 36, 79, 20, 37, 107, 88, 72, 82, 92, 93, 18, 9, 97, 6, 32, 8, 65, 25, 39, 68, 76, 73, 5, 1, 67, 75, 96, 101, 69, 4, 2, 29, 103, 3, 12, 7, 66, 99, 11, 14, 78, 89, 71], [120, 63, 118, 45, 109, 47, 42, 111, 53, 48, 61, 51, 119, 106, 54, 58, 104, 60, 122, 126, 40, 56, 116, 85, 125, 31, 87, 113, 117, 21, 94, 62, 55, 46, 105, 57, 127, 83, 26, 91, 35, 52, 90, 23, 112, 33, 80, 27, 95, 124, 19, 115, 110, 102, 13, 81, 121, 59, 77, 16, 74, 86, 49, 34, 6, 72, 79, 15, 98, 108, 114, 0, 22, 17, 41, 38, 24, 50, 10, 20, 43, 70, 44, 64, 88, 84, 30, 37, 18, 82, 36, 93, 28, 107, 123, 75, 100, 73, 12, 97, 68, 76, 92, 9, 3, 1, 101, 5, 29, 14, 99, 4, 67, 78, 8, 66, 11, 96, 32, 69, 2, 39, 89, 7, 103, 65, 71, 25], [120, 118, 63, 45, 109, 47, 42, 111, 53, 48, 106, 61, 119, 51, 54, 104, 58, 56, 60, 122, 116, 126, 40, 31, 87, 21, 105, 85, 83, 113, 49, 19, 127, 35, 46, 23, 94, 55, 102, 117, 90, 52, 121, 125, 110, 6, 33, 91, 115, 112, 95, 77, 41, 26, 62, 80, 57, 34, 86, 124, 13, 98, 16, 79, 27, 72, 17, 59, 88, 50, 44, 108, 15, 114, 81, 22, 84, 74, 24, 123, 38, 10, 20, 0, 28, 43, 97, 93, 64, 30, 18, 75, 37, 76, 107, 99, 25, 73, 82, 92, 14, 100, 36, 12, 67, 68, 96, 9, 29, 101, 39, 65, 11, 78, 103, 2, 32, 3, 7, 70, 8, 89, 69, 66, 4, 5, 71, 1], [120, 118, 63, 45, 109, 47, 42, 111, 53, 48, 61, 106, 51, 119, 54, 58, 56, 104, 60, 122, 116, 40, 105, 126, 121, 35, 52, 49, 125, 94, 112, 102, 110, 87, 23, 21, 57, 85, 90, 83, 113, 46, 31, 33, 19, 62, 41, 117, 26, 91, 95, 98, 115, 80, 55, 108, 27, 86, 127, 6, 124, 24, 15, 77, 22, 34, 79, 59, 38, 13, 50, 74, 88, 72, 123, 44, 114, 84, 16, 30, 17, 10, 100, 37, 81, 18, 20, 36, 28, 93, 43, 92, 64, 82, 97, 25, 0, 39, 75, 101, 107, 89, 12, 32, 96, 9, 14, 29, 76, 103, 99, 73, 4, 5, 1, 2, 68, 69, 66, 3, 78, 11, 8, 7, 67, 71, 65, 70], [120, 118, 63, 45, 109, 47, 42, 111, 53, 48, 119, 106, 61, 54, 51, 58, 56, 60, 104, 122, 40, 126, 116, 62, 94, 125, 52, 46, 49, 31, 121, 117, 127, 21, 105, 114, 57, 85, 110, 87, 83, 113, 90, 6, 91, 98, 35, 102, 112, 23, 13, 19, 27, 26, 55, 95, 124, 33, 41, 80, 86, 59, 44, 16, 72, 24, 115, 74, 50, 84, 34, 123, 17, 108, 10, 77, 38, 36, 79, 0, 22, 43, 15, 88, 64, 81, 107, 37, 93, 82, 20, 30, 100, 18, 28, 4, 75, 92, 97, 76, 101, 32, 9, 25, 96, 2, 12, 29, 78, 5, 3, 39, 1, 68, 73, 14, 69, 67, 99, 65, 89, 103, 7, 11, 71, 66, 8, 70], [120, 63, 118, 45, 109, 47, 42, 111, 53, 48, 106, 61, 51, 54, 119, 58, 104, 60, 122, 116, 56, 126, 40, 94, 87, 52, 125, 21, 46, 31, 35, 62, 85, 83, 19, 105, 112, 121, 90, 113, 102, 127, 117, 26, 95, 57, 91, 55, 110, 27, 33, 124, 80, 49, 59, 114, 13, 81, 6, 41, 86, 15, 10, 108, 23, 50, 72, 34, 17, 64, 88, 16, 84, 98, 115, 44, 43, 36, 74, 77, 79, 123, 20, 100, 30, 37, 0, 38, 24, 73, 97, 75, 93, 12, 18, 22, 82, 32, 107, 28, 76, 39, 101, 92, 89, 69, 65, 68, 3, 5, 70, 4, 25, 9, 67, 1, 96, 2, 103, 29, 66, 78, 11, 14, 71, 99, 8, 7], [120, 63, 118, 45, 109, 47, 42, 111, 53, 48, 51, 106, 61, 119, 54, 58, 104, 56, 60, 122, 116, 126, 85, 87, 83, 62, 105, 40, 35, 21, 52, 102, 31, 125, 46, 94, 95, 113, 91, 19, 33, 55, 110, 57, 13, 23, 26, 121, 59, 112, 90, 127, 41, 80, 117, 108, 115, 34, 81, 124, 49, 16, 77, 27, 38, 79, 17, 15, 44, 123, 10, 86, 37, 22, 114, 50, 6, 43, 88, 84, 74, 98, 24, 72, 0, 36, 93, 20, 12, 75, 76, 92, 101, 82, 100, 28, 70, 30, 73, 18, 64, 9, 4, 97, 99, 107, 8, 1, 5, 96, 14, 68, 11, 39, 25, 3, 2, 32, 89, 69, 29, 78, 71, 66, 7, 103, 67, 65], [120, 118, 63, 45, 109, 47, 53, 42, 111, 48, 106, 51, 61, 54, 119, 58, 104, 122, 56, 60, 52, 116, 121, 46, 94, 126, 35, 21, 40, 95, 83, 102, 31, 49, 85, 23, 90, 110, 125, 62, 113, 41, 33, 55, 112, 57, 87, 19, 105, 26, 91, 98, 13, 80, 127, 86, 108, 115, 59, 124, 34, 27, 15, 16, 88, 117, 123, 24, 92, 44, 28, 10, 22, 17, 84, 74, 114, 70, 50, 36, 77, 81, 79, 30, 97, 20, 38, 0, 100, 93, 37, 82, 18, 64, 43, 101, 107, 72, 8, 12, 103, 9, 25, 99, 96, 32, 39, 29, 76, 69, 1, 4, 89, 66, 73, 6, 68, 78, 75, 14, 67, 11, 3, 7, 65, 2, 71, 5], [120, 63, 118, 45, 109, 47, 42, 111, 53, 48, 51, 61, 119, 106, 54, 58, 122, 104, 60, 56, 116, 94, 121, 40, 52, 62, 126, 85, 31, 35, 90, 21, 105, 19, 125, 49, 87, 110, 95, 102, 46, 83, 55, 23, 41, 112, 91, 59, 117, 26, 108, 113, 98, 57, 33, 27, 70, 24, 13, 127, 81, 114, 17, 44, 74, 77, 22, 16, 86, 15, 36, 79, 80, 43, 34, 124, 88, 50, 37, 38, 115, 100, 10, 84, 92, 123, 97, 28, 30, 0, 64, 20, 8, 12, 32, 101, 18, 107, 82, 96, 72, 9, 75, 1, 103, 25, 69, 76, 29, 93, 4, 78, 89, 99, 68, 67, 39, 11, 66, 7, 73, 14, 2, 5, 3, 6, 71, 65], [120, 118, 63, 45, 109, 47, 42, 111, 53, 48, 106, 119, 51, 61, 54, 58, 104, 60, 122, 116, 40, 121, 52, 56, 125, 62, 126, 46, 35, 85, 19, 49, 110, 21, 105, 102, 90, 94, 31, 108, 95, 70, 87, 55, 117, 127, 124, 112, 59, 26, 113, 91, 33, 23, 57, 83, 41, 37, 123, 114, 98, 13, 115, 79, 50, 44, 38, 80, 16, 8, 81, 27, 10, 36, 17, 15, 34, 24, 88, 43, 84, 64, 0, 77, 22, 30, 86, 107, 74, 1, 20, 97, 100, 82, 92, 101, 75, 93, 28, 9, 99, 18, 32, 69, 12, 103, 96, 25, 2, 73, 4, 78, 76, 5, 39, 72, 89, 29, 67, 68, 11, 3, 65, 66, 7, 71, 6, 14], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 51, 106, 61, 119, 54, 58, 104, 60, 122, 116, 40, 52, 62, 35, 56, 113, 126, 85, 55, 46, 125, 94, 110, 102, 90, 21, 26, 121, 105, 31, 23, 70, 57, 83, 127, 41, 117, 33, 19, 95, 87, 59, 108, 112, 49, 124, 13, 91, 86, 16, 27, 123, 50, 8, 98, 15, 37, 77, 114, 80, 74, 44, 10, 17, 38, 24, 34, 115, 81, 88, 43, 36, 79, 64, 22, 30, 107, 84, 100, 97, 82, 0, 93, 73, 28, 20, 92, 32, 101, 12, 1, 68, 18, 66, 96, 4, 75, 76, 69, 103, 39, 3, 5, 9, 25, 67, 99, 14, 78, 29, 65, 71, 2, 72, 89, 7, 11, 6], [120, 63, 118, 45, 109, 47, 111, 42, 53, 48, 106, 61, 51, 54, 58, 119, 104, 60, 116, 122, 40, 56, 126, 85, 55, 125, 105, 52, 113, 94, 62, 46, 121, 21, 35, 83, 110, 90, 87, 127, 117, 31, 19, 57, 102, 95, 41, 49, 115, 26, 124, 16, 91, 23, 112, 77, 33, 108, 98, 13, 34, 27, 59, 81, 86, 15, 70, 123, 38, 74, 44, 8, 22, 80, 50, 43, 88, 10, 79, 17, 36, 84, 30, 114, 20, 92, 24, 100, 28, 37, 0, 75, 107, 99, 82, 25, 97, 39, 18, 101, 93, 12, 6, 64, 73, 32, 9, 76, 14, 68, 4, 5, 67, 1, 78, 66, 103, 3, 69, 96, 72, 11, 65, 71, 7, 89, 29, 2], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 51, 61, 106, 54, 119, 58, 122, 60, 104, 116, 121, 40, 126, 125, 56, 62, 110, 52, 46, 85, 113, 55, 21, 94, 127, 35, 105, 102, 112, 19, 117, 31, 124, 59, 87, 83, 26, 49, 90, 57, 95, 41, 43, 108, 44, 114, 23, 98, 91, 13, 38, 33, 123, 0, 27, 88, 77, 16, 80, 6, 34, 8, 10, 64, 86, 37, 15, 115, 36, 24, 74, 81, 100, 79, 50, 17, 107, 22, 28, 30, 93, 97, 1, 84, 32, 82, 20, 92, 101, 5, 70, 39, 18, 73, 68, 4, 66, 12, 9, 69, 76, 67, 2, 65, 103, 75, 11, 14, 96, 29, 99, 25, 71, 3, 89, 78, 7, 72], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 61, 106, 54, 51, 119, 58, 122, 56, 104, 60, 116, 40, 52, 117, 85, 126, 125, 105, 46, 35, 62, 121, 31, 94, 95, 21, 83, 87, 55, 102, 59, 49, 127, 57, 90, 113, 26, 110, 124, 112, 19, 6, 41, 114, 91, 27, 23, 33, 108, 98, 34, 44, 123, 16, 80, 77, 115, 88, 13, 15, 38, 10, 22, 36, 24, 28, 81, 84, 79, 8, 74, 50, 100, 37, 97, 86, 107, 30, 43, 0, 17, 93, 18, 92, 39, 82, 20, 101, 25, 64, 9, 4, 68, 103, 96, 76, 75, 1, 89, 99, 32, 12, 11, 69, 73, 78, 2, 3, 5, 67, 29, 71, 72, 66, 7, 65, 14, 70], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 51, 106, 61, 119, 54, 58, 104, 122, 60, 56, 116, 40, 126, 52, 21, 105, 94, 31, 85, 125, 113, 121, 35, 46, 87, 90, 83, 95, 110, 49, 57, 6, 55, 59, 62, 26, 102, 127, 41, 112, 33, 117, 124, 19, 23, 44, 108, 91, 114, 27, 86, 80, 77, 98, 22, 34, 16, 13, 88, 10, 81, 107, 15, 123, 17, 115, 74, 43, 8, 79, 37, 38, 84, 50, 30, 36, 20, 97, 18, 92, 100, 0, 93, 24, 82, 28, 64, 4, 76, 101, 12, 9, 73, 75, 96, 25, 5, 39, 11, 78, 68, 3, 14, 2, 103, 69, 66, 29, 32, 67, 72, 1, 65, 99, 7, 89, 71, 70], [120, 118, 63, 45, 109, 111, 47, 42, 53, 48, 51, 106, 54, 61, 119, 122, 104, 58, 60, 116, 40, 126, 56, 125, 52, 21, 83, 87, 90, 85, 94, 62, 105, 121, 35, 46, 124, 55, 6, 117, 27, 33, 113, 31, 49, 26, 102, 127, 95, 91, 110, 115, 19, 77, 112, 23, 80, 13, 86, 108, 41, 17, 59, 123, 57, 98, 16, 22, 88, 34, 79, 10, 15, 38, 84, 24, 44, 43, 74, 30, 81, 114, 50, 20, 8, 36, 64, 107, 18, 37, 28, 82, 93, 97, 0, 100, 25, 9, 92, 72, 101, 12, 99, 73, 75, 103, 78, 96, 32, 1, 76, 5, 66, 68, 69, 4, 11, 29, 3, 7, 14, 89, 65, 2, 39, 67, 71, 70], [120, 118, 63, 45, 109, 47, 111, 53, 42, 48, 51, 61, 106, 54, 119, 60, 122, 58, 104, 56, 116, 125, 21, 35, 40, 121, 52, 126, 87, 31, 62, 83, 94, 95, 46, 105, 55, 57, 85, 33, 113, 102, 117, 127, 26, 115, 49, 91, 23, 59, 110, 19, 90, 108, 123, 41, 124, 77, 114, 27, 13, 98, 22, 50, 44, 36, 112, 80, 38, 34, 88, 86, 24, 6, 16, 10, 15, 81, 84, 43, 30, 79, 37, 28, 17, 93, 0, 92, 74, 97, 100, 107, 18, 72, 32, 82, 101, 64, 20, 103, 76, 96, 25, 1, 29, 73, 8, 12, 9, 39, 68, 78, 75, 89, 11, 99, 14, 3, 69, 66, 4, 5, 67, 7, 70, 65, 71, 2], [120, 118, 63, 45, 47, 109, 42, 111, 53, 48, 54, 106, 61, 119, 51, 104, 122, 56, 58, 60, 126, 116, 31, 40, 94, 125, 35, 62, 117, 52, 21, 87, 121, 105, 127, 55, 83, 46, 85, 95, 90, 91, 115, 33, 102, 19, 113, 23, 41, 112, 57, 27, 26, 114, 110, 108, 13, 44, 77, 49, 124, 22, 59, 98, 80, 34, 16, 36, 81, 88, 123, 17, 72, 24, 38, 74, 37, 15, 86, 107, 100, 50, 10, 18, 79, 84, 43, 97, 92, 20, 25, 82, 30, 28, 101, 93, 64, 70, 6, 103, 96, 39, 12, 68, 0, 73, 29, 32, 4, 11, 99, 76, 69, 9, 1, 75, 3, 14, 67, 66, 78, 8, 89, 65, 7, 2, 71, 5], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 51, 61, 54, 106, 119, 58, 104, 60, 122, 116, 126, 56, 40, 52, 62, 21, 94, 125, 35, 46, 112, 127, 31, 85, 90, 87, 121, 102, 19, 105, 95, 108, 110, 55, 41, 83, 26, 23, 49, 117, 113, 33, 59, 70, 91, 123, 27, 13, 57, 72, 16, 98, 77, 124, 115, 44, 43, 79, 17, 34, 88, 80, 37, 50, 15, 86, 36, 22, 114, 74, 81, 10, 64, 84, 100, 0, 38, 30, 24, 20, 18, 39, 107, 92, 82, 28, 4, 93, 5, 66, 101, 97, 73, 76, 9, 1, 11, 32, 12, 25, 6, 69, 89, 65, 68, 75, 29, 67, 3, 7, 2, 78, 96, 14, 103, 99, 8, 71], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 106, 61, 51, 54, 119, 58, 122, 104, 60, 56, 116, 125, 40, 126, 46, 85, 55, 52, 62, 121, 35, 70, 49, 90, 31, 87, 117, 19, 105, 26, 83, 21, 57, 94, 112, 113, 110, 102, 95, 124, 91, 27, 108, 41, 17, 115, 50, 77, 33, 13, 64, 72, 34, 127, 23, 59, 16, 81, 44, 80, 86, 10, 43, 123, 38, 36, 84, 98, 0, 79, 15, 100, 74, 88, 22, 1, 37, 20, 28, 24, 107, 92, 9, 30, 93, 114, 82, 76, 101, 97, 11, 2, 5, 73, 25, 12, 18, 29, 96, 3, 67, 66, 39, 4, 103, 75, 68, 99, 69, 78, 32, 89, 14, 7, 65, 71, 8, 6], [120, 63, 118, 45, 109, 47, 42, 111, 53, 48, 51, 106, 61, 54, 119, 58, 60, 122, 104, 56, 125, 116, 126, 52, 94, 40, 85, 62, 90, 87, 21, 55, 46, 35, 117, 83, 31, 105, 49, 102, 70, 110, 113, 23, 57, 26, 123, 19, 121, 127, 91, 59, 77, 95, 33, 114, 112, 13, 41, 108, 27, 16, 34, 80, 124, 22, 81, 86, 44, 15, 10, 72, 98, 17, 84, 43, 74, 115, 38, 37, 36, 79, 88, 24, 50, 20, 100, 18, 107, 64, 97, 92, 82, 28, 101, 93, 76, 96, 0, 73, 30, 11, 25, 9, 4, 68, 12, 103, 39, 32, 5, 69, 99, 14, 89, 65, 3, 1, 78, 75, 67, 66, 29, 7, 71, 8, 2, 6], [120, 63, 118, 45, 109, 47, 42, 53, 111, 48, 51, 61, 106, 54, 119, 58, 60, 104, 56, 122, 125, 116, 126, 40, 94, 52, 62, 35, 121, 57, 85, 87, 105, 83, 46, 21, 110, 19, 26, 90, 31, 55, 113, 98, 49, 70, 102, 117, 91, 127, 95, 41, 112, 23, 33, 59, 124, 115, 123, 77, 86, 16, 72, 34, 27, 88, 79, 15, 44, 10, 81, 80, 74, 13, 108, 64, 114, 84, 17, 43, 22, 24, 0, 28, 38, 50, 36, 30, 20, 97, 92, 100, 82, 37, 93, 68, 107, 101, 4, 25, 18, 5, 76, 9, 39, 69, 73, 66, 67, 11, 78, 1, 32, 65, 96, 3, 14, 12, 71, 2, 8, 103, 75, 29, 99, 7, 89, 6], [120, 118, 63, 45, 109, 47, 42, 111, 53, 48, 106, 61, 51, 54, 119, 58, 122, 60, 104, 56, 126, 40, 125, 116, 52, 85, 31, 35, 94, 121, 87, 83, 19, 90, 21, 117, 55, 62, 105, 57, 108, 26, 127, 95, 46, 110, 77, 102, 33, 112, 86, 113, 49, 23, 41, 91, 98, 27, 124, 13, 80, 16, 79, 38, 22, 44, 114, 115, 34, 15, 17, 74, 50, 10, 88, 59, 70, 81, 72, 36, 100, 24, 30, 25, 84, 20, 82, 123, 76, 97, 37, 92, 43, 93, 28, 18, 64, 11, 0, 12, 73, 107, 99, 96, 6, 101, 39, 32, 78, 4, 14, 9, 67, 69, 103, 66, 29, 89, 68, 8, 5, 65, 1, 75, 3, 71, 7, 2]], "model.layers.28.self_attn.q_proj": [[40, 120, 48, 34, 27, 51, 23, 85, 116, 126, 89, 53, 54, 16, 17, 112, 121, 3, 62, 31, 125, 124, 61, 93, 123, 50, 52, 109, 58, 114, 30, 49, 122, 19, 45, 110, 42, 7, 78, 29, 57, 82, 119, 60, 8, 115, 113, 59, 47, 55, 111, 63, 107, 117, 5, 118, 12, 56, 108, 46, 43, 79, 127, 74, 14, 44, 105, 88, 71, 100, 21, 20, 41, 65, 37, 64, 106, 11, 39, 1, 101, 38, 36, 87, 35, 91, 102, 0, 103, 22, 97, 66, 95, 6, 96, 10, 99, 98, 104, 84, 26, 32, 94, 2, 4, 90, 68, 73, 24, 77, 15, 13, 33, 9, 25, 28, 69, 18, 67, 83, 92, 80, 86, 72, 81, 75, 70, 76], [40, 120, 34, 48, 23, 27, 85, 17, 16, 31, 51, 11, 25, 13, 97, 61, 29, 62, 100, 55, 4, 78, 126, 19, 87, 56, 58, 73, 70, 59, 93, 28, 36, 35, 21, 113, 79, 46, 68, 22, 53, 18, 32, 96, 66, 109, 92, 10, 123, 95, 84, 8, 60, 63, 127, 0, 106, 49, 104, 37, 12, 112, 114, 116, 94, 26, 119, 99, 124, 7, 101, 30, 117, 83, 76, 103, 2, 118, 20, 44, 89, 52, 54, 125, 108, 81, 38, 33, 77, 110, 107, 15, 39, 102, 121, 111, 43, 122, 80, 86, 91, 47, 14, 57, 24, 90, 41, 82, 105, 50, 98, 75, 45, 74, 115, 5, 6, 88, 42, 67, 9, 72, 69, 71, 1, 65, 3, 64], [120, 40, 34, 48, 62, 23, 51, 27, 126, 85, 31, 93, 117, 109, 112, 58, 56, 113, 107, 16, 61, 50, 55, 44, 89, 123, 17, 19, 49, 53, 47, 8, 0, 30, 116, 106, 21, 95, 42, 52, 46, 25, 79, 43, 29, 108, 100, 121, 111, 119, 68, 110, 11, 57, 73, 38, 98, 54, 122, 59, 96, 36, 124, 118, 99, 63, 5, 103, 12, 105, 41, 78, 127, 125, 115, 94, 114, 97, 45, 35, 87, 37, 33, 60, 32, 39, 102, 22, 66, 101, 14, 24, 2, 70, 13, 10, 26, 86, 28, 91, 88, 92, 65, 18, 82, 67, 90, 6, 83, 84, 77, 4, 20, 64, 71, 75, 81, 104, 7, 1, 80, 69, 3, 15, 76, 9, 72, 74], [40, 120, 48, 34, 23, 63, 51, 31, 27, 62, 85, 49, 13, 123, 61, 108, 56, 79, 1, 110, 53, 55, 67, 93, 10, 64, 107, 16, 74, 113, 30, 19, 2, 17, 117, 70, 124, 18, 100, 59, 115, 127, 45, 68, 38, 26, 103, 102, 105, 111, 58, 46, 122, 119, 109, 52, 37, 116, 96, 36, 54, 24, 78, 106, 121, 112, 60, 50, 6, 84, 11, 125, 29, 114, 21, 118, 126, 0, 101, 57, 94, 43, 12, 73, 89, 88, 97, 47, 77, 39, 22, 35, 98, 95, 41, 5, 99, 33, 65, 44, 28, 32, 42, 86, 87, 92, 90, 8, 14, 72, 83, 25, 9, 82, 20, 69, 91, 3, 76, 7, 75, 80, 81, 15, 4, 71, 104, 66], [40, 125, 87, 17, 34, 21, 82, 70, 12, 74, 14, 4, 44, 0, 8, 124, 113, 111, 66, 54, 79, 58, 127, 68, 52, 109, 73, 110, 53, 19, 28, 75, 16, 33, 35, 123, 22, 59, 104, 27, 1, 95, 115, 119, 69, 86, 25, 114, 42, 50, 89, 18, 93, 108, 11, 26, 71, 96, 13, 90, 77, 56, 116, 67, 84, 63, 55, 5, 64, 62, 81, 78, 6, 92, 85, 106, 51, 7, 45, 39, 101, 23, 57, 103, 122, 98, 49, 94, 91, 88, 99, 32, 107, 48, 9, 2, 100, 29, 83, 105, 112, 65, 60, 24, 15, 76, 97, 3, 61, 47, 72, 38, 80, 36, 37, 121, 126, 46, 30, 20, 10, 31, 102, 118, 120, 41, 117, 43], [125, 40, 3, 87, 34, 12, 17, 14, 70, 0, 74, 1, 67, 66, 82, 21, 58, 64, 65, 8, 4, 69, 124, 54, 113, 25, 44, 111, 106, 52, 71, 49, 127, 2, 28, 75, 104, 109, 110, 50, 11, 42, 114, 22, 5, 79, 43, 26, 23, 121, 37, 68, 123, 101, 53, 86, 96, 31, 98, 112, 90, 27, 95, 77, 78, 20, 59, 13, 35, 122, 102, 81, 16, 29, 119, 6, 19, 91, 45, 39, 80, 47, 24, 32, 73, 117, 9, 76, 118, 103, 7, 88, 93, 84, 46, 72, 18, 33, 116, 55, 41, 30, 126, 105, 36, 115, 89, 62, 15, 120, 60, 63, 10, 57, 85, 48, 100, 38, 92, 107, 108, 94, 56, 83, 51, 97, 61, 99], [125, 40, 87, 34, 82, 21, 124, 12, 17, 14, 74, 109, 103, 50, 19, 4, 44, 8, 71, 95, 89, 92, 54, 70, 123, 127, 90, 9, 111, 68, 93, 108, 5, 39, 28, 115, 43, 41, 25, 77, 29, 110, 42, 105, 27, 61, 59, 100, 119, 58, 116, 64, 56, 66, 22, 79, 114, 88, 113, 47, 73, 121, 45, 91, 20, 60, 62, 106, 18, 75, 37, 49, 15, 10, 57, 52, 122, 31, 63, 51, 23, 48, 38, 33, 26, 96, 94, 6, 53, 32, 117, 86, 120, 112, 102, 36, 80, 97, 101, 72, 118, 83, 35, 69, 126, 99, 107, 46, 30, 85, 24, 55, 81, 13, 84, 78, 2, 98, 16, 7, 76, 11, 0, 1, 3, 67, 65, 104], [40, 125, 87, 0, 17, 34, 21, 12, 82, 1, 14, 66, 124, 4, 70, 50, 74, 44, 75, 58, 26, 127, 54, 69, 110, 113, 28, 111, 8, 95, 52, 13, 88, 33, 45, 79, 93, 42, 114, 64, 22, 103, 32, 98, 109, 67, 20, 123, 73, 119, 35, 11, 92, 19, 49, 104, 15, 39, 30, 27, 18, 90, 25, 59, 68, 96, 71, 102, 107, 53, 72, 101, 112, 62, 2, 65, 91, 60, 16, 77, 61, 80, 106, 99, 121, 115, 43, 7, 23, 105, 81, 84, 78, 55, 97, 3, 118, 76, 51, 122, 94, 83, 29, 89, 48, 117, 41, 86, 63, 9, 56, 5, 46, 108, 120, 31, 126, 24, 6, 116, 57, 85, 47, 100, 38, 10, 36, 37], [42, 36, 30, 43, 56, 106, 20, 118, 87, 77, 35, 82, 91, 123, 94, 46, 52, 80, 117, 49, 53, 89, 104, 120, 27, 99, 112, 17, 39, 47, 23, 122, 51, 78, 85, 54, 15, 11, 60, 19, 114, 103, 124, 71, 105, 125, 34, 58, 57, 95, 107, 108, 126, 110, 61, 62, 22, 74, 50, 32, 84, 109, 9, 121, 44, 88, 29, 13, 116, 101, 18, 55, 31, 59, 92, 115, 86, 45, 113, 98, 90, 111, 102, 41, 63, 48, 26, 12, 21, 25, 97, 119, 8, 24, 38, 127, 16, 37, 81, 83, 75, 14, 100, 33, 7, 96, 40, 28, 93, 72, 70, 69, 5, 76, 73, 79, 3, 67, 66, 2, 10, 68, 6, 1, 4, 65, 0, 64], [42, 36, 114, 118, 30, 15, 74, 35, 20, 17, 68, 87, 106, 77, 82, 70, 4, 91, 56, 76, 71, 0, 66, 123, 95, 64, 50, 31, 94, 43, 52, 21, 27, 23, 62, 7, 53, 11, 10, 122, 98, 9, 12, 29, 5, 67, 102, 84, 19, 18, 28, 111, 13, 65, 88, 1, 37, 85, 6, 8, 120, 2, 107, 32, 49, 112, 57, 103, 81, 83, 93, 14, 79, 69, 59, 96, 124, 46, 24, 44, 97, 26, 54, 126, 47, 109, 25, 16, 45, 73, 3, 60, 38, 72, 104, 86, 80, 78, 34, 108, 115, 41, 101, 58, 39, 22, 75, 61, 105, 92, 89, 48, 90, 51, 117, 33, 121, 119, 125, 110, 116, 63, 100, 113, 55, 127, 40, 99], [42, 36, 114, 118, 30, 87, 15, 123, 17, 35, 89, 74, 106, 20, 82, 94, 70, 56, 77, 50, 19, 66, 104, 52, 27, 68, 91, 8, 43, 6, 54, 72, 29, 44, 120, 58, 95, 75, 11, 47, 1, 38, 23, 51, 59, 122, 112, 113, 57, 49, 124, 61, 32, 86, 53, 62, 125, 99, 93, 111, 3, 116, 92, 102, 98, 12, 24, 103, 34, 71, 48, 28, 78, 64, 63, 76, 40, 127, 107, 108, 97, 46, 83, 119, 126, 96, 60, 110, 84, 10, 115, 81, 45, 25, 117, 37, 101, 0, 105, 21, 121, 2, 33, 31, 14, 109, 80, 55, 18, 26, 41, 9, 39, 85, 13, 16, 79, 5, 22, 90, 67, 88, 69, 100, 73, 7, 4, 65], [42, 114, 36, 35, 30, 106, 91, 103, 20, 87, 50, 27, 15, 17, 43, 74, 82, 94, 89, 68, 71, 123, 56, 104, 77, 95, 70, 120, 113, 85, 105, 65, 29, 62, 46, 3, 57, 127, 118, 61, 80, 119, 2, 125, 76, 122, 48, 117, 90, 1, 126, 47, 45, 111, 52, 44, 11, 51, 55, 109, 12, 49, 54, 121, 38, 75, 124, 63, 8, 102, 112, 67, 78, 107, 58, 66, 31, 59, 110, 115, 108, 116, 7, 72, 69, 81, 101, 41, 24, 86, 53, 33, 0, 73, 5, 26, 39, 28, 37, 19, 60, 13, 23, 21, 98, 84, 34, 93, 99, 14, 64, 92, 16, 9, 83, 96, 40, 25, 97, 88, 32, 22, 10, 4, 18, 79, 6, 100], [126, 41, 98, 56, 115, 89, 84, 13, 111, 80, 18, 112, 28, 45, 86, 75, 74, 31, 50, 21, 96, 82, 54, 58, 79, 5, 73, 8, 29, 81, 55, 11, 14, 70, 63, 120, 68, 4, 3, 25, 106, 119, 127, 117, 77, 40, 60, 71, 122, 92, 48, 10, 95, 88, 66, 46, 57, 59, 6, 76, 78, 83, 108, 34, 2, 93, 43, 51, 72, 16, 22, 0, 19, 20, 35, 124, 23, 44, 102, 121, 125, 62, 87, 107, 1, 113, 100, 61, 52, 24, 27, 85, 12, 90, 26, 17, 123, 49, 47, 105, 9, 114, 118, 32, 116, 103, 36, 7, 53, 99, 91, 110, 67, 109, 104, 33, 38, 94, 30, 97, 37, 39, 101, 65, 42, 64, 15, 69], [56, 41, 58, 98, 87, 63, 31, 32, 126, 28, 54, 122, 115, 44, 57, 17, 53, 60, 121, 46, 112, 43, 103, 55, 124, 116, 108, 127, 50, 120, 51, 26, 47, 117, 111, 86, 48, 113, 62, 52, 110, 61, 118, 119, 49, 45, 92, 114, 123, 109, 59, 125, 89, 101, 105, 40, 95, 107, 42, 23, 88, 22, 39, 91, 24, 100, 106, 84, 25, 94, 34, 30, 104, 37, 82, 15, 102, 38, 97, 99, 36, 35, 90, 21, 93, 80, 96, 33, 83, 29, 18, 20, 81, 79, 12, 27, 78, 19, 10, 85, 77, 1, 76, 14, 13, 7, 72, 66, 0, 5, 67, 3, 65, 16, 2, 64, 69, 11, 75, 71, 4, 8, 73, 70, 9, 74, 6, 68], [56, 41, 126, 98, 89, 79, 84, 18, 115, 80, 15, 31, 21, 28, 72, 13, 58, 10, 11, 63, 86, 82, 46, 4, 57, 40, 14, 73, 112, 70, 92, 77, 111, 100, 25, 23, 32, 122, 3, 121, 113, 60, 43, 127, 119, 75, 81, 16, 45, 87, 125, 95, 53, 66, 29, 62, 55, 109, 96, 51, 19, 124, 69, 5, 50, 52, 120, 9, 49, 71, 123, 1, 0, 48, 59, 22, 20, 47, 33, 76, 116, 8, 85, 6, 44, 27, 117, 103, 93, 17, 30, 61, 78, 37, 110, 64, 114, 88, 118, 24, 35, 2, 12, 91, 94, 83, 39, 90, 104, 54, 105, 99, 26, 102, 108, 68, 101, 7, 65, 97, 106, 36, 107, 42, 38, 74, 34, 67], [41, 126, 56, 63, 105, 60, 31, 127, 122, 87, 51, 52, 115, 98, 47, 49, 62, 121, 57, 123, 112, 124, 58, 46, 28, 117, 103, 114, 59, 116, 118, 45, 109, 86, 119, 54, 61, 113, 48, 55, 111, 120, 92, 50, 32, 53, 125, 44, 110, 108, 89, 84, 40, 43, 42, 107, 18, 39, 106, 104, 26, 100, 101, 37, 38, 102, 23, 7, 36, 35, 94, 96, 34, 91, 95, 99, 97, 17, 33, 80, 30, 25, 21, 85, 82, 88, 20, 22, 93, 24, 29, 27, 90, 11, 19, 83, 78, 77, 5, 73, 14, 81, 12, 3, 70, 0, 8, 71, 76, 79, 1, 16, 65, 10, 13, 67, 66, 64, 2, 74, 69, 9, 4, 72, 68, 75, 6, 15], [123, 103, 55, 47, 34, 125, 27, 95, 88, 32, 110, 122, 21, 15, 76, 19, 127, 24, 53, 97, 91, 94, 18, 36, 71, 51, 59, 43, 104, 38, 40, 101, 44, 118, 74, 106, 42, 26, 58, 102, 57, 52, 90, 117, 9, 92, 115, 111, 62, 2, 124, 96, 10, 87, 29, 48, 116, 33, 16, 126, 22, 78, 120, 112, 105, 85, 60, 63, 46, 107, 100, 114, 41, 113, 25, 1, 45, 54, 121, 37, 99, 23, 14, 31, 98, 49, 108, 56, 93, 39, 89, 50, 61, 109, 5, 79, 70, 119, 68, 13, 35, 28, 84, 82, 83, 86, 81, 30, 20, 80, 66, 64, 17, 11, 77, 12, 8, 73, 75, 3, 69, 4, 72, 7, 6, 65, 0, 67], [123, 103, 55, 34, 116, 27, 76, 88, 70, 0, 3, 18, 15, 1, 19, 68, 122, 66, 21, 95, 99, 71, 94, 91, 22, 59, 51, 9, 62, 125, 74, 56, 30, 73, 77, 67, 33, 126, 10, 47, 31, 37, 96, 109, 36, 57, 6, 79, 8, 107, 48, 80, 110, 29, 49, 35, 45, 118, 115, 58, 50, 63, 44, 121, 65, 86, 24, 26, 60, 17, 82, 85, 92, 23, 119, 40, 20, 52, 104, 13, 98, 112, 5, 120, 28, 113, 117, 114, 69, 72, 11, 102, 124, 81, 78, 14, 38, 53, 46, 43, 93, 61, 39, 87, 16, 108, 105, 75, 111, 42, 54, 106, 41, 25, 84, 32, 90, 97, 83, 101, 127, 4, 89, 100, 7, 12, 2, 64], [123, 103, 58, 122, 27, 88, 21, 91, 47, 18, 15, 59, 38, 34, 62, 9, 5, 95, 48, 120, 55, 49, 125, 60, 110, 44, 53, 121, 50, 56, 117, 119, 30, 105, 57, 52, 63, 24, 124, 67, 40, 113, 126, 94, 109, 112, 96, 51, 54, 118, 97, 46, 45, 116, 107, 111, 76, 108, 114, 85, 42, 115, 100, 43, 106, 104, 61, 36, 127, 101, 99, 41, 75, 29, 0, 92, 71, 86, 33, 102, 2, 64, 4, 37, 14, 39, 35, 17, 81, 3, 98, 73, 93, 82, 69, 77, 7, 11, 32, 87, 79, 68, 26, 84, 72, 89, 31, 8, 25, 65, 20, 83, 80, 90, 23, 22, 13, 28, 6, 78, 16, 19, 74, 1, 10, 12, 70, 66], [123, 103, 47, 34, 71, 76, 62, 122, 27, 55, 21, 22, 59, 19, 88, 125, 68, 15, 18, 101, 91, 109, 97, 45, 58, 24, 2, 56, 48, 64, 95, 117, 63, 36, 32, 38, 85, 111, 94, 66, 92, 77, 107, 10, 84, 9, 110, 30, 44, 119, 127, 5, 115, 50, 87, 79, 82, 73, 20, 99, 40, 124, 83, 49, 51, 42, 75, 61, 116, 57, 41, 46, 89, 60, 126, 120, 52, 54, 70, 118, 104, 113, 29, 112, 114, 53, 35, 121, 26, 105, 1, 93, 0, 100, 37, 108, 106, 80, 33, 65, 98, 12, 17, 43, 16, 72, 86, 74, 90, 23, 25, 96, 14, 31, 11, 28, 81, 4, 102, 78, 7, 13, 8, 6, 3, 69, 67, 39], [103, 61, 95, 60, 23, 104, 54, 91, 18, 116, 114, 27, 127, 80, 20, 108, 51, 40, 98, 62, 7, 46, 56, 78, 123, 107, 121, 122, 55, 113, 57, 12, 97, 53, 117, 109, 59, 58, 42, 75, 125, 124, 112, 86, 74, 126, 47, 41, 45, 63, 22, 115, 25, 65, 120, 49, 52, 69, 119, 50, 101, 28, 31, 44, 43, 118, 48, 99, 110, 105, 81, 39, 87, 38, 32, 24, 111, 102, 106, 93, 37, 85, 36, 79, 88, 100, 19, 34, 35, 21, 33, 16, 29, 84, 9, 83, 30, 90, 13, 82, 5, 96, 92, 8, 66, 94, 15, 89, 6, 70, 2, 72, 67, 26, 77, 76, 3, 17, 73, 1, 68, 71, 14, 4, 11, 0, 10, 64], [103, 61, 95, 113, 23, 104, 27, 91, 49, 42, 108, 60, 78, 114, 80, 18, 12, 74, 109, 7, 54, 127, 57, 21, 20, 34, 52, 58, 53, 45, 105, 112, 101, 2, 6, 56, 47, 86, 59, 69, 121, 117, 1, 70, 51, 39, 107, 126, 46, 43, 3, 64, 31, 119, 85, 116, 19, 62, 125, 32, 88, 72, 122, 67, 97, 13, 40, 92, 102, 65, 123, 8, 41, 120, 111, 48, 106, 124, 55, 118, 63, 44, 4, 115, 99, 25, 96, 66, 0, 22, 28, 9, 11, 38, 83, 50, 17, 110, 30, 100, 84, 35, 89, 68, 73, 90, 36, 81, 98, 33, 77, 15, 71, 37, 93, 24, 94, 29, 26, 79, 87, 75, 5, 14, 16, 10, 82, 76], [103, 61, 95, 74, 18, 86, 69, 27, 12, 78, 23, 48, 60, 64, 7, 3, 20, 54, 66, 113, 65, 22, 80, 123, 0, 127, 6, 21, 98, 33, 47, 72, 114, 38, 82, 68, 121, 73, 85, 35, 49, 75, 29, 81, 43, 94, 62, 16, 31, 88, 84, 19, 104, 53, 106, 34, 26, 32, 55, 56, 90, 119, 87, 44, 124, 14, 118, 101, 83, 24, 15, 46, 13, 2, 97, 17, 10, 93, 28, 25, 77, 92, 108, 51, 96, 100, 58, 111, 5, 99, 50, 89, 30, 11, 36, 116, 110, 40, 115, 57, 102, 67, 79, 42, 105, 45, 52, 107, 76, 126, 70, 122, 63, 120, 1, 59, 117, 8, 125, 71, 112, 41, 37, 109, 91, 9, 4, 39], [103, 61, 60, 55, 23, 95, 54, 91, 27, 18, 56, 78, 20, 113, 7, 53, 51, 114, 98, 123, 121, 12, 116, 107, 104, 69, 41, 58, 46, 63, 108, 59, 40, 109, 126, 62, 80, 49, 74, 65, 97, 124, 22, 117, 52, 45, 112, 86, 57, 75, 127, 115, 47, 105, 42, 122, 38, 25, 125, 44, 101, 37, 110, 119, 34, 118, 43, 50, 106, 6, 66, 32, 102, 48, 39, 87, 111, 31, 71, 93, 83, 120, 33, 35, 28, 29, 4, 79, 36, 21, 17, 96, 100, 68, 72, 99, 30, 16, 67, 84, 19, 15, 76, 92, 88, 89, 3, 13, 24, 14, 90, 5, 85, 82, 73, 77, 81, 9, 0, 1, 94, 8, 26, 70, 10, 11, 2, 64], [121, 114, 39, 56, 120, 33, 93, 116, 19, 101, 29, 57, 113, 126, 63, 77, 49, 103, 109, 51, 110, 127, 54, 122, 111, 53, 119, 58, 50, 66, 105, 23, 59, 125, 117, 115, 43, 55, 124, 52, 46, 48, 61, 118, 41, 112, 123, 22, 108, 62, 45, 60, 107, 8, 65, 47, 25, 89, 42, 106, 24, 74, 44, 1, 104, 98, 37, 15, 69, 102, 40, 38, 32, 72, 26, 99, 3, 35, 90, 97, 67, 28, 96, 100, 91, 36, 88, 34, 79, 94, 7, 17, 2, 16, 83, 92, 18, 86, 95, 81, 10, 30, 31, 6, 84, 13, 85, 71, 87, 27, 20, 5, 21, 76, 9, 11, 68, 78, 64, 70, 80, 82, 0, 75, 4, 73, 14, 12], [56, 39, 114, 33, 88, 85, 16, 78, 18, 26, 120, 76, 71, 29, 91, 50, 11, 31, 20, 121, 116, 100, 115, 94, 119, 58, 84, 80, 97, 6, 9, 54, 24, 57, 37, 19, 51, 22, 15, 124, 110, 113, 75, 81, 79, 126, 99, 95, 83, 87, 111, 108, 13, 90, 92, 25, 27, 61, 34, 44, 7, 122, 63, 125, 52, 28, 96, 89, 127, 53, 30, 72, 60, 77, 82, 93, 41, 74, 21, 48, 86, 123, 55, 117, 59, 49, 10, 40, 98, 14, 17, 43, 105, 101, 23, 62, 68, 36, 32, 12, 109, 102, 35, 47, 107, 118, 45, 42, 106, 112, 104, 38, 46, 69, 1, 73, 70, 8, 65, 3, 66, 67, 103, 5, 4, 2, 64, 0], [39, 56, 114, 0, 64, 9, 121, 120, 68, 6, 11, 67, 78, 16, 33, 65, 88, 66, 71, 4, 19, 29, 3, 85, 1, 76, 77, 2, 18, 22, 73, 12, 70, 86, 75, 20, 5, 87, 83, 8, 81, 7, 10, 72, 90, 99, 110, 31, 27, 116, 13, 14, 91, 69, 108, 17, 21, 41, 23, 80, 98, 58, 26, 25, 113, 79, 96, 74, 61, 35, 84, 52, 54, 95, 119, 82, 94, 107, 89, 103, 125, 15, 28, 102, 30, 57, 92, 24, 118, 34, 59, 32, 117, 49, 100, 44, 53, 115, 93, 63, 36, 42, 127, 97, 105, 123, 101, 104, 62, 40, 38, 50, 124, 37, 51, 43, 47, 106, 60, 48, 46, 109, 55, 111, 122, 45, 126, 112], [114, 39, 56, 120, 116, 29, 57, 117, 126, 93, 54, 119, 19, 113, 51, 111, 122, 49, 110, 58, 63, 50, 127, 101, 53, 23, 125, 109, 33, 55, 60, 59, 62, 118, 123, 61, 115, 52, 121, 46, 48, 47, 124, 43, 112, 45, 103, 107, 108, 22, 44, 42, 105, 41, 106, 37, 104, 27, 97, 38, 40, 86, 98, 83, 91, 26, 102, 89, 31, 88, 99, 36, 35, 25, 77, 15, 100, 34, 20, 87, 95, 84, 24, 32, 96, 90, 17, 30, 85, 18, 81, 94, 79, 28, 13, 78, 92, 16, 71, 6, 69, 11, 21, 10, 80, 74, 7, 82, 5, 65, 72, 9, 14, 1, 76, 8, 12, 75, 68, 67, 66, 70, 73, 2, 3, 4, 64, 0], [46, 102, 49, 110, 26, 84, 16, 53, 29, 123, 60, 126, 98, 10, 119, 90, 25, 91, 44, 56, 124, 113, 62, 41, 112, 86, 63, 127, 42, 92, 59, 57, 33, 47, 118, 107, 31, 54, 125, 6, 87, 115, 80, 114, 66, 104, 95, 105, 20, 99, 111, 120, 55, 61, 43, 52, 24, 58, 116, 36, 108, 117, 45, 18, 7, 122, 93, 39, 51, 48, 109, 35, 97, 121, 37, 50, 30, 32, 106, 100, 64, 103, 27, 2, 13, 74, 40, 1, 22, 101, 81, 88, 72, 28, 94, 21, 78, 70, 96, 34, 69, 0, 83, 38, 85, 15, 17, 89, 11, 12, 3, 23, 68, 73, 19, 75, 67, 76, 5, 14, 71, 79, 65, 4, 9, 8, 82, 77], [46, 102, 110, 29, 26, 60, 84, 16, 86, 51, 69, 18, 100, 123, 109, 67, 121, 36, 112, 49, 113, 1, 63, 97, 90, 11, 13, 50, 31, 53, 33, 108, 7, 61, 115, 30, 47, 107, 28, 12, 105, 119, 37, 59, 106, 114, 42, 120, 99, 45, 52, 98, 87, 124, 104, 89, 125, 92, 41, 116, 55, 111, 39, 103, 10, 57, 58, 127, 117, 62, 56, 35, 44, 54, 122, 40, 126, 64, 6, 38, 101, 85, 76, 93, 27, 81, 14, 32, 24, 25, 4, 43, 95, 48, 34, 73, 118, 96, 70, 3, 66, 91, 9, 17, 19, 83, 72, 88, 94, 78, 22, 79, 20, 80, 2, 74, 68, 21, 71, 15, 23, 5, 75, 82, 8, 65, 77, 0], [46, 102, 110, 26, 84, 18, 29, 13, 72, 16, 67, 116, 10, 109, 68, 107, 121, 113, 59, 0, 47, 6, 90, 112, 60, 98, 115, 48, 24, 87, 22, 123, 120, 8, 12, 11, 49, 127, 30, 73, 23, 106, 126, 41, 119, 34, 61, 40, 37, 35, 66, 97, 124, 108, 100, 114, 42, 93, 25, 85, 103, 53, 33, 81, 80, 89, 63, 55, 31, 104, 105, 74, 50, 44, 117, 95, 45, 3, 111, 21, 57, 36, 43, 62, 92, 58, 125, 88, 86, 122, 20, 54, 83, 96, 70, 39, 7, 75, 91, 28, 52, 118, 14, 27, 101, 99, 51, 56, 32, 19, 9, 2, 69, 17, 94, 82, 64, 79, 5, 77, 65, 1, 76, 4, 71, 15, 78, 38], [46, 102, 18, 110, 13, 29, 84, 26, 16, 10, 72, 6, 68, 93, 25, 87, 1, 73, 90, 60, 0, 2, 22, 91, 78, 7, 14, 49, 9, 88, 15, 82, 79, 36, 59, 33, 112, 20, 17, 30, 123, 109, 27, 31, 19, 116, 67, 65, 8, 71, 92, 96, 85, 3, 80, 61, 76, 81, 24, 11, 77, 98, 113, 83, 50, 5, 107, 28, 106, 23, 118, 54, 101, 86, 37, 75, 34, 12, 66, 89, 63, 74, 41, 56, 48, 4, 108, 32, 35, 115, 99, 94, 21, 100, 119, 62, 57, 114, 70, 95, 52, 58, 124, 69, 39, 117, 120, 44, 121, 127, 105, 43, 55, 64, 126, 104, 40, 53, 103, 47, 42, 122, 125, 97, 51, 45, 111, 38]], "model.layers.28.self_attn.k_proj": [[120, 104, 98, 23, 85, 0, 29, 11, 17, 16, 27, 61, 58, 30, 19, 95, 110, 73, 78, 125, 66, 114, 91, 108, 42, 50, 115, 51, 62, 52, 68, 121, 127, 57, 47, 124, 60, 45, 59, 53, 122, 55, 49, 70, 43, 67, 112, 119, 109, 65, 117, 54, 123, 116, 48, 102, 113, 56, 44, 8, 118, 111, 63, 38, 4, 46, 79, 105, 107, 89, 106, 5, 12, 126, 41, 25, 77, 2, 39, 36, 86, 88, 13, 7, 82, 31, 92, 35, 103, 101, 100, 37, 10, 90, 33, 28, 71, 34, 84, 26, 24, 1, 32, 22, 94, 20, 99, 96, 9, 72, 6, 15, 97, 83, 18, 81, 3, 93, 80, 14, 21, 74, 75, 69, 76, 64, 87, 40], [125, 104, 64, 87, 98, 14, 70, 74, 17, 12, 82, 0, 21, 65, 8, 68, 66, 124, 108, 58, 69, 3, 1, 90, 4, 114, 47, 79, 28, 49, 2, 54, 19, 127, 73, 9, 75, 46, 50, 123, 61, 93, 52, 25, 16, 77, 103, 111, 31, 67, 41, 113, 53, 106, 92, 20, 109, 89, 45, 122, 105, 27, 97, 107, 71, 94, 60, 33, 13, 55, 59, 121, 120, 86, 26, 11, 63, 99, 29, 95, 91, 51, 101, 119, 5, 62, 118, 88, 83, 112, 7, 102, 24, 80, 22, 115, 56, 38, 42, 44, 48, 37, 32, 116, 110, 57, 15, 36, 84, 100, 23, 117, 43, 39, 76, 30, 35, 126, 85, 96, 6, 72, 34, 18, 10, 78, 81, 40], [106, 114, 100, 94, 118, 87, 68, 0, 99, 71, 77, 74, 20, 82, 15, 17, 50, 70, 52, 119, 42, 27, 47, 44, 115, 62, 75, 89, 56, 66, 123, 1, 122, 109, 102, 120, 76, 2, 110, 53, 57, 45, 48, 9, 65, 41, 43, 107, 121, 39, 35, 127, 95, 73, 29, 54, 59, 91, 31, 58, 124, 61, 72, 69, 51, 22, 113, 49, 28, 12, 111, 93, 85, 63, 97, 60, 3, 125, 46, 40, 116, 96, 30, 98, 126, 108, 117, 33, 55, 34, 32, 37, 5, 112, 101, 11, 92, 64, 19, 80, 104, 78, 103, 90, 14, 7, 83, 21, 86, 24, 88, 8, 16, 67, 105, 38, 26, 4, 81, 25, 79, 18, 6, 10, 84, 36, 23, 13], [105, 126, 56, 34, 95, 86, 92, 89, 115, 84, 82, 79, 57, 119, 51, 62, 110, 63, 87, 54, 59, 80, 120, 112, 58, 121, 113, 127, 117, 55, 124, 116, 118, 109, 48, 60, 123, 61, 122, 46, 49, 114, 52, 53, 47, 125, 111, 45, 32, 104, 44, 107, 99, 50, 108, 21, 17, 91, 39, 101, 43, 26, 106, 42, 103, 96, 11, 36, 77, 27, 28, 102, 30, 13, 38, 40, 97, 33, 37, 73, 29, 8, 22, 41, 76, 35, 10, 19, 93, 75, 100, 98, 14, 94, 70, 85, 18, 88, 24, 12, 20, 31, 16, 23, 90, 25, 83, 4, 5, 3, 78, 81, 0, 72, 9, 65, 74, 7, 71, 68, 1, 6, 66, 15, 69, 67, 64, 2], [123, 39, 88, 21, 27, 64, 76, 15, 18, 30, 1, 68, 98, 71, 122, 95, 70, 125, 9, 47, 63, 121, 66, 46, 19, 57, 60, 86, 116, 110, 2, 49, 119, 120, 118, 33, 113, 3, 45, 52, 117, 44, 112, 48, 51, 124, 40, 10, 50, 54, 59, 114, 20, 69, 111, 31, 102, 37, 126, 8, 108, 61, 56, 106, 109, 115, 55, 34, 43, 87, 53, 62, 13, 42, 14, 41, 127, 58, 104, 29, 107, 105, 32, 101, 100, 11, 36, 75, 93, 92, 23, 90, 28, 35, 99, 22, 26, 74, 89, 97, 25, 96, 84, 65, 77, 17, 80, 81, 0, 16, 94, 38, 82, 78, 79, 103, 72, 4, 5, 6, 7, 83, 67, 73, 91, 24, 12, 85], [61, 39, 31, 23, 91, 18, 64, 74, 80, 78, 86, 62, 69, 49, 56, 12, 54, 3, 51, 112, 66, 7, 55, 113, 110, 124, 121, 109, 50, 20, 52, 117, 114, 58, 0, 34, 122, 59, 60, 123, 115, 42, 111, 126, 118, 107, 63, 53, 127, 116, 44, 41, 108, 45, 79, 47, 57, 35, 25, 46, 98, 65, 106, 6, 48, 88, 119, 75, 1, 43, 40, 72, 120, 33, 125, 21, 32, 105, 67, 68, 19, 37, 100, 36, 38, 92, 70, 73, 17, 2, 102, 96, 97, 81, 99, 27, 90, 94, 101, 103, 4, 11, 84, 104, 77, 93, 29, 9, 28, 15, 24, 13, 22, 89, 26, 83, 30, 85, 16, 5, 8, 10, 76, 14, 71, 95, 82, 87], [56, 103, 64, 114, 93, 121, 97, 1, 50, 19, 9, 68, 6, 22, 120, 67, 116, 11, 23, 113, 78, 66, 77, 16, 46, 88, 57, 58, 110, 54, 3, 69, 76, 71, 51, 122, 105, 118, 126, 43, 95, 8, 62, 61, 117, 24, 55, 59, 47, 49, 53, 123, 125, 42, 119, 63, 60, 44, 48, 115, 85, 124, 12, 26, 37, 52, 109, 18, 112, 2, 45, 74, 127, 111, 108, 41, 89, 106, 21, 107, 40, 81, 38, 65, 101, 91, 14, 15, 35, 36, 84, 104, 0, 99, 102, 92, 4, 34, 100, 94, 30, 28, 96, 25, 32, 17, 20, 31, 98, 72, 80, 10, 75, 90, 70, 82, 27, 79, 13, 5, 87, 73, 7, 86, 29, 39, 33, 83], [110, 38, 46, 29, 84, 26, 13, 16, 18, 6, 2, 0, 112, 10, 25, 121, 123, 68, 11, 113, 73, 86, 1, 47, 7, 97, 72, 63, 60, 109, 115, 34, 119, 53, 114, 30, 59, 55, 61, 124, 32, 41, 103, 107, 101, 88, 49, 50, 116, 42, 87, 51, 104, 62, 37, 57, 111, 108, 58, 127, 120, 45, 56, 122, 118, 40, 44, 105, 39, 125, 117, 54, 52, 64, 92, 43, 106, 95, 15, 76, 48, 14, 69, 36, 96, 91, 4, 35, 99, 31, 100, 126, 98, 33, 75, 22, 67, 23, 5, 94, 81, 19, 24, 85, 17, 78, 12, 27, 83, 8, 28, 3, 89, 21, 65, 9, 79, 71, 93, 82, 77, 74, 80, 66, 70, 90, 20, 102]], "model.layers.28.self_attn.qk_proj": [[123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 42, 104, 23, 87, 121, 118, 103, 82, 18, 91, 64, 0, 29, 95, 58, 39, 40, 50, 85, 41, 27, 10, 70, 20, 76, 74, 105, 84, 30, 12, 55, 62, 98, 93, 21, 81, 51, 68, 115, 80, 79, 13, 77, 122, 124, 44, 90, 6, 60, 15, 4, 48, 112, 59, 113, 54, 31, 116, 78, 49, 57, 47, 53, 109, 66, 65, 17, 127, 16, 2, 22, 14, 63, 28, 102, 24, 11, 34, 1, 83, 9, 86, 43, 73, 52, 19, 38, 25, 7, 88, 108, 36, 8, 119, 94, 89, 26, 33, 107, 3, 71, 117, 75, 5, 45, 67, 111, 99, 97, 35, 101, 100, 72, 69, 32, 37, 92, 96], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 42, 104, 121, 23, 87, 103, 118, 91, 0, 82, 64, 18, 40, 70, 95, 50, 58, 29, 30, 47, 10, 62, 39, 27, 20, 85, 105, 4, 41, 76, 12, 93, 51, 98, 81, 55, 74, 21, 60, 84, 13, 49, 77, 44, 115, 63, 53, 80, 65, 124, 66, 116, 34, 112, 113, 22, 54, 79, 102, 17, 16, 2, 6, 68, 11, 14, 78, 90, 15, 122, 28, 1, 9, 109, 59, 127, 48, 8, 108, 52, 31, 38, 57, 43, 71, 24, 86, 88, 83, 73, 33, 117, 7, 107, 111, 119, 19, 94, 45, 5, 36, 100, 3, 89, 75, 69, 26, 67, 35, 25, 37, 97, 99, 72, 101, 92, 32, 96], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 42, 121, 104, 23, 87, 0, 118, 64, 18, 103, 82, 91, 70, 39, 95, 27, 58, 41, 40, 98, 105, 29, 12, 21, 84, 76, 10, 85, 112, 30, 50, 74, 93, 55, 20, 115, 44, 53, 4, 62, 63, 80, 34, 81, 77, 124, 60, 15, 68, 79, 113, 22, 13, 66, 2, 90, 57, 51, 49, 78, 47, 17, 54, 102, 65, 122, 16, 14, 1, 116, 8, 48, 59, 28, 31, 119, 127, 86, 109, 19, 6, 43, 71, 36, 88, 9, 107, 38, 108, 52, 7, 25, 11, 117, 111, 24, 94, 67, 89, 26, 75, 3, 73, 83, 33, 5, 69, 99, 101, 100, 97, 37, 45, 35, 92, 96, 32, 72], [123, 125, 56, 61, 120, 114, 110, 46, 126, 106, 42, 104, 121, 23, 103, 87, 118, 64, 0, 18, 91, 82, 70, 40, 39, 41, 74, 76, 58, 95, 53, 105, 12, 27, 50, 29, 10, 98, 21, 84, 112, 122, 62, 4, 63, 81, 30, 124, 55, 2, 77, 14, 78, 85, 34, 93, 80, 1, 20, 44, 68, 66, 113, 16, 17, 115, 60, 22, 13, 15, 54, 6, 79, 8, 90, 49, 57, 51, 59, 65, 47, 25, 116, 31, 7, 86, 28, 11, 48, 36, 33, 19, 67, 9, 83, 119, 71, 102, 52, 38, 88, 94, 73, 107, 109, 3, 89, 69, 101, 127, 117, 108, 24, 75, 43, 45, 5, 26, 97, 111, 35, 99, 100, 37, 92, 72, 32, 96], [123, 61, 125, 56, 120, 114, 110, 46, 126, 106, 42, 104, 121, 23, 87, 103, 118, 18, 0, 82, 64, 40, 58, 41, 70, 91, 50, 53, 39, 29, 105, 55, 12, 76, 95, 98, 112, 21, 27, 80, 74, 10, 84, 20, 85, 30, 6, 78, 77, 113, 4, 81, 62, 115, 15, 122, 60, 124, 68, 66, 54, 48, 14, 2, 57, 44, 59, 90, 86, 116, 16, 47, 79, 65, 17, 8, 28, 63, 93, 49, 13, 51, 127, 1, 25, 31, 11, 34, 19, 22, 7, 107, 117, 9, 109, 24, 52, 108, 102, 83, 36, 73, 119, 67, 88, 3, 38, 71, 94, 111, 75, 5, 26, 69, 89, 33, 101, 43, 45, 97, 100, 35, 99, 92, 72, 37, 96, 32], [123, 125, 56, 61, 120, 114, 110, 46, 126, 106, 42, 104, 121, 23, 103, 87, 18, 82, 118, 64, 0, 50, 29, 58, 40, 91, 95, 21, 41, 74, 27, 44, 112, 62, 20, 30, 105, 98, 85, 81, 10, 55, 53, 68, 113, 84, 12, 76, 6, 115, 70, 34, 54, 39, 49, 48, 4, 15, 77, 31, 80, 124, 2, 65, 66, 93, 47, 14, 13, 78, 60, 122, 79, 1, 8, 22, 63, 17, 16, 116, 19, 86, 28, 57, 127, 109, 24, 90, 119, 25, 108, 5, 7, 59, 51, 71, 11, 94, 83, 43, 117, 52, 75, 89, 33, 9, 102, 3, 88, 97, 73, 38, 100, 35, 111, 67, 69, 99, 45, 101, 107, 26, 37, 36, 96, 92, 32, 72], [123, 61, 125, 56, 120, 114, 110, 46, 126, 106, 42, 23, 104, 87, 121, 103, 41, 118, 82, 40, 50, 64, 58, 18, 91, 0, 29, 98, 105, 95, 27, 6, 39, 76, 44, 30, 21, 113, 85, 53, 112, 55, 20, 12, 81, 90, 10, 115, 15, 84, 4, 93, 13, 80, 74, 16, 109, 34, 47, 77, 49, 14, 68, 17, 124, 60, 54, 79, 48, 127, 51, 63, 66, 62, 59, 70, 78, 1, 57, 22, 122, 86, 25, 31, 116, 2, 24, 19, 36, 65, 8, 28, 7, 89, 111, 119, 9, 43, 83, 108, 73, 94, 88, 52, 117, 71, 11, 38, 67, 45, 97, 102, 26, 69, 3, 101, 99, 100, 75, 107, 37, 35, 72, 33, 5, 32, 92, 96], [123, 61, 125, 56, 120, 114, 110, 46, 126, 106, 42, 23, 104, 87, 121, 103, 118, 18, 82, 91, 0, 29, 64, 39, 41, 58, 40, 105, 6, 95, 44, 27, 98, 21, 50, 112, 55, 30, 76, 34, 54, 12, 85, 47, 20, 74, 122, 4, 53, 81, 84, 77, 79, 115, 51, 10, 113, 48, 93, 90, 31, 80, 16, 49, 14, 15, 102, 17, 116, 68, 65, 124, 59, 2, 22, 60, 13, 1, 57, 66, 43, 127, 63, 109, 62, 119, 89, 78, 38, 25, 70, 28, 108, 24, 88, 9, 86, 73, 83, 45, 52, 107, 36, 11, 19, 94, 71, 67, 111, 7, 117, 33, 26, 100, 37, 5, 72, 97, 99, 69, 75, 3, 8, 101, 92, 32, 35, 96], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 42, 87, 23, 104, 121, 103, 18, 82, 29, 118, 64, 91, 27, 0, 44, 58, 95, 6, 40, 41, 39, 21, 50, 76, 20, 112, 30, 74, 113, 55, 47, 10, 105, 84, 13, 63, 85, 98, 68, 124, 77, 122, 80, 12, 93, 51, 16, 34, 78, 109, 54, 48, 90, 115, 4, 116, 79, 62, 81, 17, 53, 15, 66, 49, 14, 102, 65, 43, 119, 22, 31, 28, 60, 59, 57, 127, 83, 88, 2, 1, 24, 86, 89, 72, 70, 52, 73, 19, 7, 108, 25, 107, 9, 117, 38, 94, 67, 71, 33, 111, 36, 45, 75, 99, 26, 5, 100, 11, 3, 101, 35, 97, 8, 32, 69, 92, 37, 96], [123, 61, 125, 56, 120, 114, 110, 46, 126, 106, 42, 104, 121, 87, 23, 64, 58, 118, 103, 0, 82, 18, 91, 6, 29, 41, 40, 30, 27, 76, 48, 4, 39, 50, 98, 85, 63, 55, 12, 74, 113, 10, 122, 44, 20, 95, 112, 93, 21, 51, 124, 105, 47, 68, 2, 62, 34, 22, 53, 84, 54, 70, 66, 16, 115, 81, 13, 108, 49, 60, 57, 43, 79, 77, 90, 14, 80, 17, 116, 65, 15, 102, 78, 1, 59, 86, 109, 127, 119, 72, 24, 28, 31, 11, 73, 7, 9, 38, 25, 71, 111, 19, 33, 83, 94, 3, 107, 36, 88, 75, 52, 89, 26, 5, 67, 8, 45, 117, 69, 101, 100, 97, 35, 99, 32, 37, 92, 96], [123, 56, 61, 125, 120, 114, 110, 46, 126, 106, 42, 104, 121, 23, 87, 118, 82, 18, 103, 0, 64, 91, 10, 40, 58, 70, 27, 74, 29, 95, 50, 76, 98, 6, 85, 39, 41, 30, 21, 4, 20, 55, 77, 84, 66, 53, 13, 16, 12, 90, 79, 81, 54, 105, 68, 78, 72, 93, 15, 1, 80, 124, 122, 2, 62, 48, 112, 57, 17, 47, 60, 51, 115, 34, 113, 71, 59, 94, 63, 49, 7, 31, 65, 28, 14, 24, 19, 86, 22, 25, 73, 88, 109, 83, 11, 44, 89, 116, 3, 102, 52, 9, 127, 108, 119, 38, 5, 67, 33, 43, 107, 75, 36, 26, 117, 45, 111, 69, 35, 97, 100, 101, 99, 92, 8, 37, 32, 96], [123, 56, 125, 61, 120, 114, 110, 46, 126, 106, 104, 42, 87, 23, 121, 82, 18, 103, 118, 64, 29, 40, 91, 0, 98, 95, 70, 76, 27, 50, 84, 21, 39, 10, 20, 74, 44, 58, 30, 4, 79, 41, 12, 85, 55, 105, 34, 13, 16, 93, 78, 77, 80, 122, 68, 66, 90, 59, 113, 54, 17, 51, 47, 15, 62, 115, 112, 6, 31, 81, 2, 49, 14, 22, 60, 53, 65, 72, 57, 1, 25, 102, 24, 124, 86, 116, 28, 48, 75, 83, 63, 73, 109, 127, 7, 71, 36, 9, 3, 19, 119, 94, 89, 67, 52, 43, 11, 107, 88, 33, 45, 38, 69, 108, 111, 35, 26, 5, 101, 99, 117, 100, 32, 37, 97, 8, 96, 92], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 104, 87, 42, 103, 121, 23, 118, 58, 18, 91, 40, 82, 64, 0, 50, 29, 39, 95, 44, 70, 51, 47, 27, 41, 20, 98, 12, 105, 54, 21, 113, 30, 115, 55, 85, 93, 60, 116, 63, 112, 84, 102, 76, 74, 34, 57, 68, 59, 62, 53, 28, 17, 4, 31, 48, 81, 90, 72, 49, 109, 124, 122, 65, 86, 80, 16, 14, 77, 78, 22, 13, 10, 79, 108, 2, 66, 24, 15, 127, 6, 43, 1, 9, 88, 119, 75, 73, 45, 52, 19, 89, 38, 7, 111, 11, 36, 71, 94, 107, 83, 25, 26, 117, 3, 97, 35, 5, 67, 99, 37, 69, 100, 101, 33, 92, 32, 96, 8], [123, 61, 125, 56, 120, 114, 110, 46, 126, 106, 42, 121, 104, 87, 23, 64, 103, 0, 118, 91, 18, 82, 70, 58, 39, 54, 95, 76, 29, 40, 21, 41, 74, 50, 12, 27, 93, 30, 122, 68, 10, 20, 124, 85, 63, 57, 55, 105, 115, 84, 4, 98, 2, 44, 22, 34, 13, 81, 77, 116, 113, 1, 60, 112, 16, 78, 90, 79, 109, 49, 51, 65, 66, 47, 15, 14, 62, 17, 6, 48, 59, 80, 53, 43, 102, 119, 31, 127, 72, 24, 108, 111, 28, 88, 86, 71, 11, 38, 19, 9, 107, 52, 7, 36, 75, 73, 83, 25, 33, 94, 97, 99, 117, 5, 89, 3, 35, 67, 45, 69, 100, 101, 26, 37, 8, 92, 32, 96], [123, 61, 56, 125, 120, 110, 114, 46, 126, 106, 42, 104, 23, 121, 87, 18, 64, 0, 91, 103, 118, 82, 40, 70, 41, 74, 58, 76, 29, 98, 85, 95, 12, 50, 10, 105, 84, 21, 39, 30, 4, 2, 81, 20, 68, 27, 63, 90, 16, 55, 66, 124, 6, 115, 13, 15, 54, 77, 112, 53, 47, 44, 79, 22, 113, 93, 14, 122, 34, 78, 80, 17, 62, 116, 109, 65, 51, 57, 48, 59, 60, 1, 31, 9, 7, 86, 119, 75, 72, 127, 49, 28, 33, 108, 11, 88, 52, 24, 94, 67, 38, 89, 3, 25, 19, 5, 111, 73, 71, 36, 83, 107, 69, 43, 97, 35, 117, 45, 100, 26, 99, 102, 8, 101, 37, 96, 92, 32], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 42, 121, 104, 23, 87, 103, 18, 118, 91, 82, 64, 29, 50, 58, 0, 95, 10, 70, 40, 27, 74, 105, 55, 93, 6, 30, 76, 84, 39, 85, 13, 12, 20, 98, 68, 21, 41, 81, 90, 122, 115, 77, 47, 16, 112, 80, 78, 15, 4, 44, 34, 66, 54, 1, 62, 113, 109, 14, 2, 49, 60, 22, 79, 17, 59, 65, 119, 31, 63, 19, 28, 53, 48, 124, 86, 7, 75, 71, 9, 57, 24, 116, 73, 127, 102, 25, 3, 88, 33, 89, 43, 108, 83, 52, 72, 11, 51, 67, 8, 94, 111, 107, 38, 100, 45, 69, 5, 97, 26, 37, 35, 117, 36, 32, 99, 101, 96, 92], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 42, 104, 23, 87, 121, 103, 64, 18, 118, 0, 82, 58, 95, 29, 40, 91, 39, 30, 41, 27, 50, 98, 20, 93, 21, 74, 85, 112, 12, 105, 6, 84, 115, 90, 55, 10, 16, 76, 44, 81, 54, 68, 108, 122, 4, 14, 60, 1, 53, 34, 80, 62, 22, 13, 113, 59, 77, 17, 66, 109, 31, 86, 28, 47, 57, 48, 116, 49, 78, 15, 2, 70, 63, 51, 127, 102, 79, 124, 9, 88, 38, 43, 119, 19, 24, 71, 45, 52, 65, 73, 75, 25, 89, 107, 7, 26, 83, 36, 8, 94, 33, 35, 11, 99, 111, 100, 67, 3, 97, 72, 117, 5, 101, 69, 92, 37, 32, 96], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 42, 104, 87, 23, 121, 64, 103, 82, 18, 118, 0, 91, 6, 39, 29, 40, 27, 95, 74, 76, 30, 50, 85, 58, 10, 112, 1, 12, 34, 20, 41, 54, 44, 55, 21, 84, 13, 93, 105, 81, 98, 2, 68, 14, 47, 113, 80, 122, 63, 16, 53, 4, 77, 90, 51, 115, 119, 60, 78, 62, 49, 102, 15, 17, 79, 22, 124, 66, 48, 70, 31, 43, 116, 86, 59, 65, 9, 109, 71, 57, 75, 19, 108, 8, 33, 94, 88, 28, 25, 26, 127, 24, 38, 36, 89, 3, 52, 67, 83, 111, 107, 7, 69, 99, 117, 73, 101, 97, 11, 5, 100, 35, 45, 37, 32, 72, 96, 92], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 42, 104, 23, 121, 103, 87, 64, 0, 118, 91, 40, 82, 6, 18, 58, 41, 29, 27, 112, 76, 39, 50, 74, 98, 49, 10, 95, 93, 85, 12, 2, 122, 113, 20, 60, 84, 4, 30, 105, 124, 44, 63, 21, 34, 81, 62, 48, 115, 14, 68, 13, 77, 55, 80, 109, 116, 119, 53, 47, 54, 17, 51, 1, 8, 15, 59, 127, 43, 16, 66, 78, 70, 22, 102, 108, 31, 90, 79, 75, 57, 33, 65, 86, 36, 19, 38, 28, 45, 88, 52, 24, 9, 89, 71, 94, 111, 73, 3, 83, 11, 25, 99, 7, 107, 69, 67, 101, 97, 35, 100, 26, 5, 117, 37, 96, 92, 32, 72], [123, 61, 56, 125, 120, 114, 110, 46, 126, 106, 42, 104, 103, 121, 23, 87, 118, 0, 91, 82, 40, 6, 64, 18, 58, 29, 95, 10, 27, 93, 30, 41, 74, 39, 4, 55, 50, 98, 122, 81, 124, 12, 76, 66, 105, 85, 20, 112, 21, 62, 34, 54, 8, 68, 84, 48, 44, 16, 53, 115, 116, 90, 77, 113, 17, 14, 70, 63, 13, 78, 2, 1, 60, 80, 79, 15, 47, 28, 59, 109, 49, 102, 57, 75, 108, 119, 22, 127, 83, 71, 51, 31, 86, 73, 65, 33, 52, 9, 45, 7, 38, 35, 3, 19, 25, 88, 43, 111, 94, 69, 36, 97, 89, 26, 107, 24, 117, 11, 100, 99, 67, 5, 101, 92, 72, 37, 96, 32], [123, 61, 125, 56, 120, 114, 110, 46, 126, 106, 42, 104, 23, 121, 87, 118, 103, 18, 82, 40, 29, 64, 0, 91, 27, 44, 39, 58, 95, 21, 105, 50, 55, 30, 41, 6, 112, 74, 12, 10, 76, 113, 85, 122, 115, 20, 51, 98, 116, 47, 93, 54, 62, 34, 63, 70, 84, 1, 68, 109, 60, 17, 13, 8, 16, 80, 79, 78, 4, 90, 119, 124, 81, 2, 49, 108, 127, 102, 48, 15, 77, 53, 31, 86, 22, 43, 66, 59, 107, 52, 57, 14, 65, 28, 25, 75, 88, 7, 24, 19, 9, 94, 3, 71, 38, 73, 33, 67, 36, 83, 100, 5, 89, 97, 26, 11, 117, 111, 101, 69, 35, 37, 32, 99, 96, 45, 92, 72], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 42, 104, 121, 87, 64, 23, 0, 118, 103, 91, 18, 40, 82, 70, 58, 41, 27, 29, 39, 50, 12, 76, 112, 105, 95, 68, 20, 21, 10, 34, 30, 124, 54, 44, 85, 122, 74, 62, 78, 93, 55, 115, 2, 6, 81, 98, 113, 63, 84, 116, 13, 1, 51, 53, 60, 15, 119, 65, 66, 43, 17, 49, 57, 16, 4, 86, 79, 102, 77, 80, 47, 22, 8, 48, 59, 14, 52, 109, 31, 127, 90, 38, 75, 7, 108, 28, 71, 19, 88, 67, 25, 107, 33, 94, 9, 24, 5, 36, 89, 73, 97, 11, 26, 3, 45, 83, 92, 69, 100, 117, 37, 111, 101, 99, 35, 72, 32, 96], [123, 56, 61, 125, 120, 114, 110, 46, 126, 106, 42, 121, 104, 23, 87, 103, 64, 118, 18, 0, 91, 82, 39, 58, 70, 40, 95, 98, 29, 27, 50, 62, 30, 105, 93, 112, 116, 12, 44, 41, 55, 21, 10, 115, 122, 81, 74, 20, 63, 85, 68, 113, 76, 57, 78, 84, 54, 34, 2, 16, 80, 102, 13, 4, 6, 31, 66, 15, 79, 124, 109, 86, 1, 51, 90, 17, 60, 119, 59, 53, 48, 49, 47, 14, 22, 28, 65, 88, 108, 77, 127, 38, 7, 36, 73, 9, 75, 107, 25, 3, 8, 52, 24, 43, 71, 89, 26, 33, 67, 11, 83, 111, 94, 97, 45, 69, 19, 117, 5, 100, 72, 99, 35, 37, 92, 101, 32, 96], [123, 56, 61, 125, 120, 114, 110, 46, 126, 106, 42, 23, 104, 87, 121, 18, 103, 91, 118, 82, 58, 0, 64, 95, 70, 29, 74, 40, 122, 105, 21, 55, 27, 85, 39, 10, 30, 12, 50, 115, 34, 98, 20, 93, 41, 76, 13, 4, 54, 81, 80, 68, 15, 84, 62, 78, 113, 90, 63, 44, 51, 59, 16, 112, 57, 14, 124, 28, 48, 116, 22, 86, 79, 1, 77, 17, 47, 6, 66, 108, 60, 102, 119, 49, 2, 71, 25, 109, 31, 94, 53, 127, 24, 9, 19, 75, 111, 11, 43, 52, 33, 7, 83, 8, 36, 65, 88, 38, 107, 72, 97, 73, 3, 5, 89, 100, 69, 35, 26, 67, 99, 45, 37, 117, 32, 101, 96, 92], [123, 61, 56, 125, 120, 114, 110, 46, 126, 106, 42, 23, 104, 87, 121, 118, 103, 18, 82, 91, 64, 70, 58, 0, 29, 40, 122, 98, 39, 41, 50, 10, 30, 21, 55, 12, 27, 105, 20, 54, 124, 74, 113, 81, 95, 57, 85, 76, 116, 112, 109, 84, 47, 62, 93, 44, 15, 79, 127, 22, 13, 115, 78, 4, 17, 16, 34, 68, 49, 65, 80, 90, 77, 2, 48, 86, 119, 59, 63, 6, 51, 66, 60, 14, 53, 24, 31, 28, 1, 108, 52, 43, 89, 9, 94, 102, 19, 71, 73, 111, 88, 25, 75, 83, 72, 38, 7, 107, 67, 11, 36, 101, 117, 26, 33, 45, 3, 35, 5, 100, 97, 69, 37, 8, 99, 96, 32, 92], [123, 61, 125, 56, 120, 114, 110, 46, 126, 106, 42, 87, 104, 23, 121, 118, 91, 103, 0, 18, 64, 82, 58, 29, 39, 95, 30, 44, 51, 50, 27, 41, 40, 70, 116, 54, 122, 10, 47, 98, 34, 20, 12, 113, 84, 119, 112, 105, 21, 124, 93, 76, 115, 81, 109, 102, 60, 74, 85, 68, 53, 49, 63, 62, 57, 16, 4, 59, 31, 14, 66, 48, 77, 55, 86, 90, 13, 43, 79, 6, 1, 65, 127, 15, 78, 80, 17, 108, 33, 22, 28, 36, 2, 19, 24, 38, 9, 52, 72, 107, 73, 88, 71, 26, 45, 11, 89, 3, 97, 25, 94, 111, 67, 7, 100, 75, 117, 69, 83, 35, 92, 99, 101, 37, 32, 5, 8, 96], [123, 125, 56, 61, 120, 114, 110, 46, 126, 106, 42, 104, 23, 121, 87, 103, 118, 64, 0, 18, 40, 82, 41, 50, 29, 58, 91, 47, 95, 55, 39, 30, 27, 98, 60, 122, 124, 62, 57, 21, 20, 105, 93, 10, 76, 34, 49, 54, 12, 51, 115, 74, 85, 116, 81, 90, 6, 112, 53, 63, 84, 113, 1, 70, 4, 48, 13, 17, 59, 43, 16, 14, 77, 80, 15, 31, 2, 68, 78, 127, 102, 44, 28, 109, 72, 86, 79, 22, 119, 65, 25, 52, 108, 24, 36, 107, 7, 66, 88, 19, 38, 89, 99, 33, 11, 83, 9, 73, 71, 94, 75, 111, 101, 67, 35, 97, 3, 117, 100, 26, 37, 45, 69, 5, 96, 8, 32, 92], [123, 125, 56, 61, 120, 114, 110, 46, 126, 106, 42, 23, 104, 121, 87, 118, 64, 82, 0, 103, 18, 91, 58, 40, 6, 41, 10, 29, 74, 122, 12, 55, 62, 50, 95, 27, 85, 124, 17, 76, 39, 13, 105, 93, 30, 21, 20, 34, 68, 81, 98, 4, 57, 115, 54, 60, 78, 59, 90, 70, 80, 63, 48, 84, 77, 2, 79, 66, 112, 15, 116, 16, 72, 1, 19, 44, 49, 47, 119, 127, 113, 22, 11, 14, 51, 86, 28, 31, 102, 65, 7, 52, 53, 36, 73, 109, 33, 71, 43, 67, 38, 89, 24, 108, 75, 9, 111, 83, 25, 88, 101, 3, 69, 94, 26, 107, 117, 35, 5, 99, 45, 97, 100, 8, 37, 92, 32, 96], [123, 61, 56, 125, 120, 114, 110, 46, 126, 106, 42, 104, 121, 23, 87, 0, 103, 64, 118, 18, 91, 82, 6, 40, 58, 115, 41, 98, 62, 116, 29, 12, 50, 76, 39, 30, 95, 10, 55, 93, 85, 74, 105, 21, 4, 122, 47, 68, 84, 124, 78, 60, 49, 27, 51, 13, 66, 20, 44, 34, 48, 59, 77, 2, 112, 72, 63, 1, 17, 53, 70, 113, 57, 79, 65, 81, 14, 54, 86, 80, 16, 22, 90, 15, 31, 7, 52, 119, 11, 127, 28, 109, 111, 108, 25, 38, 19, 33, 83, 3, 9, 89, 94, 73, 102, 67, 36, 71, 100, 43, 24, 117, 97, 88, 75, 107, 45, 69, 5, 35, 26, 101, 37, 99, 96, 32, 92, 8], [123, 61, 125, 56, 120, 114, 110, 46, 126, 106, 42, 104, 23, 87, 121, 103, 18, 82, 58, 118, 6, 91, 29, 64, 40, 50, 0, 95, 44, 85, 39, 10, 12, 30, 62, 74, 21, 47, 27, 122, 51, 20, 41, 84, 124, 115, 105, 63, 76, 116, 98, 54, 60, 55, 112, 81, 68, 78, 17, 77, 80, 93, 4, 14, 13, 34, 16, 48, 113, 65, 15, 53, 119, 59, 66, 57, 31, 109, 90, 2, 49, 70, 79, 83, 72, 86, 1, 11, 7, 28, 22, 52, 127, 71, 24, 9, 111, 19, 73, 108, 25, 38, 89, 88, 75, 3, 67, 45, 43, 94, 33, 102, 97, 117, 69, 107, 26, 36, 37, 100, 5, 101, 99, 8, 35, 32, 92, 96], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 104, 42, 23, 121, 87, 0, 103, 64, 118, 18, 91, 6, 29, 82, 58, 40, 95, 10, 105, 50, 39, 41, 27, 74, 68, 12, 62, 55, 76, 81, 63, 30, 122, 85, 112, 84, 20, 124, 21, 115, 34, 4, 70, 93, 98, 54, 60, 66, 59, 80, 65, 2, 90, 78, 31, 51, 15, 44, 49, 14, 16, 116, 77, 13, 22, 57, 17, 113, 86, 79, 28, 53, 47, 48, 72, 71, 109, 7, 127, 119, 1, 108, 24, 25, 11, 111, 9, 36, 73, 88, 83, 67, 75, 117, 52, 102, 43, 19, 99, 69, 94, 38, 33, 89, 45, 5, 3, 97, 100, 35, 26, 107, 8, 37, 101, 92, 96, 32], [123, 61, 125, 56, 120, 114, 110, 46, 126, 106, 42, 104, 87, 23, 121, 103, 118, 18, 82, 29, 50, 91, 53, 95, 12, 58, 64, 30, 85, 41, 40, 51, 6, 27, 39, 21, 10, 124, 0, 34, 76, 62, 105, 54, 112, 93, 63, 98, 55, 48, 74, 60, 47, 15, 115, 90, 20, 84, 17, 81, 16, 44, 122, 113, 57, 14, 68, 22, 4, 80, 59, 79, 13, 70, 77, 116, 31, 127, 78, 28, 108, 86, 102, 49, 66, 109, 83, 9, 1, 2, 71, 11, 43, 65, 119, 24, 7, 25, 33, 73, 88, 52, 111, 89, 72, 107, 19, 94, 38, 45, 8, 35, 100, 37, 36, 99, 26, 75, 67, 3, 117, 5, 97, 69, 101, 92, 32, 96]], "model.layers.29.self_attn.q_proj": [[45, 35, 109, 93, 22, 25, 80, 18, 83, 11, 14, 91, 67, 31, 1, 115, 124, 10, 88, 127, 43, 55, 13, 119, 8, 64, 81, 90, 6, 21, 7, 102, 48, 95, 5, 9, 69, 27, 112, 70, 40, 113, 78, 114, 126, 4, 120, 53, 50, 111, 61, 121, 2, 101, 24, 12, 103, 54, 37, 63, 57, 108, 38, 122, 92, 16, 44, 59, 97, 33, 52, 123, 28, 3, 96, 26, 116, 79, 104, 47, 49, 86, 100, 15, 17, 32, 60, 117, 62, 106, 36, 34, 118, 41, 58, 84, 51, 39, 89, 94, 46, 110, 19, 107, 29, 42, 77, 72, 56, 105, 125, 76, 30, 85, 0, 87, 23, 98, 20, 99, 82, 66, 73, 75, 65, 71, 68, 74], [45, 109, 35, 112, 93, 25, 22, 115, 18, 83, 14, 61, 13, 10, 80, 119, 31, 91, 55, 11, 121, 124, 54, 126, 7, 114, 50, 103, 60, 90, 102, 101, 21, 113, 62, 116, 123, 1, 8, 84, 15, 127, 110, 33, 88, 9, 20, 79, 48, 108, 27, 47, 122, 92, 125, 23, 95, 49, 28, 17, 69, 32, 118, 100, 75, 117, 85, 120, 52, 24, 51, 97, 107, 111, 37, 98, 63, 41, 46, 34, 59, 81, 4, 56, 43, 39, 104, 40, 106, 26, 53, 87, 57, 58, 42, 86, 94, 82, 38, 6, 36, 19, 105, 44, 76, 89, 30, 5, 29, 12, 64, 73, 67, 96, 16, 77, 71, 68, 74, 78, 72, 99, 70, 2, 66, 65, 3, 0], [45, 109, 55, 35, 118, 93, 22, 112, 111, 121, 113, 115, 43, 48, 25, 31, 91, 53, 62, 126, 40, 122, 52, 80, 119, 123, 50, 61, 49, 117, 51, 56, 27, 92, 58, 103, 104, 102, 18, 83, 60, 39, 124, 46, 108, 59, 44, 94, 54, 41, 127, 106, 90, 114, 76, 47, 57, 107, 99, 42, 20, 21, 116, 101, 120, 110, 32, 125, 88, 84, 63, 14, 16, 23, 38, 33, 28, 74, 64, 105, 95, 37, 97, 36, 7, 15, 98, 96, 1, 100, 2, 30, 79, 19, 89, 11, 86, 34, 85, 69, 10, 0, 87, 66, 29, 8, 72, 67, 12, 68, 65, 26, 24, 17, 70, 75, 78, 4, 81, 5, 6, 82, 3, 71, 13, 9, 77, 73], [45, 35, 109, 93, 22, 18, 25, 55, 83, 13, 124, 31, 115, 14, 88, 80, 61, 112, 91, 81, 10, 118, 21, 50, 11, 15, 121, 28, 90, 63, 77, 9, 73, 48, 64, 56, 33, 7, 103, 85, 23, 44, 126, 120, 127, 27, 41, 24, 43, 92, 119, 111, 114, 113, 29, 26, 12, 62, 99, 30, 58, 67, 1, 8, 122, 52, 117, 76, 97, 95, 57, 123, 60, 69, 116, 108, 84, 89, 102, 71, 20, 51, 39, 70, 74, 40, 53, 2, 17, 37, 86, 59, 107, 6, 104, 106, 79, 5, 38, 19, 105, 54, 100, 110, 82, 49, 42, 36, 101, 34, 47, 32, 98, 46, 96, 125, 72, 87, 16, 94, 3, 66, 78, 75, 0, 68, 4, 65], [41, 98, 57, 117, 25, 51, 86, 127, 95, 114, 125, 120, 121, 18, 93, 16, 78, 50, 115, 61, 110, 105, 59, 53, 48, 55, 119, 46, 15, 49, 31, 58, 38, 87, 40, 12, 47, 39, 28, 19, 88, 118, 62, 108, 63, 45, 74, 85, 11, 116, 72, 75, 54, 67, 123, 68, 9, 76, 56, 106, 124, 35, 122, 10, 126, 80, 101, 90, 7, 69, 107, 13, 65, 111, 91, 66, 60, 43, 42, 109, 64, 92, 1, 113, 71, 112, 100, 33, 70, 23, 103, 32, 44, 82, 21, 89, 52, 20, 27, 22, 36, 104, 17, 29, 102, 99, 81, 30, 37, 24, 26, 79, 77, 14, 2, 96, 84, 97, 94, 4, 83, 8, 73, 0, 3, 34, 5, 6], [41, 98, 117, 57, 127, 95, 25, 125, 86, 114, 51, 93, 53, 54, 50, 18, 48, 120, 60, 61, 58, 105, 119, 55, 111, 38, 78, 115, 31, 16, 87, 59, 62, 121, 40, 108, 88, 21, 106, 43, 126, 56, 35, 63, 19, 15, 116, 85, 110, 12, 28, 10, 45, 52, 122, 47, 92, 7, 90, 101, 124, 123, 104, 109, 36, 113, 49, 72, 29, 80, 100, 33, 81, 76, 112, 103, 44, 30, 74, 107, 32, 46, 91, 118, 9, 77, 42, 23, 24, 82, 97, 22, 1, 75, 2, 39, 89, 67, 37, 20, 94, 27, 83, 13, 5, 102, 11, 26, 99, 70, 96, 79, 17, 3, 4, 84, 14, 68, 71, 69, 73, 64, 34, 6, 8, 0, 66, 65], [41, 98, 57, 117, 25, 86, 95, 51, 61, 127, 114, 18, 78, 59, 125, 119, 121, 48, 16, 93, 53, 110, 50, 105, 120, 116, 62, 58, 55, 38, 49, 31, 7, 76, 67, 65, 39, 10, 15, 87, 115, 12, 28, 108, 9, 74, 88, 45, 71, 56, 75, 21, 118, 109, 44, 72, 47, 19, 46, 60, 113, 124, 111, 68, 99, 40, 122, 106, 54, 103, 92, 35, 64, 81, 85, 70, 100, 89, 90, 107, 29, 43, 23, 63, 42, 69, 66, 112, 82, 1, 52, 91, 20, 32, 126, 123, 104, 11, 36, 80, 27, 13, 102, 14, 2, 33, 37, 26, 84, 22, 4, 8, 5, 83, 30, 101, 77, 17, 79, 97, 73, 96, 24, 94, 0, 3, 34, 6], [41, 98, 57, 117, 95, 120, 86, 25, 114, 51, 127, 125, 18, 110, 93, 121, 78, 16, 105, 59, 48, 108, 53, 58, 62, 119, 50, 45, 61, 38, 47, 49, 15, 124, 115, 39, 87, 44, 72, 85, 31, 46, 55, 111, 118, 12, 76, 21, 101, 54, 109, 7, 65, 116, 77, 67, 92, 35, 107, 43, 40, 69, 32, 90, 9, 11, 10, 112, 19, 88, 52, 75, 80, 97, 106, 28, 42, 82, 68, 113, 123, 102, 83, 81, 66, 20, 74, 70, 84, 24, 56, 64, 60, 22, 89, 99, 29, 63, 94, 126, 104, 36, 14, 13, 122, 91, 26, 103, 27, 73, 33, 5, 30, 100, 4, 96, 17, 37, 79, 0, 23, 8, 71, 1, 2, 34, 6, 3], [39, 63, 52, 97, 18, 113, 13, 87, 22, 28, 100, 120, 10, 4, 8, 45, 92, 11, 66, 0, 89, 126, 6, 81, 94, 27, 29, 68, 69, 42, 72, 65, 15, 12, 1, 14, 30, 59, 127, 108, 25, 70, 86, 74, 82, 110, 80, 119, 20, 79, 77, 44, 111, 90, 21, 7, 78, 62, 50, 85, 43, 16, 17, 121, 5, 19, 102, 23, 101, 40, 35, 106, 116, 9, 64, 24, 67, 96, 122, 75, 26, 84, 55, 83, 47, 38, 118, 125, 95, 54, 105, 91, 99, 76, 58, 88, 37, 104, 93, 3, 98, 32, 61, 34, 57, 117, 49, 73, 123, 115, 56, 36, 109, 103, 46, 41, 51, 31, 60, 48, 53, 124, 112, 71, 107, 114, 2, 33], [63, 52, 39, 113, 120, 37, 122, 125, 126, 45, 106, 119, 58, 61, 127, 111, 55, 110, 57, 47, 116, 51, 62, 103, 123, 56, 48, 115, 117, 59, 49, 54, 118, 108, 60, 97, 109, 53, 50, 121, 44, 114, 46, 124, 112, 100, 105, 107, 43, 36, 22, 42, 28, 41, 40, 38, 104, 21, 87, 20, 101, 102, 27, 35, 96, 2, 91, 94, 98, 11, 32, 34, 19, 99, 18, 5, 25, 92, 24, 33, 90, 29, 26, 31, 85, 8, 89, 93, 30, 95, 88, 84, 78, 81, 14, 86, 15, 13, 73, 6, 83, 23, 16, 64, 75, 79, 17, 69, 66, 9, 10, 80, 82, 12, 76, 77, 3, 67, 72, 0, 65, 70, 71, 4, 74, 7, 1, 68], [63, 39, 52, 97, 24, 87, 50, 66, 54, 110, 64, 83, 18, 69, 11, 7, 92, 58, 120, 79, 3, 36, 73, 13, 20, 114, 28, 0, 57, 2, 67, 6, 9, 22, 119, 106, 80, 44, 45, 10, 113, 8, 26, 1, 68, 108, 48, 37, 111, 4, 30, 65, 122, 85, 29, 62, 47, 72, 71, 107, 126, 25, 88, 125, 49, 61, 89, 76, 103, 70, 51, 96, 34, 12, 123, 40, 16, 104, 35, 81, 5, 38, 78, 116, 124, 117, 115, 31, 90, 84, 127, 32, 46, 56, 59, 55, 101, 98, 42, 60, 100, 118, 14, 75, 121, 94, 91, 105, 53, 112, 43, 27, 15, 17, 23, 109, 19, 95, 99, 93, 77, 102, 86, 41, 21, 82, 74, 33], [63, 39, 113, 52, 97, 120, 55, 28, 122, 87, 126, 119, 62, 92, 50, 114, 59, 22, 111, 58, 109, 36, 118, 106, 51, 47, 18, 110, 121, 61, 125, 54, 56, 116, 105, 115, 48, 57, 42, 45, 60, 49, 15, 102, 107, 21, 101, 127, 123, 124, 46, 100, 41, 37, 103, 117, 40, 44, 112, 13, 19, 35, 24, 53, 108, 43, 89, 81, 38, 84, 93, 99, 20, 69, 91, 104, 33, 8, 96, 74, 85, 34, 94, 30, 11, 98, 27, 31, 32, 86, 25, 23, 29, 26, 95, 90, 10, 17, 9, 88, 79, 83, 82, 76, 12, 4, 14, 5, 78, 6, 80, 64, 16, 71, 72, 73, 66, 3, 1, 77, 70, 2, 65, 68, 7, 75, 0, 67], [111, 47, 95, 28, 25, 84, 97, 18, 86, 33, 39, 122, 16, 123, 74, 29, 69, 15, 53, 117, 78, 120, 107, 49, 58, 7, 4, 106, 124, 35, 75, 125, 64, 17, 2, 110, 62, 55, 61, 113, 63, 91, 13, 32, 46, 42, 126, 99, 23, 12, 54, 121, 3, 108, 112, 72, 115, 1, 37, 57, 38, 96, 73, 59, 85, 44, 36, 43, 41, 60, 45, 50, 119, 77, 19, 114, 27, 48, 109, 101, 67, 116, 118, 104, 79, 52, 87, 127, 56, 102, 22, 76, 26, 103, 70, 90, 40, 24, 20, 83, 31, 89, 51, 6, 82, 92, 105, 30, 88, 94, 0, 65, 93, 100, 98, 9, 34, 21, 11, 80, 71, 81, 5, 14, 8, 10, 66, 68], [111, 47, 28, 95, 25, 84, 39, 97, 86, 33, 18, 16, 60, 59, 115, 112, 29, 54, 15, 74, 7, 106, 78, 52, 110, 118, 123, 1, 114, 69, 64, 17, 46, 62, 120, 57, 109, 2, 13, 4, 75, 12, 122, 101, 116, 107, 126, 49, 99, 27, 119, 9, 113, 121, 50, 45, 48, 41, 124, 42, 70, 63, 72, 58, 81, 36, 55, 85, 90, 56, 23, 73, 87, 117, 125, 76, 94, 61, 26, 67, 20, 35, 3, 96, 30, 32, 38, 43, 100, 53, 44, 103, 77, 24, 51, 40, 127, 89, 91, 37, 108, 31, 88, 22, 79, 19, 82, 83, 102, 6, 34, 105, 65, 98, 104, 92, 93, 80, 21, 66, 5, 0, 14, 68, 71, 11, 10, 8], [111, 47, 28, 95, 25, 84, 126, 33, 18, 97, 57, 86, 39, 120, 16, 60, 110, 124, 61, 29, 63, 116, 74, 54, 78, 56, 17, 64, 7, 46, 15, 125, 99, 50, 4, 12, 107, 62, 127, 75, 48, 53, 27, 35, 96, 106, 112, 109, 92, 59, 38, 113, 67, 2, 49, 55, 101, 72, 45, 42, 36, 69, 1, 41, 119, 20, 31, 94, 108, 52, 58, 123, 13, 89, 85, 122, 121, 87, 23, 22, 40, 114, 117, 73, 37, 19, 44, 32, 115, 70, 76, 105, 100, 90, 118, 9, 24, 51, 103, 43, 104, 91, 102, 34, 26, 88, 82, 81, 30, 98, 6, 3, 83, 0, 68, 21, 14, 80, 77, 93, 71, 10, 79, 8, 5, 65, 11, 66], [111, 47, 28, 25, 95, 84, 57, 86, 39, 110, 62, 33, 18, 16, 74, 116, 78, 29, 97, 2, 49, 41, 17, 118, 96, 15, 115, 1, 7, 64, 69, 4, 126, 13, 59, 120, 3, 127, 113, 63, 51, 65, 58, 56, 125, 36, 44, 50, 85, 123, 35, 60, 121, 75, 99, 43, 54, 37, 42, 76, 117, 119, 98, 114, 106, 46, 6, 55, 67, 70, 108, 45, 79, 124, 40, 89, 109, 52, 48, 38, 32, 53, 0, 26, 24, 105, 101, 72, 73, 27, 9, 20, 82, 112, 103, 22, 5, 122, 30, 81, 94, 61, 12, 102, 104, 107, 83, 90, 34, 77, 23, 11, 80, 92, 87, 88, 93, 21, 10, 91, 31, 14, 19, 100, 71, 66, 68, 8], [49, 117, 102, 113, 123, 52, 116, 53, 38, 23, 41, 91, 33, 25, 121, 85, 118, 119, 54, 122, 115, 109, 59, 93, 104, 120, 30, 110, 62, 61, 51, 108, 60, 124, 82, 112, 45, 111, 98, 114, 57, 48, 50, 96, 42, 63, 36, 94, 56, 47, 126, 46, 106, 37, 125, 21, 35, 43, 107, 127, 58, 44, 77, 79, 27, 55, 100, 103, 99, 95, 89, 40, 105, 39, 97, 24, 84, 18, 34, 101, 32, 20, 16, 17, 22, 31, 19, 29, 76, 87, 11, 78, 90, 83, 28, 88, 86, 26, 72, 92, 15, 5, 12, 4, 14, 70, 71, 13, 74, 80, 73, 9, 75, 3, 7, 81, 66, 1, 10, 8, 6, 0, 65, 68, 69, 67, 2, 64], [49, 102, 113, 117, 33, 91, 25, 38, 116, 123, 54, 30, 82, 23, 110, 55, 85, 35, 53, 121, 109, 39, 115, 95, 58, 62, 122, 100, 43, 93, 98, 51, 89, 52, 59, 60, 27, 21, 41, 125, 78, 48, 119, 57, 120, 42, 77, 40, 37, 92, 50, 118, 108, 80, 90, 96, 63, 28, 114, 112, 24, 111, 61, 103, 106, 124, 104, 71, 56, 34, 47, 101, 5, 14, 11, 127, 99, 22, 20, 36, 46, 94, 29, 12, 126, 32, 9, 65, 19, 88, 68, 86, 31, 97, 44, 15, 107, 105, 26, 45, 87, 2, 18, 17, 83, 67, 70, 72, 6, 64, 84, 8, 10, 76, 1, 3, 0, 16, 13, 75, 81, 74, 79, 7, 73, 69, 66, 4], [49, 102, 113, 117, 53, 33, 30, 25, 38, 91, 85, 120, 23, 125, 122, 93, 60, 82, 119, 54, 61, 41, 48, 118, 96, 107, 59, 27, 94, 109, 50, 108, 121, 110, 114, 106, 52, 35, 98, 42, 103, 101, 20, 40, 95, 43, 45, 123, 58, 57, 105, 99, 14, 116, 62, 89, 46, 36, 44, 56, 100, 124, 39, 47, 80, 77, 26, 127, 51, 111, 55, 97, 78, 72, 126, 112, 92, 3, 63, 115, 31, 34, 104, 22, 11, 24, 90, 29, 84, 32, 28, 75, 37, 10, 88, 73, 71, 64, 83, 4, 87, 18, 21, 15, 17, 12, 19, 2, 81, 65, 74, 9, 5, 86, 70, 16, 79, 76, 7, 13, 6, 68, 1, 0, 69, 8, 66, 67], [49, 102, 113, 117, 123, 33, 52, 25, 53, 91, 122, 61, 23, 38, 63, 20, 41, 48, 82, 85, 100, 118, 121, 93, 112, 27, 89, 116, 15, 96, 114, 42, 108, 11, 35, 30, 97, 50, 39, 101, 62, 9, 120, 99, 51, 87, 46, 45, 6, 115, 47, 60, 57, 59, 44, 124, 68, 126, 111, 127, 105, 109, 58, 43, 94, 54, 90, 34, 110, 80, 32, 103, 40, 55, 56, 28, 29, 26, 107, 119, 77, 125, 106, 104, 14, 98, 4, 1, 37, 95, 84, 22, 73, 36, 81, 21, 18, 16, 92, 83, 88, 31, 8, 86, 66, 79, 70, 19, 24, 10, 12, 0, 75, 2, 17, 76, 69, 5, 71, 78, 13, 7, 67, 3, 74, 64, 65, 72], [117, 120, 60, 38, 58, 127, 122, 46, 52, 62, 102, 126, 55, 125, 118, 43, 110, 116, 123, 121, 124, 115, 113, 63, 61, 119, 51, 57, 53, 114, 112, 56, 25, 54, 48, 50, 45, 59, 47, 108, 111, 39, 107, 44, 97, 104, 35, 37, 49, 26, 109, 94, 106, 41, 105, 86, 42, 98, 83, 103, 17, 24, 101, 23, 28, 36, 40, 85, 88, 92, 100, 91, 78, 19, 22, 21, 75, 32, 30, 34, 99, 11, 96, 16, 95, 27, 77, 79, 29, 82, 84, 31, 33, 14, 90, 93, 20, 81, 89, 80, 72, 18, 9, 3, 12, 87, 7, 67, 76, 15, 73, 71, 69, 70, 8, 2, 6, 1, 5, 0, 13, 65, 64, 74, 66, 68, 10, 4], [117, 60, 58, 127, 38, 110, 122, 46, 52, 116, 62, 115, 118, 126, 120, 125, 123, 43, 102, 51, 61, 124, 63, 55, 113, 109, 53, 94, 56, 121, 119, 57, 112, 59, 97, 54, 50, 114, 48, 45, 107, 47, 108, 111, 39, 104, 28, 44, 106, 25, 103, 23, 49, 86, 26, 105, 42, 35, 83, 41, 37, 36, 98, 101, 17, 91, 40, 74, 30, 100, 88, 84, 33, 24, 32, 99, 19, 22, 95, 90, 85, 81, 34, 96, 92, 75, 93, 31, 11, 69, 79, 27, 77, 78, 29, 66, 15, 80, 72, 16, 0, 14, 3, 64, 5, 89, 12, 87, 71, 20, 67, 18, 2, 82, 21, 65, 1, 8, 68, 6, 13, 10, 70, 76, 7, 9, 73, 4], [117, 60, 46, 120, 38, 110, 127, 122, 58, 52, 115, 62, 57, 125, 116, 118, 43, 126, 119, 48, 63, 123, 61, 56, 35, 49, 25, 109, 94, 121, 55, 124, 47, 51, 111, 50, 112, 54, 114, 83, 53, 113, 24, 26, 108, 45, 59, 105, 40, 107, 104, 102, 44, 86, 41, 97, 106, 28, 103, 37, 42, 88, 30, 23, 36, 39, 101, 100, 22, 75, 34, 85, 99, 11, 84, 17, 31, 19, 32, 16, 98, 79, 27, 81, 91, 69, 92, 33, 78, 93, 96, 95, 3, 14, 72, 82, 90, 29, 8, 89, 77, 20, 5, 13, 18, 66, 80, 74, 15, 87, 2, 64, 0, 9, 21, 67, 70, 65, 71, 6, 1, 76, 7, 12, 10, 73, 68, 4], [46, 117, 38, 120, 110, 85, 94, 25, 97, 16, 9, 90, 12, 126, 122, 81, 23, 116, 58, 100, 15, 62, 118, 98, 52, 68, 14, 76, 28, 89, 7, 125, 87, 82, 61, 71, 121, 37, 18, 123, 48, 86, 1, 42, 60, 30, 21, 99, 57, 96, 31, 91, 44, 107, 32, 119, 112, 36, 53, 47, 56, 127, 51, 101, 45, 55, 115, 10, 113, 43, 70, 114, 124, 88, 104, 29, 26, 73, 92, 54, 79, 109, 111, 75, 49, 50, 63, 24, 19, 13, 20, 93, 59, 83, 4, 108, 95, 74, 80, 34, 84, 35, 17, 106, 72, 27, 6, 11, 103, 2, 77, 22, 105, 78, 41, 8, 40, 39, 5, 65, 33, 69, 64, 3, 66, 0, 67, 102], [41, 99, 67, 74, 80, 0, 86, 44, 4, 13, 71, 73, 19, 115, 118, 69, 124, 105, 52, 119, 113, 114, 51, 65, 122, 54, 12, 116, 112, 111, 35, 117, 110, 126, 57, 2, 62, 63, 64, 60, 48, 107, 61, 22, 6, 89, 121, 76, 84, 123, 109, 1, 29, 90, 3, 45, 30, 88, 14, 106, 83, 79, 10, 33, 92, 9, 108, 120, 20, 55, 23, 68, 39, 15, 40, 101, 102, 103, 98, 104, 66, 75, 100, 56, 27, 94, 11, 38, 53, 17, 58, 24, 31, 32, 8, 77, 70, 7, 5, 26, 43, 16, 85, 95, 81, 46, 34, 37, 49, 125, 96, 21, 28, 36, 72, 50, 127, 91, 93, 59, 97, 42, 82, 78, 87, 18, 47, 25], [41, 99, 80, 74, 13, 4, 86, 71, 19, 67, 73, 113, 52, 69, 61, 51, 12, 44, 118, 115, 112, 122, 64, 60, 114, 105, 111, 66, 2, 120, 57, 116, 103, 63, 6, 54, 119, 62, 124, 35, 75, 117, 43, 1, 55, 20, 15, 88, 48, 108, 126, 22, 101, 27, 125, 107, 21, 82, 29, 85, 31, 102, 76, 17, 50, 78, 34, 3, 90, 106, 37, 79, 26, 24, 8, 109, 83, 127, 59, 39, 23, 91, 45, 46, 87, 49, 98, 123, 100, 81, 96, 92, 110, 32, 30, 68, 93, 89, 38, 56, 97, 42, 18, 53, 84, 36, 33, 5, 58, 94, 72, 25, 28, 104, 14, 95, 121, 10, 65, 47, 70, 40, 11, 7, 16, 77, 9, 0], [41, 74, 0, 99, 65, 86, 2, 44, 80, 13, 67, 69, 4, 118, 119, 116, 115, 113, 71, 112, 54, 19, 111, 110, 114, 105, 73, 124, 12, 117, 121, 52, 122, 51, 126, 57, 35, 22, 107, 62, 48, 63, 29, 61, 15, 94, 3, 59, 68, 89, 83, 60, 6, 123, 10, 27, 90, 33, 45, 20, 108, 5, 24, 40, 88, 16, 106, 1, 49, 92, 64, 9, 76, 23, 53, 8, 32, 38, 75, 120, 100, 66, 7, 56, 21, 97, 79, 39, 104, 85, 26, 91, 18, 109, 93, 11, 82, 70, 55, 101, 87, 30, 58, 125, 98, 17, 78, 127, 31, 81, 72, 96, 84, 14, 77, 42, 28, 95, 34, 43, 25, 103, 102, 37, 47, 46, 36, 50], [41, 99, 0, 2, 44, 67, 86, 80, 13, 4, 65, 115, 118, 69, 71, 119, 116, 113, 73, 114, 111, 112, 122, 54, 19, 52, 51, 105, 124, 110, 126, 22, 121, 117, 57, 35, 74, 62, 29, 12, 107, 3, 48, 68, 61, 60, 63, 89, 33, 123, 64, 15, 6, 108, 90, 40, 5, 97, 94, 88, 16, 70, 27, 106, 20, 83, 100, 98, 17, 75, 79, 38, 49, 81, 45, 84, 11, 1, 39, 24, 76, 92, 56, 9, 91, 120, 104, 55, 96, 28, 18, 10, 26, 8, 14, 78, 82, 125, 109, 42, 25, 30, 85, 53, 59, 93, 7, 23, 37, 95, 101, 36, 58, 72, 46, 21, 127, 87, 31, 47, 34, 32, 102, 43, 50, 77, 66, 103], [106, 99, 59, 26, 118, 124, 94, 49, 42, 21, 62, 19, 115, 86, 17, 113, 60, 121, 40, 109, 55, 30, 78, 32, 80, 56, 117, 107, 73, 122, 28, 123, 47, 12, 24, 96, 98, 29, 120, 74, 23, 43, 50, 53, 11, 69, 51, 37, 125, 61, 63, 114, 52, 27, 79, 108, 116, 103, 57, 126, 110, 58, 127, 112, 119, 48, 84, 89, 105, 92, 39, 54, 46, 111, 36, 104, 4, 22, 8, 71, 101, 45, 3, 72, 67, 7, 90, 44, 41, 34, 38, 15, 77, 33, 102, 93, 97, 31, 100, 70, 14, 66, 64, 95, 88, 85, 76, 0, 1, 82, 91, 25, 81, 16, 87, 18, 5, 83, 20, 13, 6, 35, 65, 9, 68, 10, 75, 2], [106, 61, 99, 118, 115, 59, 121, 26, 94, 42, 107, 62, 113, 21, 19, 86, 125, 29, 11, 109, 28, 79, 50, 22, 55, 60, 25, 117, 40, 17, 126, 47, 90, 56, 123, 23, 119, 124, 24, 58, 52, 93, 80, 57, 78, 114, 39, 98, 13, 74, 66, 32, 16, 73, 116, 101, 85, 34, 65, 104, 53, 63, 103, 49, 12, 70, 122, 35, 36, 82, 120, 108, 45, 46, 4, 51, 71, 95, 30, 44, 20, 91, 37, 38, 105, 87, 72, 48, 112, 43, 27, 100, 77, 6, 7, 111, 97, 31, 41, 3, 89, 64, 110, 54, 127, 88, 96, 102, 92, 18, 84, 83, 33, 5, 69, 81, 76, 15, 14, 0, 67, 10, 75, 8, 9, 2, 1, 68], [106, 59, 115, 99, 118, 62, 50, 112, 26, 55, 94, 125, 86, 19, 117, 121, 124, 42, 24, 116, 21, 53, 80, 17, 29, 52, 122, 107, 44, 78, 49, 123, 30, 32, 40, 28, 45, 11, 57, 74, 61, 98, 63, 58, 120, 101, 113, 23, 46, 12, 110, 60, 104, 27, 48, 96, 51, 108, 109, 114, 47, 72, 126, 119, 69, 4, 127, 111, 54, 97, 73, 56, 71, 43, 36, 39, 95, 37, 103, 38, 102, 105, 41, 84, 33, 100, 7, 22, 34, 91, 93, 90, 35, 31, 79, 8, 66, 92, 87, 67, 88, 82, 20, 16, 25, 18, 68, 85, 76, 70, 15, 81, 64, 89, 3, 83, 1, 0, 14, 77, 6, 5, 9, 10, 65, 13, 75, 2], [106, 99, 107, 115, 59, 26, 94, 113, 86, 17, 19, 42, 21, 12, 121, 80, 30, 62, 40, 119, 117, 55, 96, 49, 78, 74, 60, 69, 61, 125, 112, 24, 72, 11, 118, 53, 114, 56, 124, 70, 120, 4, 32, 123, 116, 109, 108, 58, 5, 44, 104, 73, 110, 68, 52, 126, 93, 54, 89, 122, 67, 48, 45, 57, 1, 101, 63, 51, 37, 29, 47, 28, 71, 36, 127, 16, 43, 41, 111, 25, 105, 46, 22, 102, 13, 88, 9, 98, 83, 50, 27, 0, 84, 39, 8, 20, 95, 90, 14, 87, 7, 38, 77, 33, 64, 100, 6, 82, 92, 34, 79, 23, 76, 35, 3, 103, 31, 65, 18, 91, 85, 66, 97, 81, 10, 15, 2, 75]], "model.layers.29.self_attn.k_proj": [[109, 45, 99, 93, 22, 64, 31, 83, 80, 14, 25, 18, 11, 91, 67, 8, 2, 7, 126, 119, 1, 124, 6, 127, 70, 122, 112, 77, 13, 115, 60, 16, 21, 55, 9, 43, 114, 23, 10, 51, 4, 29, 90, 12, 52, 110, 63, 116, 41, 42, 36, 111, 57, 69, 118, 28, 59, 49, 120, 84, 103, 72, 123, 56, 61, 39, 121, 88, 113, 62, 54, 105, 44, 47, 53, 27, 40, 82, 58, 50, 117, 85, 102, 96, 48, 38, 92, 33, 100, 5, 24, 87, 108, 107, 106, 94, 101, 125, 98, 32, 46, 26, 34, 104, 15, 37, 30, 76, 97, 89, 79, 20, 95, 78, 75, 17, 35, 73, 81, 74, 66, 19, 86, 68, 71, 3, 0, 65], [105, 34, 57, 18, 53, 46, 51, 125, 78, 86, 117, 25, 58, 120, 16, 45, 64, 31, 127, 67, 95, 109, 98, 50, 12, 119, 29, 69, 59, 111, 108, 61, 66, 10, 112, 9, 19, 74, 87, 7, 70, 113, 41, 60, 92, 80, 13, 49, 15, 55, 91, 52, 114, 88, 21, 121, 62, 76, 2, 107, 65, 75, 116, 103, 38, 83, 63, 68, 100, 93, 104, 39, 0, 40, 72, 56, 20, 35, 106, 90, 110, 115, 73, 54, 118, 27, 36, 48, 6, 42, 44, 126, 81, 33, 122, 124, 47, 102, 43, 26, 123, 84, 77, 37, 1, 101, 28, 30, 96, 94, 23, 24, 99, 79, 85, 97, 32, 17, 71, 89, 11, 8, 22, 82, 5, 4, 14, 3], [63, 103, 22, 33, 92, 87, 13, 65, 18, 120, 10, 50, 4, 119, 126, 111, 54, 0, 61, 109, 49, 6, 62, 58, 81, 51, 117, 48, 127, 47, 125, 123, 122, 118, 59, 124, 46, 8, 45, 60, 56, 121, 115, 44, 30, 110, 113, 53, 116, 114, 112, 29, 2, 57, 71, 40, 55, 42, 43, 102, 52, 108, 37, 107, 25, 105, 73, 41, 98, 36, 20, 106, 104, 38, 11, 3, 34, 5, 39, 101, 91, 14, 100, 12, 7, 16, 78, 89, 67, 99, 83, 79, 31, 80, 24, 90, 76, 15, 32, 70, 95, 27, 93, 96, 35, 88, 21, 74, 94, 23, 17, 9, 85, 84, 26, 28, 86, 69, 75, 82, 19, 64, 1, 68, 97, 72, 66, 77], [47, 111, 64, 86, 95, 16, 84, 28, 25, 18, 74, 4, 1, 2, 72, 7, 97, 78, 67, 65, 6, 69, 15, 17, 29, 123, 12, 3, 124, 23, 76, 103, 75, 54, 31, 14, 0, 39, 77, 120, 55, 53, 27, 113, 85, 79, 61, 110, 70, 35, 81, 56, 13, 63, 122, 36, 105, 50, 126, 9, 19, 33, 101, 87, 91, 121, 57, 71, 125, 114, 32, 117, 62, 116, 24, 73, 48, 99, 109, 38, 127, 100, 108, 106, 118, 43, 115, 46, 52, 37, 44, 41, 119, 21, 42, 51, 26, 102, 60, 104, 30, 45, 107, 59, 34, 58, 90, 40, 98, 80, 94, 88, 49, 92, 82, 112, 89, 8, 96, 93, 20, 83, 11, 22, 10, 5, 66, 68], [49, 38, 97, 91, 25, 93, 117, 23, 80, 20, 92, 82, 15, 9, 64, 77, 11, 85, 2, 30, 68, 65, 87, 3, 45, 14, 108, 21, 5, 22, 17, 95, 96, 94, 50, 71, 120, 112, 36, 35, 18, 61, 37, 119, 8, 6, 118, 53, 70, 48, 46, 126, 106, 109, 55, 104, 59, 57, 34, 58, 122, 63, 111, 107, 33, 54, 123, 40, 62, 103, 52, 78, 105, 116, 124, 121, 39, 110, 99, 47, 28, 44, 24, 31, 101, 115, 42, 56, 41, 43, 89, 51, 127, 114, 125, 10, 60, 90, 83, 32, 19, 26, 98, 29, 1, 13, 67, 7, 100, 72, 113, 88, 84, 86, 0, 102, 12, 75, 81, 79, 16, 27, 76, 69, 74, 66, 73, 4], [110, 117, 102, 86, 33, 30, 52, 92, 25, 99, 58, 62, 119, 22, 125, 123, 54, 122, 114, 126, 53, 112, 55, 14, 81, 49, 111, 116, 51, 124, 47, 121, 48, 59, 61, 44, 103, 56, 63, 120, 75, 41, 108, 113, 115, 57, 118, 50, 83, 109, 16, 127, 39, 38, 107, 105, 35, 43, 31, 104, 46, 106, 28, 42, 45, 94, 91, 34, 32, 85, 23, 40, 37, 72, 100, 24, 101, 93, 26, 36, 18, 12, 29, 90, 5, 97, 9, 27, 98, 60, 84, 67, 0, 96, 95, 21, 87, 6, 20, 19, 82, 89, 80, 8, 78, 15, 2, 1, 7, 10, 88, 76, 68, 13, 77, 11, 79, 3, 17, 74, 65, 71, 64, 70, 69, 66, 73, 4], [105, 64, 35, 1, 118, 0, 116, 108, 67, 51, 119, 71, 19, 13, 86, 69, 73, 66, 4, 80, 65, 49, 2, 124, 48, 57, 12, 61, 122, 113, 47, 46, 114, 115, 43, 111, 44, 54, 3, 63, 99, 117, 126, 50, 74, 53, 58, 62, 121, 123, 52, 107, 60, 5, 56, 70, 106, 89, 6, 93, 55, 15, 103, 110, 59, 29, 94, 20, 88, 26, 112, 104, 17, 7, 75, 85, 72, 41, 33, 109, 76, 79, 97, 68, 45, 120, 90, 92, 9, 18, 101, 11, 125, 102, 84, 91, 30, 96, 32, 8, 77, 82, 87, 27, 23, 100, 38, 34, 78, 24, 14, 40, 21, 31, 37, 39, 127, 25, 98, 95, 42, 28, 81, 10, 83, 36, 22, 16], [42, 30, 99, 118, 35, 86, 26, 51, 21, 19, 78, 113, 61, 17, 64, 45, 11, 121, 66, 63, 111, 117, 106, 125, 28, 73, 124, 114, 123, 102, 71, 126, 53, 80, 108, 49, 122, 62, 12, 105, 41, 4, 32, 43, 74, 116, 16, 7, 38, 23, 56, 40, 119, 44, 55, 52, 3, 46, 104, 54, 65, 101, 115, 24, 47, 127, 110, 57, 109, 79, 69, 95, 70, 89, 36, 103, 58, 120, 48, 39, 29, 112, 33, 107, 98, 100, 25, 1, 59, 60, 50, 97, 37, 34, 94, 87, 15, 27, 91, 92, 20, 6, 72, 82, 31, 96, 85, 88, 93, 8, 10, 84, 67, 77, 13, 68, 18, 5, 75, 76, 90, 0, 22, 83, 81, 9, 2, 14]], "model.layers.29.self_attn.qk_proj": [[49, 63, 117, 111, 105, 47, 45, 109, 42, 110, 99, 22, 57, 106, 118, 41, 113, 86, 64, 0, 89, 51, 35, 119, 38, 16, 80, 53, 93, 61, 116, 95, 52, 28, 115, 82, 120, 124, 121, 94, 114, 62, 122, 25, 27, 46, 58, 125, 19, 44, 77, 102, 98, 18, 103, 83, 13, 54, 126, 108, 65, 50, 55, 33, 1, 39, 48, 10, 127, 3, 92, 71, 68, 78, 43, 112, 123, 7, 4, 97, 59, 14, 67, 107, 31, 56, 2, 66, 9, 90, 87, 5, 69, 74, 84, 73, 6, 21, 60, 26, 85, 29, 30, 11, 12, 23, 20, 75, 76, 79, 104, 81, 15, 8, 34, 72, 37, 17, 40, 101, 91, 36, 32, 24, 96, 88, 100, 70], [49, 63, 117, 111, 105, 47, 45, 109, 42, 110, 57, 41, 106, 99, 22, 0, 118, 64, 113, 86, 51, 89, 52, 35, 38, 119, 61, 16, 115, 95, 80, 121, 120, 124, 28, 116, 94, 62, 93, 114, 55, 53, 122, 59, 65, 82, 25, 18, 98, 127, 46, 44, 58, 77, 50, 27, 123, 13, 126, 83, 102, 54, 2, 43, 68, 1, 108, 33, 125, 103, 19, 48, 39, 4, 7, 3, 74, 71, 87, 67, 14, 97, 92, 112, 5, 78, 10, 31, 73, 66, 56, 60, 9, 90, 107, 21, 11, 6, 29, 76, 84, 69, 75, 12, 23, 20, 30, 104, 17, 85, 34, 40, 8, 72, 79, 81, 15, 26, 91, 36, 101, 88, 37, 24, 70, 32, 96, 100], [49, 63, 117, 111, 105, 47, 45, 109, 42, 110, 57, 99, 22, 113, 106, 64, 41, 86, 0, 118, 89, 35, 51, 119, 38, 115, 52, 124, 116, 16, 61, 80, 93, 120, 95, 62, 94, 122, 18, 28, 98, 102, 123, 25, 59, 53, 82, 65, 127, 121, 19, 50, 27, 67, 48, 46, 54, 83, 126, 125, 114, 77, 1, 44, 7, 58, 33, 43, 56, 108, 103, 2, 3, 13, 68, 112, 14, 39, 66, 10, 92, 97, 4, 55, 78, 90, 71, 9, 74, 84, 69, 87, 60, 73, 5, 21, 75, 31, 29, 107, 15, 20, 30, 12, 23, 11, 76, 85, 104, 6, 26, 70, 79, 81, 34, 40, 37, 101, 72, 17, 8, 91, 36, 32, 96, 88, 100, 24], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 57, 106, 41, 99, 22, 113, 86, 64, 0, 118, 35, 89, 122, 51, 119, 115, 52, 16, 124, 62, 116, 80, 38, 120, 61, 25, 94, 93, 95, 53, 28, 123, 46, 18, 121, 114, 82, 55, 54, 126, 102, 19, 1, 44, 50, 77, 39, 66, 127, 13, 3, 98, 125, 43, 33, 56, 48, 59, 58, 4, 27, 78, 83, 71, 7, 65, 68, 67, 14, 103, 97, 74, 69, 60, 108, 112, 11, 9, 31, 73, 2, 107, 87, 92, 70, 21, 10, 5, 76, 90, 85, 26, 29, 20, 79, 104, 84, 23, 12, 75, 15, 37, 81, 32, 72, 30, 36, 40, 101, 8, 6, 91, 34, 17, 88, 100, 24, 96], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 41, 106, 57, 99, 86, 22, 64, 118, 0, 113, 89, 51, 119, 124, 61, 35, 122, 16, 115, 52, 80, 62, 121, 120, 38, 54, 28, 46, 116, 25, 93, 18, 82, 95, 94, 53, 125, 114, 48, 44, 58, 126, 98, 1, 102, 83, 19, 27, 13, 59, 123, 50, 77, 43, 55, 78, 127, 7, 112, 39, 56, 103, 4, 68, 108, 67, 71, 73, 33, 65, 74, 66, 87, 14, 70, 2, 107, 10, 92, 69, 31, 97, 84, 3, 9, 60, 90, 30, 5, 21, 20, 11, 26, 76, 81, 23, 29, 15, 12, 85, 79, 91, 75, 104, 40, 8, 34, 37, 101, 100, 32, 17, 72, 88, 96, 24, 36, 6], [49, 63, 117, 105, 111, 47, 45, 109, 42, 41, 110, 106, 57, 22, 86, 118, 0, 99, 89, 64, 51, 113, 119, 35, 80, 52, 16, 116, 38, 115, 122, 124, 95, 61, 18, 44, 62, 28, 82, 94, 46, 53, 121, 93, 25, 125, 120, 27, 13, 126, 58, 19, 54, 114, 98, 50, 55, 48, 77, 65, 83, 71, 112, 102, 4, 123, 108, 107, 33, 59, 39, 68, 1, 56, 127, 103, 66, 78, 97, 92, 3, 87, 67, 74, 70, 14, 73, 10, 2, 43, 7, 60, 11, 90, 5, 31, 84, 21, 20, 9, 30, 69, 76, 23, 15, 34, 79, 29, 37, 75, 12, 8, 85, 40, 17, 26, 91, 81, 72, 104, 36, 32, 88, 101, 6, 24, 100, 96], [49, 63, 105, 117, 111, 47, 45, 109, 42, 41, 106, 22, 57, 99, 110, 86, 118, 64, 89, 0, 51, 35, 113, 38, 80, 119, 16, 95, 52, 115, 61, 116, 120, 94, 28, 46, 124, 122, 121, 126, 18, 125, 82, 53, 77, 93, 62, 25, 65, 13, 50, 27, 83, 1, 114, 112, 44, 127, 54, 123, 59, 43, 58, 48, 19, 103, 2, 102, 3, 67, 55, 98, 14, 108, 31, 71, 39, 4, 68, 74, 78, 10, 87, 90, 92, 5, 107, 7, 33, 97, 66, 29, 56, 60, 21, 9, 30, 84, 23, 70, 11, 73, 76, 20, 26, 85, 69, 12, 15, 34, 37, 81, 72, 75, 79, 17, 40, 91, 104, 101, 8, 24, 88, 100, 96, 32, 36, 6], [49, 63, 117, 105, 111, 47, 45, 109, 42, 41, 110, 99, 22, 106, 86, 57, 0, 113, 118, 64, 51, 38, 35, 89, 119, 52, 95, 28, 61, 115, 120, 93, 124, 80, 122, 62, 116, 16, 94, 25, 53, 121, 125, 82, 58, 123, 77, 102, 27, 103, 126, 44, 98, 54, 1, 83, 18, 114, 65, 112, 13, 127, 39, 48, 67, 59, 50, 19, 46, 56, 71, 108, 33, 68, 2, 66, 3, 97, 43, 92, 7, 55, 31, 14, 87, 90, 74, 10, 78, 4, 5, 23, 9, 107, 73, 20, 29, 85, 60, 21, 30, 69, 11, 84, 70, 26, 12, 40, 75, 79, 76, 15, 81, 17, 34, 37, 72, 101, 36, 91, 88, 104, 32, 6, 96, 24, 100, 8], [49, 63, 117, 105, 111, 47, 45, 109, 42, 99, 41, 110, 57, 22, 106, 118, 86, 64, 113, 89, 51, 0, 35, 38, 95, 119, 120, 52, 93, 16, 61, 116, 115, 123, 28, 80, 62, 124, 121, 94, 127, 126, 44, 59, 114, 82, 122, 58, 83, 48, 1, 98, 18, 25, 102, 103, 125, 65, 108, 13, 53, 19, 56, 67, 46, 112, 39, 54, 55, 3, 68, 33, 77, 27, 4, 43, 71, 66, 10, 31, 60, 50, 92, 97, 107, 90, 7, 74, 78, 30, 87, 69, 29, 14, 2, 85, 20, 23, 5, 26, 73, 21, 84, 76, 11, 75, 9, 12, 17, 79, 37, 81, 40, 15, 91, 104, 36, 101, 6, 70, 72, 34, 88, 96, 8, 32, 100, 24], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 57, 99, 118, 106, 41, 113, 22, 119, 64, 0, 86, 51, 35, 89, 38, 61, 115, 62, 52, 124, 116, 16, 55, 28, 80, 121, 120, 123, 25, 58, 46, 95, 65, 122, 126, 127, 82, 94, 53, 93, 18, 39, 83, 13, 98, 112, 114, 59, 44, 67, 125, 102, 19, 33, 77, 48, 56, 50, 92, 27, 4, 54, 31, 7, 68, 9, 2, 60, 43, 1, 71, 78, 3, 103, 108, 66, 74, 69, 97, 87, 14, 84, 10, 90, 11, 5, 107, 73, 29, 30, 76, 6, 20, 21, 23, 79, 26, 104, 40, 75, 85, 12, 91, 15, 34, 17, 81, 101, 8, 72, 36, 37, 70, 88, 100, 32, 96, 24], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 41, 99, 64, 22, 118, 0, 106, 57, 86, 51, 113, 89, 119, 35, 52, 38, 16, 122, 80, 61, 116, 25, 82, 28, 95, 121, 120, 93, 115, 46, 124, 18, 94, 126, 62, 125, 127, 53, 13, 19, 48, 65, 50, 1, 44, 83, 123, 59, 71, 4, 27, 3, 78, 114, 54, 77, 2, 55, 39, 108, 7, 58, 9, 102, 67, 14, 97, 10, 66, 103, 74, 68, 6, 73, 5, 33, 60, 56, 92, 98, 90, 69, 20, 23, 11, 87, 43, 112, 29, 84, 21, 30, 75, 31, 15, 85, 107, 12, 76, 79, 26, 81, 72, 104, 91, 17, 34, 32, 8, 37, 40, 101, 70, 36, 96, 24, 88, 100], [49, 63, 105, 117, 111, 47, 45, 109, 42, 41, 110, 22, 57, 106, 99, 86, 64, 118, 0, 89, 113, 35, 122, 52, 51, 38, 119, 16, 80, 61, 120, 28, 116, 95, 115, 93, 62, 82, 25, 124, 94, 18, 121, 19, 126, 53, 13, 83, 125, 103, 58, 1, 59, 3, 77, 48, 44, 55, 46, 4, 27, 123, 54, 102, 33, 114, 50, 2, 71, 43, 65, 78, 98, 68, 74, 67, 127, 108, 39, 14, 112, 60, 10, 66, 92, 97, 7, 107, 31, 56, 20, 90, 75, 9, 21, 6, 85, 23, 69, 87, 5, 29, 12, 26, 73, 76, 11, 81, 84, 30, 40, 17, 79, 34, 91, 15, 8, 37, 72, 36, 88, 24, 104, 100, 32, 101, 70, 96], [49, 63, 105, 117, 111, 47, 45, 109, 42, 110, 57, 99, 106, 41, 118, 113, 22, 86, 51, 64, 89, 120, 119, 0, 35, 52, 38, 61, 115, 116, 80, 95, 94, 124, 25, 122, 28, 16, 62, 46, 125, 121, 93, 43, 44, 53, 59, 58, 126, 123, 98, 102, 83, 18, 114, 33, 39, 82, 55, 65, 27, 48, 103, 77, 127, 19, 56, 54, 50, 13, 108, 112, 3, 67, 92, 1, 97, 71, 4, 90, 31, 60, 23, 2, 66, 68, 10, 78, 87, 73, 74, 107, 7, 26, 21, 40, 5, 29, 69, 85, 30, 20, 84, 14, 76, 9, 75, 6, 91, 17, 15, 12, 79, 34, 81, 11, 104, 101, 88, 100, 8, 37, 24, 96, 72, 36, 70, 32], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 99, 41, 106, 22, 57, 64, 118, 0, 86, 113, 51, 89, 35, 119, 80, 52, 61, 120, 38, 121, 95, 115, 16, 124, 122, 28, 116, 62, 25, 93, 53, 94, 59, 58, 123, 1, 48, 46, 65, 125, 50, 83, 13, 127, 114, 18, 92, 19, 98, 82, 71, 33, 4, 103, 66, 3, 126, 67, 77, 108, 54, 102, 27, 55, 60, 39, 14, 112, 2, 44, 43, 73, 10, 7, 107, 78, 56, 74, 68, 97, 31, 69, 84, 5, 87, 90, 20, 29, 9, 23, 76, 12, 75, 11, 26, 21, 30, 85, 40, 6, 34, 70, 79, 15, 81, 17, 37, 72, 104, 8, 100, 91, 101, 24, 88, 36, 32, 96], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 41, 106, 57, 118, 22, 99, 0, 64, 86, 89, 51, 113, 119, 38, 35, 52, 80, 95, 120, 16, 122, 116, 61, 28, 121, 126, 25, 94, 124, 82, 46, 53, 93, 123, 115, 13, 48, 114, 125, 65, 55, 83, 19, 62, 18, 39, 102, 3, 2, 1, 127, 71, 9, 98, 108, 54, 44, 50, 59, 73, 67, 4, 78, 43, 77, 7, 68, 92, 27, 14, 84, 60, 58, 74, 103, 66, 70, 10, 112, 33, 97, 21, 5, 20, 69, 75, 31, 107, 56, 90, 11, 23, 29, 76, 87, 30, 15, 26, 12, 79, 34, 91, 17, 85, 8, 40, 81, 104, 6, 101, 72, 37, 88, 100, 32, 24, 36, 96], [49, 63, 117, 105, 111, 47, 45, 109, 42, 41, 110, 57, 22, 99, 118, 106, 0, 86, 64, 113, 89, 51, 38, 35, 116, 119, 16, 80, 95, 52, 121, 124, 122, 46, 61, 123, 28, 120, 62, 25, 93, 126, 115, 18, 94, 82, 53, 83, 114, 13, 125, 102, 50, 33, 127, 1, 44, 48, 19, 4, 98, 108, 59, 103, 3, 68, 7, 65, 27, 78, 67, 77, 74, 39, 56, 58, 54, 55, 2, 71, 66, 73, 60, 97, 14, 43, 9, 70, 21, 90, 92, 69, 10, 87, 107, 5, 75, 85, 29, 84, 31, 30, 76, 20, 23, 12, 112, 104, 11, 79, 26, 81, 8, 37, 17, 15, 40, 34, 91, 72, 101, 32, 36, 100, 88, 96, 6, 24], [49, 63, 105, 117, 111, 47, 45, 109, 42, 41, 22, 110, 106, 99, 57, 118, 86, 51, 113, 64, 0, 35, 89, 38, 52, 80, 95, 16, 120, 28, 119, 61, 94, 115, 93, 25, 124, 116, 125, 123, 53, 121, 122, 46, 82, 102, 18, 114, 62, 83, 39, 126, 19, 27, 58, 13, 55, 1, 59, 48, 92, 33, 103, 127, 50, 98, 43, 44, 77, 87, 108, 54, 56, 4, 14, 65, 74, 90, 67, 31, 78, 66, 97, 3, 71, 73, 7, 10, 85, 68, 112, 2, 60, 29, 21, 23, 69, 9, 30, 76, 11, 107, 84, 26, 20, 5, 70, 81, 75, 12, 34, 104, 17, 91, 37, 15, 40, 32, 36, 24, 101, 79, 8, 72, 100, 96, 88, 6], [49, 63, 117, 111, 105, 47, 45, 109, 42, 110, 57, 86, 41, 106, 99, 22, 113, 118, 64, 0, 51, 89, 35, 95, 16, 115, 38, 119, 80, 122, 94, 28, 120, 116, 18, 62, 121, 93, 52, 124, 61, 123, 25, 53, 98, 83, 102, 125, 19, 82, 1, 27, 114, 3, 13, 48, 65, 50, 126, 67, 103, 39, 58, 59, 55, 127, 92, 54, 66, 68, 33, 77, 2, 71, 7, 74, 56, 46, 44, 14, 112, 78, 4, 108, 73, 10, 97, 60, 43, 5, 29, 20, 31, 9, 69, 90, 85, 30, 70, 87, 84, 23, 76, 107, 21, 26, 12, 75, 11, 15, 34, 81, 79, 91, 40, 17, 104, 101, 88, 8, 36, 72, 37, 32, 96, 6, 24, 100], [49, 63, 117, 111, 105, 47, 45, 109, 42, 110, 41, 106, 57, 118, 99, 22, 113, 64, 86, 0, 51, 89, 122, 38, 123, 119, 115, 120, 35, 121, 116, 61, 16, 28, 94, 80, 58, 55, 95, 25, 62, 124, 102, 125, 52, 127, 93, 53, 82, 19, 46, 39, 114, 13, 126, 43, 59, 18, 44, 83, 1, 54, 65, 66, 98, 33, 50, 92, 56, 7, 77, 48, 3, 27, 112, 108, 71, 14, 67, 78, 9, 73, 4, 103, 10, 31, 2, 23, 68, 29, 74, 60, 97, 107, 104, 5, 21, 69, 84, 30, 90, 87, 85, 12, 76, 20, 75, 11, 15, 26, 70, 91, 34, 72, 81, 6, 79, 36, 17, 40, 37, 8, 96, 88, 101, 32, 100, 24], [49, 63, 117, 105, 111, 47, 45, 109, 42, 41, 110, 106, 57, 99, 22, 118, 86, 64, 113, 51, 0, 89, 35, 119, 38, 61, 52, 16, 28, 94, 120, 124, 116, 122, 80, 121, 62, 115, 82, 48, 125, 55, 25, 95, 93, 102, 127, 123, 54, 53, 39, 58, 46, 44, 83, 98, 114, 27, 59, 19, 18, 65, 1, 13, 112, 126, 33, 14, 2, 50, 77, 74, 3, 108, 68, 103, 73, 92, 43, 97, 71, 4, 7, 66, 78, 31, 60, 9, 10, 21, 56, 67, 6, 5, 90, 75, 23, 87, 76, 84, 69, 11, 29, 107, 20, 30, 85, 12, 79, 104, 26, 17, 72, 81, 36, 34, 37, 15, 101, 8, 70, 88, 40, 91, 96, 24, 32, 100], [49, 63, 117, 111, 105, 47, 45, 109, 42, 110, 57, 106, 22, 41, 99, 86, 118, 113, 0, 51, 89, 64, 35, 124, 61, 120, 62, 38, 119, 116, 16, 125, 93, 28, 121, 115, 94, 52, 80, 95, 122, 53, 25, 102, 18, 50, 44, 48, 83, 123, 82, 27, 98, 67, 114, 59, 1, 55, 54, 66, 13, 33, 77, 46, 108, 19, 103, 58, 4, 126, 112, 2, 71, 43, 14, 39, 3, 127, 7, 92, 65, 10, 97, 74, 9, 78, 69, 73, 60, 31, 68, 107, 56, 20, 87, 75, 23, 6, 84, 21, 90, 30, 29, 11, 5, 15, 76, 40, 26, 37, 104, 79, 12, 91, 34, 72, 81, 17, 85, 36, 24, 8, 32, 101, 96, 70, 100, 88], [49, 63, 117, 111, 105, 47, 45, 109, 42, 57, 41, 64, 110, 106, 22, 0, 99, 113, 118, 86, 51, 119, 124, 89, 62, 38, 80, 116, 35, 52, 121, 122, 95, 120, 16, 93, 115, 61, 28, 123, 46, 25, 102, 94, 48, 98, 127, 50, 1, 18, 58, 125, 83, 65, 53, 33, 2, 13, 59, 19, 3, 114, 77, 82, 54, 66, 4, 71, 27, 44, 112, 55, 103, 39, 67, 108, 7, 97, 56, 78, 126, 60, 92, 31, 6, 9, 68, 43, 14, 73, 10, 74, 107, 5, 29, 87, 30, 90, 69, 84, 75, 23, 72, 21, 20, 11, 85, 76, 104, 37, 26, 91, 79, 40, 12, 15, 17, 34, 81, 101, 36, 96, 8, 32, 88, 24, 70, 100], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 41, 106, 57, 99, 22, 118, 113, 64, 86, 51, 0, 52, 89, 35, 119, 121, 62, 120, 16, 38, 80, 95, 61, 28, 124, 93, 58, 25, 122, 94, 83, 115, 125, 116, 98, 48, 82, 123, 102, 39, 46, 55, 27, 53, 103, 18, 126, 127, 108, 114, 44, 13, 19, 77, 43, 54, 50, 33, 1, 59, 7, 65, 3, 71, 56, 4, 92, 31, 66, 78, 97, 10, 112, 29, 2, 67, 68, 9, 74, 69, 73, 87, 90, 14, 107, 5, 30, 76, 60, 84, 6, 20, 26, 23, 21, 11, 79, 75, 85, 40, 12, 104, 34, 91, 37, 72, 15, 17, 81, 101, 8, 70, 88, 32, 36, 96, 100, 24], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 41, 106, 57, 22, 99, 118, 0, 86, 51, 89, 113, 52, 35, 64, 16, 119, 62, 38, 28, 121, 95, 116, 115, 80, 122, 124, 82, 25, 120, 94, 61, 93, 125, 53, 58, 27, 46, 18, 98, 55, 126, 48, 50, 102, 83, 114, 19, 33, 39, 3, 77, 123, 71, 13, 108, 127, 54, 1, 103, 68, 44, 78, 74, 65, 59, 7, 97, 112, 67, 43, 66, 14, 4, 92, 60, 56, 10, 73, 69, 9, 21, 84, 76, 31, 2, 30, 11, 87, 107, 29, 5, 6, 85, 23, 90, 75, 20, 26, 12, 34, 72, 37, 79, 15, 40, 101, 8, 36, 104, 81, 17, 91, 70, 88, 32, 96, 24, 100], [49, 63, 117, 111, 105, 47, 45, 109, 42, 41, 106, 57, 118, 22, 110, 99, 86, 113, 64, 0, 89, 119, 51, 35, 124, 62, 52, 80, 28, 38, 61, 16, 121, 116, 120, 115, 95, 93, 122, 82, 53, 25, 94, 83, 125, 18, 54, 114, 48, 27, 98, 77, 46, 55, 127, 108, 102, 59, 58, 39, 50, 65, 126, 13, 123, 44, 66, 19, 1, 43, 74, 92, 33, 78, 2, 3, 67, 103, 97, 71, 68, 7, 4, 112, 73, 14, 31, 84, 21, 10, 87, 60, 20, 9, 29, 23, 11, 90, 5, 75, 69, 107, 56, 30, 76, 26, 40, 12, 34, 70, 85, 6, 104, 91, 15, 37, 101, 81, 79, 8, 72, 17, 32, 96, 88, 24, 100, 36], [49, 63, 117, 105, 111, 47, 45, 109, 42, 41, 99, 110, 57, 118, 22, 106, 86, 0, 120, 113, 64, 89, 51, 35, 119, 124, 62, 61, 52, 95, 16, 38, 80, 28, 115, 94, 116, 93, 122, 126, 121, 25, 102, 123, 58, 48, 83, 18, 53, 125, 114, 82, 55, 27, 127, 54, 98, 46, 33, 65, 59, 44, 77, 13, 103, 108, 2, 39, 19, 97, 1, 60, 92, 10, 43, 7, 50, 112, 67, 3, 71, 74, 78, 87, 31, 14, 4, 73, 68, 90, 66, 69, 56, 29, 9, 107, 11, 21, 30, 20, 23, 5, 85, 70, 76, 40, 84, 12, 26, 37, 75, 91, 17, 104, 15, 81, 36, 34, 8, 101, 100, 72, 79, 88, 32, 96, 6, 24], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 118, 41, 22, 99, 57, 106, 86, 64, 0, 89, 51, 113, 35, 119, 38, 52, 124, 61, 120, 116, 80, 115, 16, 95, 126, 25, 102, 121, 93, 28, 122, 82, 114, 53, 62, 94, 54, 125, 83, 108, 58, 1, 123, 18, 39, 103, 19, 127, 27, 44, 50, 3, 55, 33, 66, 46, 67, 7, 92, 59, 13, 77, 65, 48, 43, 98, 4, 74, 112, 107, 97, 56, 68, 87, 78, 71, 9, 60, 90, 31, 10, 5, 14, 73, 2, 29, 26, 84, 85, 69, 20, 21, 11, 30, 70, 23, 12, 37, 17, 76, 75, 15, 34, 81, 104, 91, 40, 36, 79, 72, 101, 32, 8, 88, 96, 100, 24, 6], [49, 63, 117, 111, 105, 47, 45, 109, 42, 110, 118, 57, 41, 106, 22, 99, 64, 86, 113, 0, 51, 89, 119, 124, 52, 61, 120, 38, 62, 115, 122, 28, 35, 95, 16, 116, 82, 94, 80, 53, 25, 121, 93, 58, 98, 18, 114, 46, 19, 44, 126, 83, 125, 33, 123, 77, 1, 13, 127, 27, 59, 54, 55, 102, 9, 108, 39, 50, 3, 60, 7, 65, 78, 68, 71, 43, 4, 92, 66, 48, 10, 67, 73, 2, 14, 103, 31, 56, 97, 74, 5, 84, 70, 112, 87, 29, 23, 21, 69, 90, 107, 11, 15, 30, 85, 20, 76, 75, 79, 26, 37, 8, 12, 104, 17, 40, 101, 91, 34, 72, 36, 81, 32, 88, 6, 24, 96, 100], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 41, 57, 106, 99, 118, 22, 64, 0, 113, 86, 51, 119, 35, 89, 61, 38, 16, 120, 116, 46, 52, 80, 124, 53, 115, 25, 95, 94, 122, 28, 121, 62, 18, 125, 55, 126, 93, 114, 82, 44, 58, 65, 33, 77, 13, 108, 54, 98, 4, 48, 102, 27, 59, 1, 19, 83, 127, 60, 39, 123, 2, 78, 103, 43, 9, 56, 50, 92, 73, 67, 14, 71, 68, 70, 3, 66, 74, 7, 10, 112, 97, 29, 11, 87, 31, 5, 69, 84, 90, 20, 21, 107, 30, 75, 26, 76, 85, 79, 23, 8, 40, 34, 17, 91, 104, 15, 12, 81, 6, 36, 72, 101, 37, 100, 32, 88, 96, 24], [49, 63, 117, 111, 105, 47, 45, 109, 42, 41, 57, 110, 22, 99, 106, 86, 118, 51, 64, 113, 89, 0, 80, 35, 16, 120, 38, 119, 61, 95, 122, 52, 115, 124, 94, 25, 93, 121, 116, 62, 46, 28, 125, 82, 18, 126, 53, 27, 102, 58, 83, 44, 114, 103, 65, 13, 55, 54, 77, 108, 98, 127, 19, 123, 50, 39, 33, 3, 48, 59, 60, 7, 92, 10, 71, 67, 68, 4, 1, 56, 90, 9, 43, 78, 74, 14, 66, 87, 69, 97, 31, 112, 21, 29, 73, 84, 2, 23, 85, 107, 5, 11, 20, 70, 30, 26, 79, 34, 12, 37, 6, 15, 40, 76, 81, 75, 104, 91, 72, 17, 8, 101, 88, 36, 24, 96, 32, 100], [49, 63, 117, 111, 105, 47, 45, 109, 42, 110, 57, 99, 41, 22, 0, 118, 106, 86, 64, 51, 113, 89, 35, 80, 119, 62, 52, 38, 124, 28, 16, 120, 95, 116, 121, 115, 61, 93, 122, 53, 18, 123, 94, 46, 25, 83, 98, 125, 77, 102, 48, 58, 54, 108, 82, 4, 55, 126, 1, 44, 27, 7, 59, 114, 127, 68, 39, 66, 103, 65, 50, 92, 71, 43, 10, 13, 33, 73, 2, 3, 74, 112, 90, 9, 67, 19, 60, 14, 78, 11, 87, 20, 29, 31, 97, 12, 21, 56, 6, 107, 5, 104, 69, 84, 40, 30, 75, 23, 85, 34, 76, 79, 26, 91, 70, 8, 37, 101, 81, 72, 17, 24, 88, 15, 32, 100, 36, 96], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 41, 57, 22, 118, 106, 99, 86, 113, 51, 35, 119, 89, 64, 0, 61, 115, 38, 16, 52, 80, 62, 28, 53, 120, 95, 124, 121, 116, 122, 94, 25, 125, 93, 77, 114, 18, 55, 82, 102, 44, 27, 59, 98, 83, 48, 50, 126, 33, 19, 54, 123, 13, 7, 58, 65, 108, 10, 46, 3, 39, 127, 97, 71, 92, 103, 112, 1, 68, 67, 43, 78, 74, 14, 31, 73, 2, 87, 66, 4, 5, 90, 60, 11, 21, 85, 56, 23, 84, 107, 6, 26, 20, 12, 9, 69, 75, 29, 76, 34, 30, 104, 40, 79, 81, 15, 91, 17, 72, 8, 101, 37, 36, 32, 24, 96, 88, 100, 70]], "model.layers.30.self_attn.q_proj": [[61, 38, 48, 50, 97, 49, 111, 123, 83, 64, 89, 1, 127, 108, 79, 41, 86, 28, 94, 114, 14, 116, 102, 106, 17, 119, 67, 57, 54, 4, 40, 13, 59, 65, 85, 73, 109, 39, 52, 37, 58, 126, 12, 68, 60, 92, 84, 45, 120, 11, 125, 76, 8, 72, 44, 55, 87, 105, 80, 121, 43, 10, 2, 62, 110, 63, 74, 46, 118, 51, 81, 42, 101, 23, 3, 24, 9, 56, 71, 6, 112, 124, 5, 31, 15, 53, 35, 107, 0, 34, 117, 115, 21, 18, 88, 36, 113, 100, 7, 27, 47, 104, 16, 69, 93, 26, 90, 19, 95, 77, 103, 122, 20, 82, 32, 96, 66, 91, 99, 30, 29, 75, 22, 98, 33, 70, 78, 25], [61, 38, 50, 48, 97, 89, 112, 83, 55, 108, 17, 11, 60, 114, 72, 57, 85, 70, 28, 14, 111, 15, 62, 101, 3, 92, 123, 66, 25, 127, 34, 6, 126, 113, 36, 106, 86, 59, 52, 87, 69, 124, 39, 102, 45, 58, 0, 120, 94, 125, 63, 37, 29, 118, 104, 35, 43, 109, 47, 115, 10, 64, 119, 121, 56, 122, 51, 49, 40, 22, 27, 95, 53, 4, 46, 116, 90, 103, 21, 24, 32, 107, 81, 110, 23, 117, 26, 44, 19, 99, 16, 76, 42, 105, 41, 98, 88, 77, 30, 67, 20, 54, 73, 31, 93, 100, 65, 96, 18, 8, 84, 82, 12, 5, 80, 1, 78, 2, 91, 75, 7, 33, 71, 79, 13, 68, 74, 9], [50, 61, 38, 111, 48, 55, 97, 89, 106, 45, 86, 127, 60, 41, 125, 123, 124, 120, 17, 85, 102, 108, 70, 121, 62, 112, 92, 59, 52, 58, 51, 43, 119, 114, 49, 126, 66, 87, 11, 57, 83, 14, 53, 46, 39, 28, 40, 101, 115, 113, 104, 118, 117, 47, 56, 116, 122, 105, 63, 54, 44, 110, 103, 91, 3, 25, 72, 107, 109, 32, 36, 42, 0, 64, 34, 15, 6, 100, 30, 35, 94, 9, 33, 22, 37, 81, 90, 10, 31, 21, 95, 27, 96, 13, 12, 24, 99, 88, 26, 78, 84, 93, 19, 69, 67, 4, 98, 8, 16, 23, 18, 76, 29, 82, 77, 65, 73, 20, 80, 2, 7, 5, 79, 75, 1, 71, 68, 74], [61, 50, 111, 38, 112, 55, 60, 114, 124, 48, 110, 125, 97, 123, 109, 92, 53, 127, 89, 58, 52, 51, 62, 121, 44, 28, 118, 59, 41, 108, 119, 120, 45, 102, 46, 63, 126, 122, 116, 47, 104, 113, 56, 117, 54, 43, 101, 105, 57, 107, 37, 42, 29, 115, 88, 86, 106, 103, 40, 80, 100, 39, 34, 91, 49, 35, 30, 84, 36, 85, 83, 93, 25, 98, 32, 95, 99, 24, 16, 94, 17, 31, 23, 18, 22, 15, 69, 96, 21, 76, 82, 11, 90, 33, 87, 77, 20, 27, 81, 26, 4, 13, 19, 12, 68, 7, 73, 2, 71, 9, 5, 79, 75, 14, 10, 72, 74, 66, 70, 6, 0, 78, 1, 64, 67, 8, 65, 3], [46, 110, 34, 92, 119, 86, 24, 90, 83, 113, 61, 49, 54, 95, 82, 94, 31, 38, 70, 85, 74, 0, 121, 13, 7, 120, 127, 114, 12, 8, 101, 9, 59, 29, 79, 17, 47, 112, 23, 1, 48, 98, 53, 80, 51, 52, 4, 63, 2, 109, 67, 97, 55, 26, 42, 125, 58, 116, 36, 117, 60, 40, 41, 126, 108, 18, 62, 56, 124, 111, 122, 43, 115, 123, 73, 57, 105, 87, 118, 91, 81, 45, 25, 102, 28, 11, 19, 39, 37, 106, 64, 107, 100, 44, 104, 66, 93, 16, 27, 103, 20, 33, 88, 50, 96, 32, 68, 89, 35, 22, 84, 14, 5, 99, 21, 69, 30, 65, 78, 3, 10, 15, 6, 77, 71, 75, 76, 72], [46, 110, 34, 90, 86, 92, 24, 79, 18, 113, 31, 95, 83, 17, 119, 9, 70, 54, 4, 85, 42, 74, 55, 56, 61, 12, 120, 59, 58, 107, 98, 117, 7, 63, 67, 115, 13, 44, 50, 49, 116, 88, 114, 38, 16, 36, 40, 96, 29, 73, 8, 94, 91, 20, 48, 111, 52, 23, 97, 118, 37, 81, 2, 0, 109, 100, 57, 122, 125, 43, 45, 1, 51, 39, 127, 103, 93, 104, 47, 41, 27, 106, 5, 123, 33, 126, 101, 112, 124, 80, 26, 62, 28, 14, 102, 15, 32, 60, 87, 77, 108, 11, 78, 75, 105, 99, 84, 53, 76, 25, 69, 121, 35, 89, 30, 82, 21, 19, 72, 10, 68, 64, 6, 22, 66, 3, 65, 71], [46, 34, 110, 113, 120, 92, 24, 83, 90, 42, 31, 86, 17, 94, 8, 79, 14, 54, 118, 112, 117, 15, 52, 9, 66, 100, 45, 85, 36, 55, 38, 70, 13, 76, 84, 58, 11, 60, 10, 51, 98, 3, 56, 4, 63, 0, 29, 95, 49, 65, 32, 12, 48, 127, 119, 124, 122, 39, 59, 116, 47, 104, 41, 23, 43, 53, 126, 19, 44, 107, 61, 75, 7, 62, 1, 111, 67, 78, 106, 22, 114, 68, 109, 105, 35, 108, 18, 80, 82, 37, 123, 115, 96, 91, 102, 88, 97, 28, 93, 26, 6, 103, 50, 33, 40, 27, 121, 69, 87, 5, 20, 25, 57, 71, 101, 81, 30, 2, 89, 21, 125, 16, 77, 74, 73, 99, 72, 64], [46, 110, 34, 92, 90, 24, 86, 49, 83, 69, 13, 113, 114, 95, 61, 119, 31, 23, 85, 56, 94, 53, 80, 100, 17, 98, 54, 108, 9, 125, 57, 52, 103, 79, 27, 115, 74, 63, 50, 11, 18, 126, 111, 7, 41, 99, 122, 25, 28, 120, 1, 67, 55, 88, 29, 4, 26, 87, 62, 101, 45, 39, 33, 117, 104, 36, 43, 60, 102, 58, 38, 116, 118, 127, 59, 40, 51, 96, 44, 124, 123, 109, 73, 42, 121, 15, 70, 107, 5, 97, 106, 30, 112, 91, 78, 48, 47, 37, 89, 35, 32, 76, 105, 12, 0, 20, 21, 81, 75, 93, 16, 71, 19, 14, 8, 84, 64, 68, 10, 82, 72, 2, 65, 3, 22, 77, 6, 66], [42, 63, 117, 97, 27, 86, 106, 89, 16, 78, 31, 84, 115, 52, 11, 99, 81, 76, 53, 119, 96, 56, 49, 13, 10, 88, 100, 26, 73, 92, 121, 55, 118, 7, 24, 51, 50, 61, 114, 57, 8, 102, 127, 90, 20, 122, 41, 23, 46, 19, 116, 60, 28, 95, 82, 38, 6, 25, 36, 58, 94, 33, 120, 91, 62, 22, 35, 21, 54, 110, 83, 48, 9, 59, 15, 18, 66, 5, 125, 111, 126, 109, 17, 124, 72, 47, 39, 103, 112, 107, 108, 85, 113, 44, 123, 87, 40, 93, 14, 69, 80, 29, 45, 4, 77, 70, 30, 105, 43, 32, 74, 34, 101, 104, 98, 3, 12, 79, 37, 75, 68, 0, 71, 65, 67, 2, 1, 64], [42, 63, 117, 97, 35, 16, 56, 84, 27, 83, 86, 102, 101, 94, 92, 18, 19, 57, 11, 64, 106, 121, 49, 116, 93, 52, 100, 4, 37, 103, 24, 29, 98, 81, 72, 85, 65, 77, 99, 127, 9, 50, 76, 88, 70, 54, 55, 122, 61, 31, 73, 32, 96, 51, 119, 118, 58, 120, 68, 115, 78, 79, 95, 114, 82, 26, 74, 90, 109, 111, 28, 20, 125, 124, 23, 25, 41, 60, 7, 59, 48, 34, 3, 10, 80, 47, 46, 43, 36, 113, 67, 53, 5, 108, 126, 66, 1, 22, 44, 110, 105, 89, 15, 39, 21, 112, 38, 12, 30, 91, 8, 45, 62, 40, 104, 33, 123, 14, 6, 69, 13, 0, 107, 2, 17, 87, 71, 75], [42, 63, 11, 81, 78, 7, 97, 117, 84, 1, 86, 106, 27, 102, 94, 4, 55, 0, 65, 114, 6, 116, 98, 16, 9, 21, 13, 2, 100, 66, 58, 50, 92, 119, 89, 14, 30, 19, 101, 115, 93, 8, 64, 67, 52, 35, 18, 77, 76, 71, 82, 73, 75, 88, 31, 108, 12, 38, 70, 122, 103, 68, 72, 36, 20, 83, 10, 3, 91, 17, 23, 74, 80, 24, 79, 15, 32, 26, 5, 22, 29, 28, 90, 85, 120, 46, 96, 53, 39, 61, 69, 25, 34, 99, 49, 95, 118, 59, 87, 104, 121, 123, 57, 111, 47, 109, 126, 56, 37, 54, 124, 62, 45, 110, 125, 127, 48, 33, 60, 51, 105, 44, 41, 40, 43, 113, 107, 112], [63, 42, 55, 57, 49, 56, 51, 121, 112, 52, 122, 54, 116, 118, 127, 61, 120, 50, 48, 111, 59, 125, 47, 124, 108, 113, 115, 126, 60, 117, 114, 110, 97, 62, 44, 53, 85, 58, 123, 94, 46, 109, 38, 45, 24, 43, 86, 107, 41, 119, 27, 33, 102, 29, 106, 40, 39, 100, 28, 92, 104, 105, 18, 36, 26, 103, 22, 31, 90, 99, 101, 35, 88, 91, 21, 81, 37, 96, 84, 77, 30, 87, 93, 32, 15, 98, 95, 34, 20, 17, 82, 83, 19, 79, 25, 23, 80, 13, 16, 89, 12, 73, 75, 76, 11, 70, 78, 68, 74, 1, 10, 14, 0, 4, 8, 5, 67, 72, 9, 7, 6, 69, 71, 65, 66, 64, 2, 3], [111, 44, 61, 125, 116, 84, 108, 20, 124, 97, 52, 75, 100, 60, 11, 120, 117, 48, 115, 46, 47, 106, 56, 50, 49, 123, 121, 119, 28, 112, 87, 70, 63, 62, 55, 53, 59, 122, 127, 118, 110, 57, 113, 42, 90, 126, 114, 39, 51, 92, 45, 88, 54, 58, 93, 107, 109, 105, 32, 41, 98, 104, 91, 40, 79, 102, 25, 43, 15, 17, 86, 30, 37, 103, 27, 38, 31, 26, 101, 19, 35, 81, 33, 34, 36, 94, 99, 74, 23, 95, 83, 96, 22, 29, 89, 10, 2, 82, 21, 6, 16, 13, 85, 66, 24, 72, 64, 67, 18, 0, 76, 14, 65, 77, 68, 80, 5, 71, 9, 78, 4, 1, 12, 8, 73, 3, 7, 69], [44, 111, 116, 88, 18, 97, 61, 16, 78, 9, 115, 90, 51, 108, 89, 30, 109, 100, 71, 47, 4, 125, 102, 85, 26, 76, 2, 20, 120, 83, 10, 86, 79, 80, 73, 56, 68, 92, 23, 82, 94, 93, 112, 27, 55, 95, 11, 58, 66, 6, 40, 64, 118, 14, 87, 70, 52, 63, 53, 42, 127, 122, 126, 65, 7, 124, 67, 41, 50, 49, 12, 19, 24, 119, 91, 113, 28, 29, 74, 117, 81, 101, 59, 25, 1, 114, 103, 13, 38, 43, 21, 31, 17, 32, 107, 57, 123, 48, 96, 98, 0, 121, 72, 62, 34, 60, 84, 105, 106, 77, 46, 22, 8, 35, 54, 104, 5, 3, 45, 39, 36, 99, 33, 110, 37, 15, 75, 69], [44, 61, 108, 125, 97, 106, 115, 85, 88, 100, 116, 47, 51, 49, 120, 117, 126, 46, 124, 52, 87, 28, 93, 112, 59, 111, 50, 48, 119, 55, 17, 122, 92, 76, 57, 127, 62, 90, 123, 113, 118, 114, 56, 63, 60, 121, 21, 26, 53, 32, 54, 107, 58, 105, 45, 91, 40, 30, 42, 12, 104, 109, 86, 41, 39, 79, 27, 74, 110, 94, 103, 5, 34, 102, 43, 19, 23, 69, 38, 98, 83, 36, 37, 33, 31, 15, 101, 81, 95, 82, 99, 22, 35, 67, 72, 25, 89, 84, 96, 13, 2, 10, 29, 64, 18, 24, 16, 71, 20, 7, 77, 80, 3, 0, 66, 8, 78, 14, 65, 70, 4, 9, 11, 1, 68, 6, 73, 75], [44, 125, 111, 108, 61, 116, 115, 97, 51, 117, 87, 52, 122, 88, 106, 112, 49, 55, 126, 60, 100, 120, 93, 47, 59, 124, 58, 50, 113, 57, 48, 119, 118, 62, 127, 28, 46, 45, 92, 56, 63, 121, 114, 123, 90, 42, 17, 53, 74, 39, 41, 107, 104, 109, 19, 54, 86, 32, 79, 30, 91, 102, 40, 105, 13, 98, 110, 103, 26, 94, 15, 43, 95, 38, 36, 83, 35, 25, 101, 27, 37, 34, 89, 81, 96, 22, 23, 31, 33, 99, 29, 77, 67, 21, 85, 72, 84, 82, 10, 16, 2, 64, 24, 0, 9, 18, 70, 20, 80, 65, 8, 76, 5, 71, 78, 3, 14, 66, 12, 7, 11, 69, 75, 1, 73, 4, 68, 6], [113, 103, 122, 124, 52, 33, 55, 93, 119, 107, 47, 24, 42, 26, 48, 31, 112, 43, 54, 104, 90, 117, 123, 56, 45, 85, 41, 57, 108, 118, 116, 53, 87, 83, 115, 121, 37, 62, 120, 63, 35, 61, 99, 22, 29, 125, 114, 91, 59, 23, 39, 40, 21, 28, 60, 105, 49, 44, 102, 111, 101, 98, 51, 92, 127, 126, 106, 110, 58, 32, 36, 50, 38, 88, 46, 34, 97, 95, 100, 27, 11, 109, 96, 84, 30, 89, 18, 94, 82, 8, 10, 16, 72, 19, 14, 20, 80, 13, 71, 25, 75, 86, 77, 74, 81, 15, 78, 70, 5, 7, 68, 65, 2, 76, 6, 69, 0, 66, 64, 79, 12, 67, 17, 4, 3, 73, 1, 9], [122, 103, 33, 52, 93, 31, 117, 119, 91, 83, 22, 24, 54, 112, 111, 124, 90, 85, 26, 60, 105, 43, 27, 125, 42, 107, 45, 39, 97, 127, 29, 113, 20, 114, 96, 123, 73, 92, 118, 53, 78, 46, 61, 120, 110, 44, 58, 86, 116, 40, 115, 102, 48, 51, 21, 49, 47, 38, 62, 50, 55, 109, 101, 108, 25, 121, 126, 95, 35, 81, 56, 99, 37, 36, 63, 19, 30, 41, 28, 15, 57, 13, 34, 104, 89, 84, 87, 94, 32, 100, 106, 9, 82, 80, 23, 75, 98, 18, 14, 16, 59, 72, 88, 77, 5, 6, 64, 70, 67, 8, 1, 11, 0, 69, 10, 65, 68, 2, 17, 71, 4, 3, 79, 66, 7, 76, 12, 74], [57, 122, 103, 52, 113, 110, 105, 112, 22, 33, 54, 38, 101, 59, 116, 125, 43, 111, 60, 26, 109, 118, 50, 48, 97, 55, 3, 34, 39, 47, 126, 92, 78, 45, 127, 24, 40, 124, 31, 114, 61, 64, 120, 90, 75, 65, 119, 49, 123, 108, 83, 115, 18, 67, 20, 68, 71, 99, 36, 107, 106, 104, 44, 62, 63, 46, 100, 53, 96, 102, 25, 41, 42, 117, 19, 95, 51, 58, 74, 84, 121, 93, 56, 37, 21, 89, 87, 27, 94, 30, 32, 13, 35, 73, 86, 88, 82, 85, 98, 72, 28, 91, 10, 14, 23, 4, 77, 29, 9, 6, 8, 2, 1, 7, 0, 69, 66, 80, 70, 11, 16, 12, 15, 5, 79, 81, 17, 76], [103, 113, 93, 122, 24, 33, 15, 81, 76, 29, 83, 17, 57, 85, 10, 70, 104, 88, 21, 36, 34, 48, 19, 7, 22, 84, 97, 26, 66, 107, 5, 35, 12, 27, 124, 87, 42, 54, 30, 38, 55, 90, 23, 43, 16, 82, 74, 102, 75, 8, 20, 121, 63, 86, 49, 119, 94, 77, 45, 91, 68, 127, 14, 71, 62, 117, 73, 0, 79, 61, 13, 25, 32, 28, 2, 106, 80, 111, 11, 69, 116, 18, 47, 98, 59, 52, 31, 58, 89, 3, 72, 67, 92, 4, 78, 37, 96, 40, 99, 123, 100, 95, 118, 110, 39, 120, 112, 6, 46, 101, 65, 9, 64, 105, 60, 53, 126, 108, 44, 125, 114, 1, 41, 50, 115, 51, 56, 109], [56, 39, 60, 53, 117, 122, 94, 127, 109, 123, 116, 92, 58, 50, 124, 61, 103, 105, 59, 51, 55, 52, 113, 33, 111, 90, 114, 119, 115, 62, 97, 110, 54, 42, 121, 63, 47, 96, 57, 98, 34, 43, 95, 25, 36, 44, 45, 26, 108, 46, 112, 19, 126, 28, 49, 91, 85, 125, 30, 107, 118, 40, 38, 120, 102, 37, 106, 104, 88, 48, 41, 100, 23, 35, 101, 99, 27, 31, 29, 81, 20, 32, 83, 86, 87, 84, 89, 22, 93, 24, 76, 21, 78, 14, 17, 15, 75, 16, 66, 18, 79, 71, 74, 9, 0, 5, 4, 12, 67, 11, 80, 65, 82, 73, 7, 69, 70, 1, 2, 72, 77, 8, 68, 64, 3, 10, 6, 13], [53, 39, 60, 123, 61, 124, 55, 56, 50, 109, 51, 116, 54, 127, 120, 57, 122, 63, 97, 115, 47, 52, 59, 121, 90, 112, 119, 26, 58, 113, 117, 62, 114, 108, 126, 28, 125, 44, 49, 118, 107, 43, 94, 48, 110, 46, 19, 45, 105, 106, 111, 23, 38, 42, 41, 103, 101, 29, 100, 40, 85, 33, 104, 87, 102, 34, 25, 78, 35, 99, 22, 92, 95, 37, 36, 86, 30, 96, 98, 31, 91, 32, 83, 93, 21, 24, 17, 18, 27, 81, 20, 15, 14, 84, 75, 88, 89, 11, 79, 72, 76, 82, 16, 80, 12, 5, 77, 9, 74, 70, 66, 13, 67, 7, 6, 71, 8, 2, 69, 3, 10, 4, 65, 73, 0, 68, 1, 64], [39, 53, 56, 25, 18, 77, 16, 23, 74, 71, 4, 60, 97, 70, 64, 9, 0, 91, 52, 29, 31, 76, 34, 92, 67, 65, 122, 1, 100, 117, 30, 36, 15, 84, 13, 124, 40, 68, 2, 12, 82, 125, 99, 20, 10, 5, 17, 69, 98, 8, 94, 55, 6, 104, 79, 19, 81, 73, 14, 85, 42, 61, 88, 32, 7, 50, 86, 11, 90, 26, 3, 72, 24, 66, 21, 83, 75, 27, 80, 37, 107, 93, 38, 118, 87, 22, 114, 89, 113, 35, 78, 28, 41, 95, 63, 46, 126, 109, 96, 127, 51, 101, 58, 119, 33, 116, 123, 120, 59, 105, 45, 108, 102, 47, 112, 106, 54, 115, 62, 43, 57, 121, 44, 111, 110, 49, 48, 103], [39, 56, 53, 25, 18, 16, 23, 34, 97, 30, 83, 77, 52, 60, 122, 76, 29, 100, 74, 86, 93, 124, 61, 11, 94, 104, 10, 9, 71, 15, 22, 21, 13, 36, 55, 127, 90, 20, 26, 108, 91, 27, 119, 19, 80, 89, 98, 35, 40, 117, 79, 88, 92, 82, 59, 70, 107, 31, 12, 65, 51, 85, 84, 28, 41, 17, 4, 78, 102, 14, 7, 64, 87, 67, 75, 114, 72, 99, 8, 69, 81, 0, 37, 46, 32, 57, 24, 1, 112, 2, 125, 96, 73, 95, 54, 58, 115, 33, 126, 50, 118, 3, 101, 113, 38, 116, 42, 105, 6, 111, 63, 45, 120, 62, 44, 123, 49, 106, 68, 66, 103, 48, 110, 109, 5, 47, 43, 121], [123, 41, 34, 120, 115, 107, 58, 60, 12, 48, 51, 90, 127, 125, 82, 70, 23, 109, 73, 116, 32, 47, 77, 121, 62, 29, 106, 84, 126, 14, 59, 55, 86, 24, 108, 80, 46, 26, 45, 57, 63, 52, 54, 122, 37, 110, 4, 36, 92, 38, 50, 61, 105, 56, 117, 79, 113, 111, 112, 119, 104, 103, 118, 42, 69, 124, 15, 43, 94, 49, 53, 67, 66, 101, 85, 44, 93, 99, 114, 7, 89, 33, 88, 39, 97, 1, 95, 31, 28, 30, 91, 100, 35, 40, 64, 102, 21, 22, 74, 10, 13, 19, 83, 78, 8, 98, 9, 20, 76, 6, 16, 18, 87, 17, 25, 96, 27, 2, 81, 0, 71, 65, 11, 75, 5, 3, 72, 68], [41, 123, 34, 107, 65, 66, 0, 29, 90, 121, 14, 37, 1, 74, 2, 11, 59, 93, 70, 80, 124, 72, 81, 69, 68, 105, 26, 47, 4, 10, 60, 75, 58, 12, 84, 3, 24, 86, 32, 109, 17, 82, 103, 7, 115, 77, 111, 127, 125, 35, 13, 21, 5, 15, 120, 73, 46, 110, 51, 71, 45, 8, 67, 94, 52, 97, 126, 118, 55, 87, 48, 56, 106, 116, 42, 62, 61, 57, 108, 101, 63, 112, 38, 33, 98, 28, 50, 122, 31, 44, 117, 113, 43, 53, 6, 18, 64, 79, 100, 119, 88, 92, 104, 54, 114, 49, 16, 99, 30, 27, 85, 20, 39, 83, 78, 91, 36, 76, 40, 95, 19, 25, 89, 9, 96, 23, 102, 22], [123, 41, 109, 34, 59, 29, 115, 90, 58, 23, 127, 61, 120, 51, 125, 43, 126, 111, 103, 108, 46, 54, 113, 122, 47, 121, 57, 110, 116, 56, 86, 107, 48, 50, 124, 52, 118, 63, 38, 117, 12, 55, 112, 80, 53, 119, 84, 42, 89, 93, 60, 21, 62, 49, 45, 114, 102, 106, 104, 99, 70, 44, 101, 26, 77, 6, 7, 4, 82, 25, 14, 36, 39, 32, 40, 37, 31, 94, 88, 35, 65, 33, 100, 97, 73, 92, 10, 105, 22, 74, 3, 27, 83, 96, 87, 0, 67, 20, 30, 19, 17, 91, 15, 64, 85, 98, 95, 28, 24, 72, 66, 79, 68, 81, 13, 18, 75, 11, 69, 9, 71, 78, 16, 76, 1, 8, 2, 5], [123, 41, 109, 34, 107, 59, 58, 121, 23, 47, 60, 127, 29, 115, 84, 55, 90, 120, 125, 106, 56, 104, 43, 112, 12, 80, 126, 88, 61, 46, 50, 62, 103, 53, 122, 48, 116, 124, 57, 51, 32, 54, 45, 52, 111, 110, 63, 93, 113, 26, 38, 73, 114, 117, 42, 118, 82, 99, 108, 36, 101, 119, 86, 14, 37, 35, 89, 49, 24, 102, 105, 70, 100, 74, 17, 77, 65, 25, 44, 39, 21, 85, 97, 83, 31, 4, 94, 40, 67, 95, 7, 3, 92, 30, 76, 91, 79, 33, 0, 16, 9, 19, 28, 98, 20, 27, 96, 18, 22, 6, 87, 11, 78, 72, 15, 69, 81, 64, 13, 75, 66, 1, 71, 10, 68, 8, 5, 2], [127, 126, 63, 38, 120, 82, 20, 97, 91, 80, 9, 11, 13, 21, 56, 25, 69, 14, 30, 15, 29, 24, 90, 26, 75, 8, 94, 86, 102, 99, 124, 2, 88, 37, 93, 39, 95, 76, 103, 84, 78, 3, 7, 74, 43, 98, 71, 46, 68, 114, 17, 54, 121, 18, 47, 67, 125, 108, 19, 105, 0, 101, 85, 119, 58, 77, 44, 5, 49, 10, 55, 111, 42, 34, 51, 89, 96, 83, 31, 27, 62, 92, 107, 123, 52, 57, 35, 53, 48, 28, 110, 61, 87, 6, 72, 12, 60, 116, 16, 33, 64, 32, 59, 22, 118, 73, 70, 23, 66, 115, 79, 122, 100, 117, 112, 50, 41, 109, 36, 113, 104, 65, 81, 4, 40, 45, 106, 1], [63, 38, 126, 123, 119, 54, 56, 120, 62, 110, 47, 124, 61, 59, 125, 118, 60, 122, 51, 121, 115, 117, 111, 58, 48, 53, 50, 46, 49, 55, 23, 127, 116, 102, 109, 112, 97, 113, 114, 57, 52, 44, 87, 29, 45, 81, 93, 43, 26, 105, 92, 86, 108, 94, 88, 107, 41, 106, 17, 42, 104, 99, 103, 22, 40, 33, 21, 90, 39, 84, 101, 37, 95, 15, 83, 18, 35, 98, 79, 30, 74, 36, 31, 96, 100, 89, 70, 34, 27, 25, 28, 76, 0, 32, 80, 20, 6, 85, 19, 91, 65, 10, 24, 82, 78, 16, 12, 13, 1, 75, 14, 8, 67, 66, 64, 4, 69, 73, 68, 3, 9, 11, 7, 71, 2, 5, 77, 72], [126, 127, 63, 38, 123, 54, 119, 56, 62, 110, 125, 120, 61, 47, 60, 124, 59, 118, 46, 122, 49, 121, 51, 111, 115, 53, 55, 48, 58, 50, 116, 117, 113, 112, 97, 52, 44, 23, 114, 102, 29, 57, 43, 109, 45, 105, 93, 81, 86, 94, 26, 108, 104, 92, 88, 87, 107, 41, 42, 40, 99, 90, 103, 17, 22, 106, 33, 39, 31, 37, 74, 98, 101, 30, 15, 21, 95, 83, 36, 100, 35, 70, 96, 6, 34, 84, 27, 32, 20, 28, 79, 18, 25, 89, 0, 65, 16, 76, 19, 85, 80, 14, 91, 12, 82, 10, 24, 67, 78, 1, 4, 13, 64, 8, 75, 66, 68, 9, 3, 7, 73, 77, 69, 72, 5, 71, 2, 11], [126, 63, 38, 127, 16, 120, 20, 88, 78, 97, 82, 91, 75, 56, 30, 47, 73, 99, 21, 29, 54, 32, 13, 125, 39, 7, 15, 86, 119, 95, 62, 5, 90, 124, 25, 10, 8, 66, 80, 51, 69, 76, 0, 123, 9, 67, 84, 102, 111, 24, 77, 49, 58, 98, 53, 103, 109, 43, 114, 28, 26, 61, 44, 27, 79, 60, 50, 34, 18, 104, 14, 117, 118, 71, 59, 107, 19, 115, 70, 122, 57, 65, 121, 48, 17, 12, 85, 87, 89, 31, 113, 55, 83, 101, 112, 92, 100, 72, 52, 116, 23, 4, 110, 94, 22, 74, 35, 11, 46, 6, 45, 96, 33, 37, 105, 41, 108, 93, 68, 106, 40, 36, 81, 3, 1, 42, 2, 64]], "model.layers.30.self_attn.k_proj": [[61, 102, 50, 33, 48, 89, 86, 112, 92, 85, 14, 83, 60, 0, 58, 52, 113, 2, 108, 94, 11, 17, 114, 40, 120, 121, 47, 62, 65, 59, 55, 45, 123, 126, 72, 57, 53, 43, 116, 127, 56, 119, 124, 125, 63, 118, 51, 69, 98, 42, 38, 122, 117, 67, 46, 115, 44, 77, 49, 109, 41, 106, 80, 110, 54, 68, 107, 103, 100, 104, 29, 37, 105, 101, 9, 39, 10, 87, 91, 7, 6, 35, 64, 15, 31, 99, 111, 12, 36, 71, 4, 5, 84, 93, 70, 30, 90, 96, 32, 88, 27, 95, 23, 26, 34, 73, 82, 18, 28, 13, 66, 22, 76, 24, 16, 20, 21, 3, 74, 75, 1, 78, 25, 8, 19, 79, 97, 81], [110, 46, 98, 90, 0, 92, 24, 13, 31, 67, 18, 86, 2, 70, 113, 74, 1, 15, 83, 52, 17, 8, 4, 12, 16, 80, 51, 105, 9, 49, 84, 59, 21, 79, 41, 123, 116, 11, 64, 68, 94, 85, 7, 23, 54, 127, 119, 109, 29, 96, 124, 58, 115, 22, 122, 34, 100, 97, 101, 30, 38, 48, 14, 53, 45, 60, 126, 106, 118, 104, 39, 40, 35, 117, 56, 108, 120, 62, 63, 107, 47, 93, 37, 114, 5, 44, 87, 50, 102, 33, 43, 78, 111, 91, 27, 125, 42, 10, 89, 103, 112, 55, 36, 99, 32, 73, 69, 121, 61, 76, 26, 57, 95, 66, 71, 25, 28, 65, 75, 19, 20, 77, 81, 72, 6, 3, 88, 82], [106, 63, 86, 33, 117, 27, 11, 77, 78, 9, 4, 81, 7, 0, 84, 1, 55, 18, 49, 57, 31, 122, 16, 121, 95, 30, 72, 42, 116, 85, 56, 50, 59, 114, 119, 52, 51, 87, 58, 110, 54, 53, 43, 120, 34, 111, 44, 48, 118, 61, 124, 112, 115, 90, 113, 125, 103, 46, 36, 47, 62, 24, 29, 66, 41, 107, 105, 127, 37, 64, 45, 65, 109, 123, 3, 28, 126, 60, 104, 6, 67, 102, 10, 100, 108, 68, 32, 38, 99, 39, 35, 92, 40, 80, 94, 12, 5, 101, 73, 26, 23, 69, 93, 25, 76, 15, 8, 88, 20, 89, 70, 98, 91, 96, 83, 82, 14, 19, 74, 79, 13, 71, 2, 21, 17, 22, 75, 97], [108, 36, 44, 33, 86, 115, 47, 94, 111, 127, 17, 61, 52, 59, 26, 28, 41, 57, 96, 114, 126, 119, 49, 112, 104, 125, 117, 122, 118, 37, 48, 56, 120, 42, 62, 107, 60, 13, 55, 63, 50, 21, 123, 58, 124, 121, 88, 46, 43, 113, 39, 51, 106, 53, 102, 45, 40, 110, 109, 116, 54, 79, 101, 100, 105, 90, 31, 103, 72, 38, 5, 95, 98, 85, 93, 99, 76, 19, 14, 34, 24, 35, 27, 84, 87, 30, 91, 16, 12, 92, 89, 80, 32, 67, 97, 11, 3, 78, 74, 25, 65, 29, 23, 9, 75, 22, 81, 82, 18, 0, 20, 77, 2, 70, 83, 8, 73, 71, 6, 15, 7, 66, 1, 10, 68, 64, 4, 69], [39, 122, 113, 97, 49, 29, 57, 112, 26, 22, 88, 27, 73, 124, 24, 19, 93, 78, 48, 102, 59, 30, 127, 81, 123, 21, 10, 17, 47, 105, 118, 117, 85, 1, 83, 40, 54, 15, 111, 61, 107, 119, 63, 76, 43, 115, 95, 100, 60, 58, 109, 114, 52, 106, 126, 31, 12, 62, 55, 5, 53, 87, 41, 110, 37, 0, 121, 66, 120, 46, 7, 108, 4, 92, 104, 116, 51, 44, 103, 36, 125, 89, 79, 84, 101, 99, 96, 50, 42, 34, 25, 3, 32, 45, 13, 94, 56, 98, 14, 35, 38, 82, 77, 90, 75, 91, 80, 8, 69, 28, 20, 9, 18, 23, 16, 11, 33, 72, 71, 68, 86, 67, 6, 64, 70, 65, 2, 74], [103, 56, 53, 25, 33, 18, 16, 94, 77, 74, 60, 90, 23, 4, 70, 71, 87, 76, 22, 119, 0, 65, 109, 124, 55, 89, 122, 50, 120, 63, 52, 75, 123, 51, 86, 85, 67, 91, 93, 113, 44, 54, 35, 125, 127, 117, 114, 100, 47, 61, 116, 29, 9, 118, 36, 28, 19, 101, 59, 107, 106, 57, 98, 43, 62, 32, 72, 111, 49, 121, 42, 48, 58, 110, 8, 115, 45, 78, 108, 126, 11, 81, 41, 104, 46, 96, 105, 112, 79, 102, 2, 34, 5, 95, 92, 17, 31, 7, 37, 40, 38, 84, 66, 99, 30, 24, 12, 20, 6, 73, 27, 68, 88, 13, 14, 15, 39, 3, 80, 83, 1, 82, 64, 21, 97, 69, 26, 10], [105, 123, 98, 86, 59, 93, 64, 127, 50, 125, 60, 90, 67, 116, 121, 46, 80, 117, 124, 126, 51, 119, 73, 96, 56, 122, 101, 58, 57, 62, 48, 63, 14, 115, 45, 61, 11, 53, 112, 118, 52, 120, 82, 110, 55, 42, 43, 111, 113, 47, 106, 12, 114, 54, 44, 69, 1, 40, 109, 84, 49, 70, 108, 66, 39, 102, 24, 81, 37, 68, 3, 23, 100, 95, 19, 104, 36, 91, 71, 28, 8, 15, 77, 32, 21, 94, 35, 74, 17, 72, 103, 97, 85, 10, 5, 89, 99, 30, 38, 29, 25, 107, 33, 20, 87, 27, 83, 31, 92, 79, 41, 34, 6, 7, 88, 75, 65, 22, 26, 2, 13, 76, 18, 78, 4, 0, 9, 16], [126, 102, 63, 33, 86, 93, 127, 56, 95, 26, 120, 47, 124, 111, 112, 121, 54, 114, 46, 119, 53, 23, 61, 117, 51, 118, 57, 107, 48, 15, 122, 60, 58, 45, 55, 44, 59, 105, 52, 17, 104, 62, 20, 115, 49, 82, 94, 103, 13, 123, 50, 106, 108, 40, 125, 113, 116, 30, 41, 43, 42, 109, 110, 88, 39, 91, 79, 31, 28, 37, 38, 27, 87, 101, 18, 77, 92, 81, 89, 99, 29, 36, 96, 100, 34, 35, 83, 21, 11, 74, 32, 7, 10, 98, 75, 19, 25, 90, 84, 71, 65, 9, 6, 85, 16, 8, 14, 12, 76, 5, 97, 22, 78, 80, 24, 4, 73, 67, 1, 72, 66, 0, 69, 68, 70, 3, 2, 64]], "model.layers.30.self_attn.qk_proj": [[63, 61, 123, 56, 110, 126, 53, 46, 122, 113, 44, 50, 106, 127, 111, 117, 108, 60, 48, 22, 42, 57, 102, 59, 103, 52, 124, 125, 39, 105, 33, 49, 120, 119, 116, 38, 51, 90, 112, 86, 115, 55, 54, 26, 93, 29, 58, 97, 118, 114, 41, 109, 121, 47, 34, 24, 88, 30, 94, 92, 43, 62, 82, 25, 31, 45, 98, 28, 81, 89, 36, 23, 18, 107, 77, 83, 91, 101, 87, 13, 40, 80, 14, 17, 21, 85, 100, 78, 11, 16, 19, 27, 37, 79, 9, 84, 104, 75, 95, 15, 73, 76, 64, 0, 20, 96, 12, 71, 10, 7, 8, 35, 74, 67, 6, 4, 70, 68, 5, 99, 32, 65, 1, 72, 3, 69, 2, 66], [63, 61, 123, 126, 56, 110, 46, 53, 122, 113, 50, 44, 111, 106, 42, 117, 127, 108, 60, 48, 22, 57, 102, 120, 125, 103, 105, 124, 59, 52, 38, 112, 39, 86, 51, 33, 29, 115, 58, 54, 49, 26, 47, 55, 118, 97, 41, 109, 93, 116, 90, 119, 114, 30, 121, 45, 24, 94, 62, 88, 28, 25, 107, 92, 43, 31, 34, 98, 82, 91, 23, 89, 13, 17, 100, 18, 40, 104, 36, 81, 77, 14, 11, 19, 16, 78, 83, 80, 85, 87, 21, 37, 95, 9, 79, 99, 101, 76, 27, 0, 12, 75, 15, 70, 73, 68, 74, 64, 10, 20, 71, 35, 32, 84, 8, 7, 4, 3, 96, 1, 65, 67, 69, 6, 5, 72, 66, 2], [63, 61, 123, 126, 56, 110, 53, 46, 122, 113, 50, 44, 111, 106, 127, 117, 42, 48, 108, 22, 57, 102, 60, 103, 124, 105, 120, 59, 52, 51, 86, 33, 38, 39, 115, 54, 116, 49, 125, 55, 112, 58, 93, 119, 26, 47, 118, 121, 114, 29, 90, 97, 107, 24, 94, 109, 30, 62, 28, 88, 41, 34, 92, 25, 43, 40, 89, 45, 98, 18, 83, 31, 36, 81, 23, 101, 82, 100, 13, 16, 77, 80, 14, 91, 21, 19, 0, 11, 70, 17, 87, 85, 104, 95, 78, 20, 9, 37, 99, 75, 79, 15, 27, 74, 76, 71, 10, 84, 12, 32, 73, 64, 7, 4, 35, 67, 1, 96, 72, 68, 65, 3, 8, 5, 69, 2, 66, 6], [63, 61, 123, 126, 56, 110, 53, 46, 122, 113, 50, 44, 111, 106, 117, 108, 42, 127, 48, 52, 57, 22, 120, 124, 103, 102, 60, 58, 125, 39, 105, 38, 116, 121, 47, 49, 112, 51, 54, 86, 26, 33, 59, 93, 118, 114, 97, 119, 55, 43, 29, 109, 90, 115, 30, 24, 62, 41, 94, 45, 107, 34, 28, 92, 40, 25, 31, 88, 82, 104, 13, 98, 81, 89, 14, 80, 23, 36, 83, 78, 19, 18, 101, 100, 21, 91, 17, 77, 64, 11, 37, 87, 16, 76, 85, 95, 70, 99, 75, 79, 84, 15, 9, 73, 0, 27, 10, 71, 12, 20, 68, 32, 7, 3, 35, 1, 74, 96, 72, 65, 4, 8, 67, 69, 5, 66, 2, 6], [63, 61, 123, 56, 126, 53, 110, 46, 122, 113, 44, 50, 111, 127, 106, 108, 117, 42, 22, 48, 102, 52, 60, 57, 124, 120, 103, 125, 59, 51, 86, 116, 105, 39, 119, 58, 54, 47, 49, 55, 33, 112, 90, 26, 115, 118, 38, 93, 114, 29, 97, 41, 121, 109, 24, 62, 43, 107, 34, 31, 83, 92, 25, 89, 88, 94, 36, 30, 82, 81, 23, 45, 28, 18, 80, 21, 13, 98, 77, 14, 11, 17, 78, 40, 87, 101, 85, 27, 16, 100, 0, 19, 95, 79, 91, 104, 76, 15, 73, 12, 9, 75, 70, 64, 20, 84, 74, 37, 10, 1, 7, 72, 3, 71, 4, 65, 68, 35, 67, 96, 32, 8, 6, 5, 99, 69, 66, 2], [63, 61, 126, 56, 123, 110, 53, 46, 122, 113, 44, 50, 108, 111, 106, 42, 127, 22, 57, 48, 117, 105, 103, 102, 120, 86, 60, 52, 59, 38, 47, 112, 125, 124, 39, 54, 58, 116, 118, 51, 93, 33, 114, 29, 26, 45, 49, 90, 97, 55, 119, 41, 24, 109, 121, 115, 92, 25, 28, 43, 62, 88, 94, 81, 82, 23, 30, 21, 98, 36, 34, 14, 95, 31, 18, 13, 83, 107, 87, 89, 91, 80, 78, 17, 77, 27, 85, 40, 11, 19, 15, 104, 16, 101, 100, 12, 64, 9, 76, 79, 75, 37, 73, 70, 0, 4, 72, 74, 84, 20, 10, 7, 35, 6, 68, 65, 71, 32, 96, 3, 99, 67, 66, 69, 5, 8, 1, 2], [63, 61, 110, 123, 126, 56, 53, 122, 46, 44, 113, 50, 42, 111, 106, 108, 48, 22, 127, 102, 117, 59, 105, 125, 103, 124, 60, 57, 52, 120, 86, 112, 39, 47, 90, 116, 26, 38, 29, 93, 119, 115, 41, 109, 45, 55, 33, 121, 97, 114, 58, 51, 118, 43, 92, 54, 88, 62, 25, 24, 28, 49, 94, 23, 31, 81, 18, 107, 21, 82, 87, 85, 30, 80, 36, 89, 83, 98, 91, 17, 27, 77, 40, 95, 100, 11, 34, 14, 13, 78, 19, 16, 20, 15, 101, 12, 76, 6, 79, 73, 9, 75, 74, 104, 84, 10, 35, 37, 64, 0, 32, 7, 67, 71, 4, 72, 99, 65, 68, 70, 8, 1, 96, 3, 2, 5, 69, 66], [63, 61, 123, 56, 110, 126, 53, 122, 46, 113, 44, 50, 111, 106, 108, 42, 127, 48, 22, 117, 57, 102, 59, 60, 103, 124, 120, 52, 125, 115, 55, 105, 119, 112, 33, 90, 93, 38, 58, 116, 39, 49, 86, 51, 26, 47, 29, 97, 41, 121, 109, 114, 118, 92, 45, 54, 88, 25, 62, 24, 43, 30, 31, 89, 28, 107, 91, 94, 34, 18, 21, 36, 81, 23, 82, 17, 98, 40, 83, 100, 87, 13, 27, 14, 101, 16, 80, 78, 11, 85, 77, 20, 37, 95, 64, 75, 79, 0, 76, 19, 104, 15, 6, 9, 73, 84, 35, 10, 12, 96, 67, 7, 1, 99, 74, 72, 32, 65, 4, 71, 68, 3, 8, 69, 2, 66, 5, 70], [63, 61, 56, 110, 123, 53, 126, 46, 122, 113, 44, 50, 106, 111, 127, 42, 48, 108, 52, 60, 102, 57, 124, 117, 103, 22, 120, 58, 59, 116, 86, 125, 105, 39, 38, 51, 93, 119, 55, 112, 109, 97, 33, 29, 90, 26, 115, 49, 45, 47, 118, 43, 25, 41, 94, 92, 114, 88, 24, 54, 31, 107, 121, 30, 62, 23, 28, 18, 89, 34, 98, 91, 13, 40, 82, 27, 87, 83, 80, 21, 78, 100, 17, 36, 19, 77, 81, 95, 85, 11, 104, 20, 16, 14, 76, 84, 101, 79, 75, 37, 73, 6, 15, 12, 68, 99, 0, 32, 7, 4, 72, 9, 10, 74, 64, 71, 35, 1, 3, 96, 65, 5, 70, 8, 67, 2, 69, 66], [63, 61, 123, 126, 56, 110, 53, 122, 46, 113, 44, 50, 111, 106, 108, 127, 48, 60, 117, 124, 125, 120, 52, 102, 57, 22, 42, 103, 55, 38, 59, 49, 51, 58, 105, 33, 39, 47, 119, 121, 97, 86, 116, 115, 90, 93, 26, 43, 109, 54, 112, 29, 114, 34, 62, 118, 92, 24, 94, 88, 45, 30, 98, 107, 31, 41, 13, 40, 23, 28, 25, 83, 100, 82, 18, 91, 81, 37, 89, 104, 16, 77, 17, 85, 87, 80, 11, 21, 19, 64, 78, 6, 14, 36, 101, 75, 95, 27, 99, 74, 84, 73, 7, 68, 10, 4, 0, 20, 9, 71, 79, 12, 15, 76, 35, 72, 3, 65, 67, 96, 32, 1, 8, 70, 5, 66, 69, 2], [63, 61, 123, 126, 56, 110, 46, 122, 53, 113, 44, 50, 111, 106, 127, 108, 117, 48, 42, 22, 60, 52, 125, 57, 102, 103, 59, 124, 105, 112, 33, 39, 93, 49, 55, 120, 119, 86, 114, 121, 51, 116, 47, 38, 26, 118, 90, 54, 97, 29, 62, 115, 41, 109, 58, 24, 88, 34, 43, 92, 94, 30, 25, 31, 13, 89, 82, 14, 107, 17, 45, 28, 40, 98, 85, 36, 18, 77, 78, 19, 23, 91, 101, 81, 80, 83, 21, 104, 16, 11, 95, 73, 74, 9, 79, 87, 76, 12, 15, 0, 75, 64, 100, 27, 20, 6, 84, 7, 71, 4, 10, 72, 35, 8, 65, 67, 70, 3, 37, 68, 99, 32, 69, 96, 1, 66, 5, 2], [63, 61, 110, 123, 126, 56, 53, 46, 122, 113, 44, 50, 106, 108, 127, 111, 42, 22, 102, 48, 60, 124, 125, 52, 105, 103, 86, 117, 57, 112, 120, 59, 116, 33, 39, 29, 58, 93, 55, 119, 26, 41, 38, 115, 97, 47, 90, 114, 49, 51, 109, 118, 25, 121, 92, 24, 43, 54, 31, 62, 88, 30, 82, 23, 17, 94, 13, 81, 18, 98, 40, 28, 45, 14, 91, 77, 78, 101, 85, 16, 107, 34, 83, 89, 19, 21, 87, 80, 36, 27, 11, 95, 73, 100, 79, 75, 76, 9, 12, 84, 104, 37, 20, 71, 64, 35, 15, 4, 74, 0, 10, 68, 70, 69, 32, 72, 7, 8, 3, 96, 67, 99, 1, 6, 65, 5, 66, 2], [63, 61, 56, 110, 123, 126, 53, 122, 46, 113, 44, 50, 108, 127, 111, 106, 22, 42, 48, 124, 60, 102, 103, 38, 57, 120, 125, 55, 52, 58, 86, 119, 59, 33, 49, 105, 117, 47, 90, 29, 26, 97, 112, 39, 115, 116, 93, 109, 92, 118, 51, 54, 45, 114, 41, 24, 25, 43, 94, 88, 23, 121, 28, 91, 31, 62, 30, 18, 34, 89, 107, 17, 100, 82, 85, 83, 27, 87, 98, 95, 81, 19, 40, 13, 80, 78, 36, 21, 77, 37, 75, 14, 15, 16, 101, 104, 11, 0, 79, 70, 35, 76, 84, 73, 20, 99, 10, 9, 64, 12, 4, 96, 32, 68, 7, 74, 71, 72, 3, 1, 67, 8, 65, 66, 2, 69, 6, 5], [63, 61, 123, 56, 110, 126, 46, 53, 122, 113, 44, 50, 108, 111, 42, 106, 48, 127, 22, 124, 120, 117, 60, 57, 55, 102, 105, 103, 59, 39, 52, 58, 125, 38, 119, 33, 49, 51, 121, 47, 86, 116, 93, 112, 90, 26, 115, 41, 118, 109, 114, 29, 97, 24, 54, 62, 94, 43, 45, 92, 31, 25, 28, 88, 98, 107, 23, 82, 30, 21, 91, 89, 18, 34, 40, 83, 87, 17, 13, 78, 80, 36, 14, 81, 85, 75, 77, 104, 101, 16, 100, 64, 0, 15, 27, 70, 11, 95, 19, 37, 76, 12, 73, 79, 84, 7, 68, 74, 35, 8, 9, 71, 32, 67, 20, 99, 10, 4, 65, 69, 1, 3, 5, 72, 96, 66, 6, 2], [63, 61, 126, 123, 56, 110, 46, 53, 122, 44, 113, 50, 111, 106, 108, 42, 22, 127, 48, 117, 105, 57, 124, 102, 52, 103, 125, 55, 60, 120, 38, 115, 49, 39, 33, 121, 26, 97, 59, 116, 119, 86, 93, 54, 41, 47, 109, 90, 43, 51, 29, 114, 112, 34, 118, 58, 24, 45, 98, 62, 88, 92, 94, 25, 30, 31, 82, 28, 13, 23, 81, 89, 107, 40, 14, 78, 0, 80, 21, 87, 77, 18, 91, 83, 16, 17, 19, 100, 101, 36, 85, 76, 95, 75, 11, 70, 64, 104, 84, 9, 74, 73, 79, 15, 20, 12, 8, 37, 27, 35, 71, 10, 99, 7, 1, 68, 67, 4, 69, 65, 32, 3, 72, 96, 66, 2, 5, 6], [63, 61, 126, 123, 56, 110, 53, 46, 122, 113, 44, 50, 111, 106, 127, 108, 42, 22, 48, 117, 102, 52, 124, 57, 103, 105, 38, 60, 33, 86, 125, 116, 58, 59, 120, 118, 115, 114, 49, 39, 55, 112, 119, 93, 29, 97, 51, 26, 47, 41, 30, 94, 90, 54, 43, 121, 24, 109, 92, 25, 31, 89, 45, 34, 88, 40, 28, 107, 82, 98, 14, 91, 23, 81, 77, 62, 18, 80, 78, 100, 16, 85, 83, 87, 95, 13, 17, 21, 19, 101, 11, 64, 36, 76, 27, 75, 104, 79, 9, 73, 20, 12, 37, 84, 8, 3, 10, 70, 74, 0, 68, 4, 15, 7, 71, 1, 35, 96, 67, 99, 65, 5, 32, 69, 72, 2, 6, 66], [63, 61, 110, 126, 53, 56, 123, 46, 122, 44, 113, 50, 111, 106, 42, 108, 127, 22, 124, 57, 102, 48, 117, 60, 52, 105, 86, 103, 38, 116, 59, 125, 58, 33, 55, 47, 39, 112, 26, 29, 119, 120, 118, 115, 97, 90, 93, 49, 51, 121, 94, 109, 114, 43, 41, 62, 92, 31, 88, 45, 24, 25, 30, 34, 54, 23, 28, 40, 81, 83, 18, 89, 82, 17, 91, 98, 13, 100, 77, 16, 107, 87, 36, 21, 101, 95, 78, 14, 80, 27, 19, 84, 11, 85, 37, 20, 75, 104, 79, 15, 10, 12, 99, 9, 64, 76, 0, 4, 73, 96, 35, 7, 74, 8, 67, 68, 6, 3, 65, 71, 70, 32, 1, 5, 72, 66, 69, 2], [63, 61, 110, 56, 126, 123, 53, 46, 122, 113, 44, 50, 111, 106, 127, 42, 108, 48, 117, 57, 22, 102, 52, 105, 103, 60, 124, 59, 86, 116, 115, 33, 55, 38, 120, 39, 47, 125, 109, 112, 49, 97, 26, 51, 93, 62, 41, 29, 90, 119, 114, 118, 121, 58, 54, 94, 24, 92, 30, 107, 34, 88, 28, 45, 89, 43, 25, 18, 98, 31, 91, 23, 81, 83, 40, 13, 36, 16, 82, 19, 17, 78, 75, 77, 37, 14, 87, 100, 21, 85, 27, 101, 80, 104, 95, 9, 0, 64, 79, 20, 6, 15, 76, 73, 84, 35, 74, 11, 99, 12, 7, 96, 8, 32, 10, 1, 67, 71, 3, 4, 69, 72, 70, 66, 68, 65, 5, 2], [63, 61, 123, 126, 110, 56, 46, 53, 122, 113, 50, 44, 111, 106, 42, 127, 52, 108, 48, 57, 102, 117, 124, 120, 22, 103, 60, 51, 105, 39, 125, 33, 38, 47, 116, 59, 55, 86, 115, 49, 121, 118, 26, 112, 29, 58, 119, 97, 93, 109, 45, 43, 90, 54, 62, 41, 114, 30, 31, 107, 94, 24, 34, 40, 92, 98, 88, 23, 28, 36, 25, 77, 100, 81, 101, 89, 82, 17, 18, 91, 13, 21, 75, 78, 83, 95, 19, 14, 80, 16, 87, 37, 104, 9, 85, 11, 99, 6, 27, 12, 35, 76, 7, 84, 73, 71, 20, 64, 15, 79, 74, 10, 0, 68, 1, 32, 96, 8, 69, 3, 4, 65, 2, 72, 67, 5, 70, 66], [63, 61, 126, 123, 110, 56, 53, 46, 122, 113, 44, 50, 111, 108, 106, 42, 48, 127, 117, 22, 38, 124, 57, 52, 102, 105, 103, 120, 60, 33, 125, 59, 47, 39, 86, 26, 112, 97, 119, 51, 49, 58, 114, 116, 118, 29, 55, 115, 93, 90, 109, 121, 41, 54, 92, 30, 24, 45, 94, 34, 88, 31, 28, 62, 43, 107, 25, 23, 91, 98, 77, 36, 18, 81, 104, 40, 89, 87, 82, 17, 13, 19, 78, 101, 21, 85, 80, 83, 14, 79, 95, 16, 9, 10, 75, 6, 100, 76, 20, 11, 0, 15, 74, 37, 12, 71, 73, 68, 84, 64, 8, 27, 7, 32, 99, 4, 3, 72, 65, 35, 1, 96, 67, 66, 5, 69, 2, 70], [63, 61, 126, 123, 110, 56, 53, 46, 122, 113, 50, 44, 111, 106, 42, 108, 117, 57, 48, 127, 22, 60, 124, 52, 105, 102, 103, 59, 109, 33, 120, 125, 115, 114, 112, 116, 55, 86, 49, 38, 51, 118, 47, 39, 62, 90, 58, 93, 119, 26, 29, 97, 41, 121, 54, 107, 94, 45, 24, 28, 88, 92, 43, 98, 34, 30, 89, 36, 25, 31, 82, 95, 91, 83, 13, 80, 40, 77, 18, 104, 21, 87, 17, 81, 101, 23, 14, 78, 16, 75, 19, 11, 85, 64, 27, 37, 100, 15, 9, 76, 79, 6, 73, 0, 10, 35, 20, 99, 84, 4, 74, 65, 67, 32, 7, 71, 68, 12, 8, 1, 72, 69, 3, 96, 70, 2, 5, 66], [63, 61, 123, 126, 56, 110, 53, 46, 122, 113, 50, 44, 111, 117, 42, 106, 108, 127, 124, 52, 48, 102, 57, 60, 120, 103, 125, 22, 105, 112, 55, 58, 39, 59, 114, 38, 33, 115, 121, 119, 51, 118, 47, 116, 86, 29, 49, 26, 90, 109, 93, 54, 41, 107, 97, 94, 88, 62, 45, 30, 43, 31, 28, 23, 34, 92, 24, 91, 25, 83, 87, 36, 98, 82, 100, 17, 81, 89, 18, 77, 104, 64, 40, 37, 14, 19, 13, 85, 21, 95, 27, 101, 75, 80, 16, 78, 0, 76, 15, 20, 79, 11, 4, 9, 3, 73, 74, 99, 35, 10, 12, 96, 84, 6, 1, 70, 71, 7, 67, 8, 32, 65, 72, 69, 5, 68, 2, 66], [63, 61, 123, 110, 126, 56, 53, 46, 122, 113, 44, 50, 111, 127, 106, 108, 42, 124, 117, 48, 102, 22, 120, 60, 52, 125, 58, 38, 116, 33, 57, 103, 59, 119, 105, 115, 86, 118, 112, 49, 39, 55, 26, 47, 29, 93, 90, 121, 51, 97, 114, 41, 54, 94, 109, 88, 43, 28, 34, 45, 24, 62, 25, 30, 31, 92, 107, 89, 36, 98, 91, 82, 18, 23, 83, 87, 81, 100, 77, 17, 13, 40, 21, 101, 16, 14, 95, 85, 80, 78, 19, 0, 11, 27, 75, 104, 64, 9, 15, 84, 76, 71, 20, 73, 4, 74, 37, 79, 72, 65, 70, 12, 35, 99, 3, 1, 96, 7, 10, 68, 67, 2, 32, 8, 5, 66, 6, 69], [63, 61, 126, 123, 110, 56, 53, 46, 122, 113, 50, 44, 106, 111, 108, 42, 48, 22, 127, 120, 117, 124, 105, 52, 102, 57, 103, 38, 125, 33, 60, 59, 116, 118, 55, 112, 86, 97, 26, 93, 49, 90, 39, 121, 47, 119, 29, 51, 58, 114, 41, 115, 54, 109, 24, 92, 43, 62, 94, 28, 30, 88, 34, 25, 45, 36, 89, 107, 40, 82, 17, 98, 31, 23, 78, 91, 18, 81, 13, 104, 77, 83, 80, 19, 14, 95, 85, 87, 21, 16, 11, 75, 15, 79, 27, 76, 100, 70, 10, 9, 101, 37, 12, 73, 35, 4, 99, 20, 64, 72, 84, 32, 74, 71, 68, 7, 0, 67, 5, 1, 65, 3, 8, 96, 69, 6, 66, 2], [63, 61, 123, 126, 56, 110, 53, 46, 122, 113, 44, 50, 111, 108, 106, 42, 22, 48, 117, 57, 124, 52, 127, 60, 105, 120, 102, 59, 103, 116, 112, 55, 114, 115, 38, 125, 119, 86, 33, 121, 49, 39, 26, 109, 90, 47, 51, 118, 93, 29, 54, 43, 97, 41, 107, 58, 94, 28, 92, 25, 24, 30, 62, 23, 45, 88, 31, 36, 17, 34, 77, 85, 83, 98, 89, 40, 81, 87, 82, 101, 21, 18, 78, 16, 19, 91, 100, 27, 95, 13, 11, 104, 80, 75, 15, 70, 79, 9, 14, 73, 64, 84, 76, 12, 37, 7, 35, 74, 20, 0, 10, 68, 71, 32, 72, 67, 3, 99, 65, 8, 1, 96, 4, 5, 66, 69, 6, 2], [63, 61, 110, 126, 123, 56, 53, 46, 122, 113, 44, 50, 111, 108, 106, 42, 22, 48, 127, 124, 120, 60, 52, 102, 117, 57, 103, 105, 55, 125, 116, 33, 59, 115, 38, 119, 86, 49, 29, 39, 112, 118, 47, 90, 26, 58, 93, 121, 109, 97, 114, 94, 54, 51, 41, 24, 28, 62, 30, 92, 34, 25, 88, 43, 107, 31, 89, 98, 23, 91, 45, 82, 18, 100, 40, 36, 37, 83, 77, 19, 87, 17, 81, 85, 101, 27, 80, 95, 16, 13, 104, 21, 11, 75, 14, 64, 78, 35, 12, 79, 84, 9, 20, 15, 73, 99, 76, 10, 70, 0, 71, 74, 96, 68, 65, 32, 72, 3, 1, 7, 67, 5, 4, 69, 8, 2, 66, 6], [63, 61, 110, 123, 126, 56, 53, 46, 122, 113, 50, 44, 106, 111, 42, 108, 48, 117, 127, 22, 57, 52, 60, 102, 103, 105, 124, 59, 116, 38, 112, 125, 120, 109, 115, 121, 39, 55, 33, 119, 49, 86, 51, 93, 97, 118, 114, 54, 58, 26, 90, 41, 29, 62, 47, 88, 24, 94, 30, 91, 89, 34, 43, 31, 92, 25, 107, 28, 45, 101, 36, 98, 40, 18, 81, 82, 87, 83, 17, 85, 23, 19, 80, 11, 21, 13, 78, 100, 16, 27, 14, 77, 95, 104, 84, 37, 79, 35, 75, 12, 73, 0, 99, 76, 15, 9, 8, 64, 20, 74, 70, 32, 68, 10, 71, 7, 65, 67, 96, 4, 72, 3, 69, 1, 5, 6, 2, 66], [63, 61, 123, 126, 56, 110, 53, 46, 122, 113, 50, 44, 111, 106, 108, 117, 48, 127, 42, 22, 124, 120, 57, 52, 102, 103, 60, 125, 38, 105, 116, 33, 59, 39, 121, 49, 55, 112, 51, 47, 119, 26, 114, 115, 86, 93, 41, 43, 54, 90, 97, 58, 29, 109, 118, 62, 45, 34, 88, 92, 24, 94, 31, 107, 25, 89, 28, 30, 36, 91, 82, 81, 23, 98, 18, 77, 21, 11, 83, 14, 17, 40, 80, 0, 87, 78, 37, 16, 13, 19, 85, 100, 79, 9, 104, 84, 73, 95, 75, 12, 10, 64, 27, 15, 101, 76, 35, 71, 74, 99, 20, 6, 67, 68, 7, 1, 4, 65, 96, 70, 3, 32, 2, 72, 5, 8, 69, 66], [63, 61, 123, 126, 110, 53, 56, 46, 122, 113, 50, 44, 111, 106, 127, 117, 108, 42, 48, 125, 52, 124, 59, 22, 102, 57, 103, 38, 112, 60, 105, 33, 120, 116, 51, 119, 39, 115, 55, 97, 54, 43, 86, 62, 93, 49, 29, 26, 114, 41, 47, 58, 90, 118, 121, 34, 94, 24, 92, 109, 45, 89, 30, 88, 28, 31, 40, 95, 18, 101, 98, 25, 23, 14, 91, 107, 80, 82, 17, 16, 11, 85, 36, 77, 13, 78, 19, 100, 81, 104, 0, 87, 15, 83, 64, 73, 71, 6, 21, 79, 9, 75, 37, 76, 12, 10, 74, 27, 35, 20, 84, 4, 65, 68, 7, 8, 3, 67, 1, 96, 99, 70, 32, 72, 69, 66, 5, 2], [63, 61, 126, 123, 56, 110, 46, 53, 122, 113, 50, 44, 111, 42, 106, 57, 108, 117, 124, 22, 127, 48, 59, 52, 102, 125, 60, 120, 103, 105, 116, 38, 86, 39, 55, 112, 119, 58, 33, 26, 49, 114, 97, 29, 93, 51, 47, 41, 118, 90, 43, 115, 54, 45, 24, 109, 62, 88, 28, 92, 25, 94, 121, 18, 30, 34, 91, 31, 23, 100, 82, 81, 98, 89, 77, 21, 36, 85, 78, 87, 17, 19, 40, 14, 107, 80, 101, 13, 83, 11, 16, 104, 95, 73, 27, 15, 6, 9, 76, 79, 84, 75, 12, 37, 0, 4, 35, 74, 20, 68, 10, 71, 99, 64, 8, 7, 3, 67, 32, 1, 72, 69, 65, 5, 70, 96, 66, 2], [63, 61, 126, 123, 110, 56, 53, 46, 122, 113, 50, 44, 111, 124, 108, 117, 106, 42, 57, 60, 127, 22, 48, 103, 52, 102, 38, 116, 120, 59, 105, 49, 86, 55, 125, 39, 33, 47, 121, 114, 112, 51, 90, 115, 97, 29, 119, 26, 54, 118, 41, 93, 109, 58, 43, 25, 28, 62, 94, 30, 34, 24, 92, 31, 23, 88, 45, 36, 95, 78, 81, 82, 98, 19, 18, 83, 107, 91, 89, 13, 77, 21, 87, 6, 100, 14, 80, 85, 11, 40, 64, 73, 17, 104, 16, 15, 101, 9, 0, 71, 37, 4, 79, 7, 27, 75, 10, 74, 12, 84, 68, 67, 76, 8, 35, 3, 20, 1, 99, 65, 96, 66, 32, 72, 2, 69, 5, 70], [63, 61, 123, 110, 56, 126, 53, 122, 46, 113, 44, 50, 111, 106, 42, 108, 127, 22, 48, 60, 117, 102, 103, 124, 57, 125, 120, 52, 59, 38, 33, 105, 86, 55, 39, 29, 97, 49, 51, 121, 119, 26, 47, 90, 112, 115, 116, 93, 54, 114, 30, 109, 118, 41, 62, 43, 94, 25, 92, 31, 24, 88, 58, 34, 28, 91, 18, 81, 45, 100, 98, 82, 23, 107, 85, 11, 14, 13, 89, 37, 17, 36, 21, 80, 19, 83, 16, 40, 87, 77, 95, 27, 79, 78, 104, 73, 101, 6, 15, 9, 75, 35, 12, 10, 76, 99, 74, 8, 20, 71, 0, 4, 84, 96, 7, 32, 68, 72, 67, 69, 1, 3, 70, 65, 5, 64, 2, 66]], "model.layers.31.self_attn.q_proj": [[40, 121, 98, 46, 18, 25, 111, 9, 30, 21, 13, 51, 15, 11, 48, 105, 49, 67, 23, 60, 55, 53, 4, 6, 58, 116, 114, 124, 72, 107, 31, 88, 115, 95, 41, 109, 22, 108, 61, 17, 37, 59, 92, 50, 45, 19, 87, 43, 127, 20, 5, 97, 1, 14, 123, 27, 126, 69, 75, 78, 81, 90, 16, 120, 102, 101, 8, 24, 112, 93, 85, 52, 26, 63, 118, 0, 7, 33, 117, 62, 122, 96, 76, 94, 74, 113, 35, 36, 54, 28, 12, 77, 79, 57, 39, 56, 82, 70, 73, 42, 89, 84, 3, 80, 32, 106, 110, 103, 83, 99, 100, 2, 125, 65, 119, 68, 38, 29, 86, 71, 44, 47, 10, 104, 91, 64, 66, 34], [40, 121, 98, 46, 9, 13, 111, 21, 25, 18, 51, 67, 15, 49, 4, 95, 11, 108, 60, 50, 48, 117, 45, 68, 107, 88, 61, 116, 37, 64, 122, 41, 30, 58, 6, 92, 1, 72, 2, 105, 43, 123, 65, 109, 55, 0, 28, 87, 42, 3, 53, 5, 126, 23, 27, 39, 127, 54, 74, 19, 101, 114, 73, 85, 14, 62, 70, 113, 22, 115, 66, 31, 63, 34, 20, 93, 16, 78, 120, 33, 118, 69, 110, 124, 36, 90, 7, 75, 52, 104, 82, 57, 80, 77, 94, 32, 29, 24, 81, 10, 103, 12, 83, 17, 79, 76, 89, 26, 59, 8, 35, 112, 38, 44, 99, 119, 84, 125, 56, 71, 86, 100, 96, 102, 106, 91, 97, 47], [40, 111, 46, 121, 98, 37, 49, 21, 25, 117, 54, 114, 18, 95, 23, 60, 11, 15, 107, 51, 61, 53, 13, 116, 105, 4, 78, 62, 16, 48, 67, 30, 9, 113, 124, 80, 24, 72, 39, 41, 123, 17, 19, 6, 1, 120, 108, 88, 42, 90, 92, 70, 83, 52, 63, 8, 109, 0, 50, 58, 20, 85, 27, 87, 55, 122, 56, 84, 26, 65, 127, 115, 45, 38, 22, 103, 59, 112, 43, 96, 125, 29, 71, 126, 75, 118, 91, 57, 100, 7, 119, 36, 102, 101, 10, 68, 33, 79, 76, 2, 14, 34, 35, 81, 44, 74, 86, 94, 12, 97, 82, 110, 32, 47, 89, 73, 104, 5, 106, 93, 31, 69, 28, 99, 77, 66, 64, 3], [40, 121, 98, 46, 117, 111, 13, 21, 18, 61, 37, 9, 25, 15, 4, 51, 48, 30, 105, 11, 122, 107, 72, 49, 58, 87, 108, 24, 6, 23, 123, 67, 116, 63, 1, 110, 90, 88, 60, 0, 124, 14, 31, 127, 101, 39, 126, 45, 32, 95, 43, 41, 27, 109, 85, 52, 26, 92, 93, 64, 80, 50, 75, 5, 97, 22, 36, 78, 55, 100, 74, 16, 57, 70, 53, 103, 89, 19, 82, 73, 102, 28, 115, 113, 120, 83, 59, 35, 38, 42, 62, 12, 118, 17, 106, 20, 2, 114, 119, 79, 76, 71, 33, 125, 81, 66, 54, 112, 8, 68, 44, 91, 7, 77, 56, 96, 86, 94, 69, 65, 99, 29, 3, 84, 10, 104, 47, 34], [117, 50, 105, 108, 123, 49, 99, 44, 97, 25, 31, 87, 120, 21, 112, 16, 93, 82, 58, 78, 34, 29, 62, 118, 48, 114, 51, 38, 30, 43, 109, 32, 90, 42, 55, 7, 106, 10, 59, 103, 36, 53, 107, 52, 12, 61, 96, 45, 33, 124, 47, 46, 60, 26, 56, 23, 35, 63, 88, 39, 95, 113, 17, 125, 77, 28, 115, 121, 54, 19, 83, 57, 24, 122, 98, 94, 84, 68, 119, 116, 104, 15, 110, 92, 11, 69, 111, 40, 102, 126, 3, 100, 20, 127, 14, 22, 91, 86, 79, 27, 101, 8, 75, 37, 71, 89, 65, 74, 81, 85, 2, 72, 18, 64, 6, 76, 66, 73, 9, 80, 70, 67, 4, 13, 1, 5, 41, 0], [105, 123, 49, 117, 31, 99, 118, 2, 114, 109, 10, 16, 7, 82, 25, 78, 64, 69, 3, 68, 65, 50, 12, 8, 21, 77, 44, 97, 87, 67, 89, 115, 58, 41, 0, 66, 4, 71, 1, 111, 23, 98, 59, 61, 93, 104, 120, 127, 72, 63, 5, 39, 56, 28, 51, 70, 42, 91, 108, 112, 24, 57, 95, 122, 20, 107, 74, 15, 36, 75, 121, 106, 14, 34, 83, 52, 86, 29, 9, 54, 6, 37, 79, 92, 84, 88, 30, 18, 27, 101, 22, 13, 73, 110, 103, 46, 80, 11, 17, 96, 62, 26, 19, 90, 119, 33, 76, 113, 43, 85, 60, 102, 45, 38, 48, 53, 81, 116, 47, 40, 55, 125, 32, 124, 94, 35, 126, 100], [105, 49, 123, 108, 31, 58, 118, 10, 25, 16, 117, 82, 99, 3, 69, 21, 8, 87, 12, 65, 78, 77, 68, 109, 94, 7, 29, 122, 114, 1, 120, 42, 5, 55, 97, 64, 4, 44, 50, 111, 43, 6, 36, 98, 115, 23, 73, 95, 33, 13, 125, 38, 2, 93, 11, 79, 48, 76, 63, 62, 66, 88, 61, 72, 89, 30, 67, 91, 47, 54, 46, 51, 27, 18, 56, 39, 32, 9, 92, 110, 90, 101, 100, 45, 112, 75, 86, 70, 113, 103, 116, 0, 127, 17, 34, 106, 74, 80, 71, 81, 14, 52, 40, 20, 104, 22, 121, 53, 60, 41, 84, 19, 83, 59, 96, 24, 107, 26, 37, 119, 15, 28, 57, 126, 85, 102, 124, 35], [118, 49, 108, 105, 58, 44, 42, 99, 21, 117, 87, 97, 94, 31, 12, 39, 25, 93, 29, 82, 104, 46, 51, 56, 52, 33, 38, 95, 43, 103, 113, 119, 107, 26, 109, 45, 73, 50, 16, 59, 115, 91, 125, 123, 111, 47, 60, 57, 112, 40, 127, 114, 20, 121, 54, 110, 77, 53, 101, 63, 37, 122, 126, 23, 61, 48, 1, 120, 124, 116, 32, 19, 102, 36, 55, 100, 96, 81, 78, 75, 4, 98, 62, 8, 85, 106, 92, 79, 34, 5, 17, 30, 70, 72, 10, 89, 9, 7, 90, 69, 35, 6, 22, 66, 76, 68, 24, 65, 28, 27, 18, 15, 3, 88, 83, 84, 13, 86, 2, 0, 41, 14, 67, 11, 80, 74, 71, 64], [40, 109, 121, 34, 59, 89, 53, 120, 17, 45, 55, 15, 86, 83, 114, 12, 29, 113, 71, 95, 28, 93, 4, 73, 94, 31, 69, 125, 67, 46, 122, 56, 106, 42, 33, 11, 92, 2, 77, 107, 61, 44, 88, 65, 108, 23, 38, 6, 58, 115, 8, 30, 50, 110, 26, 116, 0, 118, 126, 16, 99, 90, 21, 119, 87, 80, 62, 117, 20, 48, 101, 37, 49, 3, 68, 32, 85, 24, 41, 81, 84, 13, 52, 76, 19, 36, 82, 18, 1, 43, 91, 100, 112, 97, 74, 103, 78, 14, 96, 79, 35, 5, 64, 22, 75, 27, 39, 54, 57, 25, 47, 123, 63, 10, 124, 7, 127, 70, 104, 111, 51, 105, 9, 72, 102, 60, 66, 98], [40, 109, 121, 34, 15, 12, 86, 17, 73, 83, 53, 4, 89, 55, 71, 67, 59, 120, 45, 42, 92, 114, 2, 106, 95, 69, 122, 113, 0, 77, 6, 46, 29, 68, 28, 103, 56, 118, 11, 8, 33, 116, 72, 31, 18, 125, 65, 111, 37, 38, 88, 1, 61, 100, 85, 23, 108, 30, 101, 115, 64, 107, 98, 119, 20, 112, 82, 48, 3, 74, 126, 66, 70, 16, 13, 14, 81, 5, 93, 21, 84, 110, 19, 27, 94, 79, 80, 87, 96, 22, 102, 76, 58, 35, 7, 97, 25, 10, 91, 24, 36, 26, 62, 104, 75, 63, 117, 57, 47, 39, 78, 49, 41, 32, 90, 44, 9, 51, 43, 52, 127, 60, 99, 123, 105, 50, 124, 54], [40, 109, 121, 34, 89, 17, 86, 15, 55, 83, 12, 53, 45, 95, 59, 67, 122, 28, 92, 2, 29, 0, 65, 73, 69, 71, 114, 56, 4, 21, 42, 116, 6, 62, 120, 61, 125, 119, 31, 77, 46, 49, 10, 11, 93, 16, 1, 19, 26, 96, 88, 98, 36, 126, 106, 113, 118, 64, 30, 23, 57, 108, 44, 48, 101, 13, 103, 18, 123, 58, 22, 66, 37, 14, 27, 72, 76, 20, 87, 70, 80, 112, 127, 8, 115, 78, 94, 54, 68, 33, 84, 32, 81, 82, 24, 25, 7, 91, 39, 79, 90, 107, 74, 3, 85, 104, 52, 35, 5, 60, 51, 110, 75, 99, 9, 43, 100, 38, 47, 111, 97, 124, 102, 63, 117, 41, 50, 105], [121, 109, 40, 59, 34, 53, 111, 44, 114, 39, 124, 118, 116, 115, 88, 20, 61, 58, 55, 93, 117, 60, 126, 56, 62, 49, 108, 50, 72, 122, 48, 54, 63, 43, 46, 41, 57, 51, 119, 92, 127, 123, 47, 86, 125, 42, 31, 110, 105, 120, 98, 38, 52, 107, 113, 112, 45, 106, 83, 97, 89, 103, 104, 27, 36, 102, 28, 96, 26, 100, 14, 101, 32, 35, 37, 99, 10, 17, 95, 29, 33, 30, 94, 18, 85, 91, 87, 68, 23, 78, 25, 90, 13, 84, 73, 15, 4, 77, 70, 21, 74, 82, 8, 24, 6, 16, 75, 12, 80, 2, 71, 11, 19, 22, 66, 1, 64, 9, 67, 3, 81, 7, 69, 5, 76, 79, 0, 65], [107, 100, 58, 32, 21, 112, 78, 19, 61, 127, 87, 93, 115, 12, 43, 9, 114, 120, 116, 119, 16, 56, 82, 55, 42, 96, 111, 113, 25, 72, 38, 125, 54, 92, 79, 48, 29, 5, 66, 47, 88, 97, 110, 105, 57, 123, 4, 124, 35, 50, 49, 2, 18, 27, 0, 24, 63, 36, 62, 28, 53, 71, 91, 39, 77, 75, 68, 1, 86, 11, 3, 26, 69, 46, 20, 7, 15, 104, 126, 14, 95, 117, 106, 83, 73, 74, 98, 13, 23, 6, 70, 64, 41, 84, 45, 89, 67, 80, 30, 44, 99, 90, 85, 81, 10, 108, 40, 76, 59, 51, 94, 37, 31, 34, 103, 22, 65, 101, 102, 122, 8, 60, 52, 17, 109, 33, 121, 118], [107, 58, 100, 63, 127, 32, 112, 25, 56, 61, 47, 39, 115, 114, 116, 79, 21, 105, 113, 54, 108, 104, 96, 19, 119, 87, 42, 55, 120, 126, 93, 45, 43, 50, 41, 110, 125, 35, 106, 17, 122, 82, 111, 57, 97, 20, 44, 118, 60, 52, 48, 88, 123, 30, 124, 117, 49, 59, 16, 53, 38, 27, 46, 109, 62, 36, 74, 91, 78, 33, 51, 5, 121, 102, 101, 28, 24, 103, 40, 71, 75, 92, 99, 89, 31, 11, 37, 86, 94, 90, 72, 95, 12, 26, 98, 34, 15, 22, 9, 23, 84, 10, 14, 13, 77, 81, 18, 65, 29, 85, 70, 6, 3, 67, 66, 7, 83, 80, 69, 0, 68, 1, 8, 76, 4, 64, 2, 73], [43, 93, 58, 2, 68, 65, 107, 67, 0, 39, 87, 12, 70, 9, 69, 78, 64, 1, 21, 25, 63, 72, 96, 10, 16, 66, 110, 19, 112, 103, 100, 8, 61, 114, 97, 56, 7, 32, 37, 73, 29, 79, 5, 75, 55, 82, 120, 116, 14, 38, 20, 17, 49, 44, 91, 42, 3, 80, 57, 115, 113, 51, 109, 119, 101, 45, 74, 4, 104, 23, 40, 85, 28, 125, 98, 33, 127, 124, 47, 46, 31, 6, 53, 105, 59, 99, 48, 71, 35, 83, 11, 24, 121, 15, 26, 84, 106, 81, 60, 77, 86, 22, 89, 108, 123, 34, 95, 18, 30, 13, 76, 27, 92, 126, 118, 88, 50, 90, 41, 54, 94, 122, 36, 52, 111, 102, 62, 117], [107, 100, 58, 127, 112, 32, 12, 19, 78, 61, 25, 16, 9, 82, 119, 114, 21, 87, 43, 93, 113, 115, 54, 120, 66, 56, 0, 55, 125, 39, 49, 4, 38, 42, 105, 29, 116, 72, 97, 111, 68, 27, 63, 5, 81, 110, 96, 47, 69, 48, 124, 62, 51, 6, 71, 57, 35, 10, 92, 123, 3, 83, 28, 91, 44, 84, 126, 95, 79, 76, 7, 89, 23, 98, 75, 20, 18, 64, 88, 80, 90, 37, 101, 106, 22, 8, 52, 15, 85, 30, 73, 67, 50, 103, 59, 117, 11, 74, 70, 53, 118, 2, 13, 31, 14, 34, 1, 45, 109, 24, 46, 65, 77, 94, 33, 86, 108, 26, 104, 99, 41, 40, 60, 17, 122, 121, 102, 36], [55, 58, 115, 50, 52, 39, 122, 62, 63, 59, 121, 106, 34, 54, 103, 53, 47, 48, 95, 120, 119, 118, 117, 124, 56, 126, 113, 107, 127, 123, 49, 105, 96, 111, 116, 51, 112, 93, 42, 61, 84, 46, 109, 60, 114, 57, 44, 125, 43, 110, 45, 102, 91, 27, 22, 108, 38, 29, 99, 86, 41, 104, 76, 97, 24, 89, 30, 35, 40, 37, 82, 33, 32, 101, 100, 25, 36, 92, 16, 18, 10, 8, 20, 88, 31, 98, 94, 90, 28, 65, 21, 85, 23, 81, 15, 74, 14, 87, 80, 26, 4, 12, 78, 3, 17, 11, 1, 72, 5, 19, 2, 77, 68, 71, 79, 83, 6, 69, 73, 70, 64, 67, 66, 0, 75, 13, 9, 7], [50, 58, 39, 62, 52, 34, 122, 55, 45, 120, 118, 115, 106, 24, 108, 105, 81, 47, 64, 51, 126, 63, 71, 124, 93, 84, 103, 56, 109, 95, 113, 59, 96, 44, 53, 125, 117, 57, 27, 119, 54, 25, 48, 5, 112, 116, 111, 38, 42, 99, 127, 60, 91, 49, 22, 121, 114, 3, 86, 30, 2, 32, 61, 0, 20, 82, 123, 104, 35, 4, 46, 73, 98, 107, 43, 41, 110, 77, 66, 65, 101, 6, 15, 31, 76, 102, 14, 97, 28, 40, 88, 29, 67, 10, 37, 92, 21, 83, 18, 36, 26, 87, 8, 80, 89, 33, 100, 23, 78, 16, 85, 11, 94, 90, 12, 7, 69, 70, 79, 68, 74, 17, 72, 13, 9, 1, 19, 75], [58, 50, 115, 39, 34, 83, 77, 15, 2, 73, 11, 3, 71, 109, 24, 27, 6, 0, 81, 64, 122, 93, 79, 1, 51, 52, 85, 44, 68, 4, 22, 20, 67, 45, 113, 82, 9, 54, 99, 5, 25, 26, 66, 72, 8, 80, 106, 111, 65, 56, 19, 88, 114, 7, 12, 95, 116, 13, 78, 62, 104, 59, 63, 107, 21, 35, 89, 75, 10, 17, 119, 105, 70, 98, 74, 69, 28, 30, 32, 18, 61, 29, 76, 33, 14, 120, 91, 117, 118, 86, 41, 57, 92, 46, 127, 87, 16, 96, 126, 108, 31, 43, 23, 97, 94, 90, 38, 36, 103, 100, 102, 101, 37, 53, 110, 84, 124, 121, 47, 49, 125, 55, 40, 48, 123, 60, 112, 42], [58, 115, 62, 39, 55, 52, 122, 106, 34, 108, 107, 53, 120, 61, 63, 103, 105, 95, 118, 47, 54, 124, 59, 109, 49, 91, 117, 60, 57, 119, 48, 114, 112, 111, 93, 96, 99, 121, 84, 126, 46, 45, 116, 127, 123, 125, 41, 104, 51, 110, 42, 43, 19, 56, 22, 113, 44, 24, 33, 86, 7, 40, 38, 71, 32, 102, 101, 76, 25, 82, 97, 87, 37, 27, 16, 29, 35, 10, 100, 36, 83, 94, 50, 31, 98, 21, 30, 18, 90, 92, 20, 81, 11, 23, 78, 28, 89, 26, 75, 88, 74, 85, 15, 5, 14, 64, 8, 4, 80, 67, 0, 3, 69, 1, 12, 65, 66, 17, 68, 2, 79, 73, 77, 72, 6, 13, 9, 70], [122, 104, 105, 126, 53, 112, 51, 110, 118, 123, 55, 119, 57, 111, 124, 120, 114, 117, 59, 121, 125, 63, 116, 115, 61, 49, 34, 54, 113, 106, 60, 89, 32, 86, 50, 31, 62, 48, 46, 58, 56, 127, 44, 52, 45, 109, 91, 33, 98, 47, 107, 43, 25, 108, 95, 73, 41, 40, 20, 82, 93, 42, 75, 22, 83, 81, 103, 23, 19, 88, 39, 96, 101, 37, 87, 102, 92, 99, 36, 11, 90, 38, 29, 100, 27, 26, 35, 21, 72, 97, 84, 17, 94, 13, 30, 18, 14, 24, 16, 28, 78, 76, 85, 6, 80, 8, 77, 9, 68, 4, 10, 70, 79, 5, 12, 71, 67, 3, 74, 69, 15, 7, 65, 2, 64, 0, 66, 1], [55, 122, 104, 105, 127, 119, 121, 114, 62, 60, 118, 117, 112, 110, 57, 51, 63, 111, 49, 124, 34, 56, 116, 123, 61, 31, 125, 113, 59, 44, 86, 47, 120, 48, 115, 108, 54, 58, 33, 89, 106, 45, 46, 50, 52, 53, 126, 109, 98, 107, 91, 41, 43, 81, 42, 95, 88, 40, 87, 23, 103, 83, 27, 101, 32, 37, 25, 29, 92, 19, 93, 90, 39, 20, 30, 96, 22, 99, 38, 102, 36, 18, 82, 100, 94, 80, 26, 35, 97, 75, 15, 17, 28, 24, 85, 69, 12, 77, 76, 78, 84, 21, 13, 6, 14, 3, 10, 16, 71, 79, 8, 5, 70, 4, 72, 11, 9, 65, 67, 74, 68, 73, 2, 7, 64, 66, 0, 1], [55, 122, 104, 105, 126, 41, 88, 18, 20, 80, 79, 10, 31, 60, 98, 15, 85, 78, 114, 76, 121, 29, 86, 75, 34, 69, 12, 33, 93, 91, 118, 8, 47, 53, 123, 89, 27, 62, 110, 13, 120, 71, 59, 119, 63, 3, 116, 108, 57, 113, 51, 124, 56, 28, 44, 96, 97, 127, 74, 49, 43, 112, 87, 16, 106, 83, 115, 111, 54, 50, 117, 5, 26, 61, 25, 58, 94, 24, 125, 95, 46, 21, 48, 52, 72, 45, 42, 90, 82, 84, 109, 107, 14, 92, 23, 9, 39, 30, 100, 19, 32, 77, 101, 22, 73, 102, 36, 37, 81, 99, 35, 11, 17, 38, 70, 103, 7, 2, 6, 4, 40, 68, 67, 66, 65, 64, 1, 0], [122, 55, 104, 64, 71, 2, 126, 79, 4, 10, 1, 3, 73, 105, 78, 18, 8, 76, 20, 80, 77, 75, 9, 31, 69, 86, 7, 93, 51, 98, 68, 81, 88, 6, 27, 85, 121, 5, 66, 65, 107, 119, 70, 16, 23, 67, 114, 0, 84, 37, 74, 63, 11, 59, 97, 82, 106, 17, 15, 33, 120, 91, 118, 127, 21, 14, 57, 52, 41, 49, 12, 53, 87, 34, 95, 39, 72, 13, 110, 100, 89, 24, 47, 83, 29, 101, 46, 32, 25, 117, 112, 19, 56, 44, 28, 60, 111, 103, 99, 90, 26, 22, 58, 50, 124, 45, 125, 30, 96, 102, 92, 123, 94, 109, 36, 43, 113, 35, 40, 108, 38, 42, 48, 115, 116, 54, 61, 62], [103, 126, 98, 9, 14, 4, 21, 17, 71, 95, 64, 75, 67, 115, 27, 24, 88, 1, 109, 63, 48, 44, 62, 61, 16, 70, 118, 104, 114, 116, 31, 124, 45, 90, 122, 106, 3, 19, 5, 99, 105, 127, 6, 65, 56, 12, 46, 32, 37, 91, 53, 50, 113, 13, 66, 47, 100, 93, 22, 57, 81, 23, 20, 78, 15, 87, 0, 74, 92, 51, 69, 123, 72, 7, 41, 76, 73, 34, 10, 83, 11, 85, 112, 68, 49, 2, 79, 94, 125, 55, 58, 40, 89, 8, 77, 117, 26, 35, 121, 33, 80, 107, 119, 25, 82, 38, 52, 86, 42, 84, 54, 101, 97, 30, 36, 29, 28, 18, 110, 59, 39, 60, 96, 43, 102, 108, 111, 120], [103, 126, 98, 17, 65, 75, 14, 9, 71, 21, 4, 3, 61, 48, 88, 95, 109, 69, 0, 115, 44, 41, 5, 24, 27, 106, 124, 63, 118, 70, 62, 105, 114, 112, 12, 16, 122, 1, 31, 64, 45, 13, 50, 127, 91, 113, 19, 76, 56, 99, 46, 47, 90, 68, 81, 66, 84, 85, 86, 57, 116, 110, 78, 123, 55, 104, 23, 80, 77, 117, 96, 92, 18, 15, 100, 37, 20, 29, 42, 73, 67, 6, 82, 87, 72, 33, 53, 74, 107, 120, 34, 7, 119, 43, 54, 11, 32, 58, 26, 121, 89, 30, 83, 94, 93, 49, 51, 36, 102, 97, 38, 25, 79, 40, 35, 2, 22, 125, 10, 8, 28, 108, 52, 101, 111, 59, 60, 39], [103, 126, 98, 61, 95, 21, 88, 17, 27, 124, 44, 14, 109, 63, 91, 48, 113, 75, 115, 9, 104, 31, 122, 105, 77, 71, 90, 39, 50, 24, 83, 100, 127, 12, 4, 47, 37, 41, 114, 116, 53, 45, 19, 99, 36, 42, 57, 107, 87, 56, 33, 121, 93, 62, 94, 74, 51, 72, 13, 32, 70, 35, 29, 106, 119, 38, 112, 10, 123, 67, 1, 108, 40, 118, 84, 96, 97, 79, 20, 52, 110, 85, 26, 28, 5, 58, 54, 80, 76, 86, 46, 25, 55, 111, 73, 15, 69, 18, 22, 59, 125, 102, 64, 43, 117, 16, 101, 30, 81, 78, 23, 82, 8, 49, 89, 120, 92, 60, 6, 34, 11, 2, 3, 7, 68, 0, 66, 65], [126, 103, 41, 98, 61, 95, 118, 51, 112, 127, 119, 109, 54, 110, 91, 124, 27, 116, 62, 57, 88, 21, 53, 48, 29, 44, 39, 106, 122, 113, 105, 104, 46, 31, 114, 55, 63, 37, 42, 45, 47, 58, 50, 56, 92, 108, 22, 17, 115, 121, 14, 16, 100, 59, 60, 111, 117, 90, 123, 19, 43, 49, 120, 125, 52, 107, 94, 9, 84, 15, 75, 36, 102, 33, 38, 99, 30, 101, 40, 89, 35, 93, 24, 18, 32, 8, 83, 82, 96, 71, 85, 3, 23, 97, 5, 72, 4, 86, 13, 77, 20, 87, 25, 76, 28, 10, 26, 12, 80, 2, 65, 34, 74, 79, 69, 78, 66, 70, 1, 6, 67, 81, 0, 64, 68, 11, 73, 7], [58, 104, 56, 34, 80, 52, 84, 26, 42, 109, 12, 9, 82, 31, 28, 24, 35, 64, 70, 37, 103, 96, 11, 6, 94, 36, 66, 95, 49, 60, 114, 2, 87, 126, 76, 92, 7, 20, 73, 47, 115, 23, 14, 86, 113, 21, 51, 16, 97, 53, 22, 85, 10, 48, 41, 107, 38, 127, 27, 91, 93, 4, 106, 67, 111, 77, 30, 74, 0, 122, 54, 68, 121, 108, 59, 17, 18, 19, 45, 15, 13, 29, 75, 90, 124, 125, 102, 120, 83, 110, 118, 8, 88, 63, 116, 40, 46, 55, 50, 123, 43, 61, 101, 3, 65, 39, 69, 98, 89, 105, 79, 72, 32, 71, 119, 81, 57, 99, 33, 112, 62, 1, 44, 78, 100, 25, 5, 117], [56, 52, 104, 58, 107, 37, 34, 31, 109, 48, 21, 85, 55, 120, 95, 87, 112, 114, 126, 63, 40, 26, 111, 41, 113, 121, 47, 36, 54, 116, 60, 125, 28, 42, 124, 59, 50, 110, 92, 123, 61, 118, 62, 83, 108, 91, 49, 14, 119, 24, 115, 43, 45, 44, 53, 127, 74, 51, 46, 84, 94, 106, 105, 66, 7, 80, 0, 38, 39, 99, 67, 11, 103, 57, 64, 23, 35, 101, 25, 19, 102, 122, 88, 17, 6, 98, 81, 96, 27, 79, 32, 86, 13, 10, 15, 117, 30, 90, 100, 8, 93, 33, 78, 4, 97, 82, 29, 3, 72, 12, 68, 89, 2, 5, 1, 22, 77, 75, 65, 70, 9, 16, 69, 18, 71, 20, 73, 76], [58, 104, 37, 109, 107, 53, 127, 34, 126, 57, 50, 31, 120, 60, 121, 41, 63, 59, 114, 115, 118, 54, 48, 123, 113, 116, 108, 111, 110, 52, 49, 21, 61, 119, 51, 112, 95, 45, 55, 47, 44, 103, 46, 106, 40, 43, 124, 105, 87, 26, 39, 36, 62, 125, 92, 42, 117, 77, 17, 96, 28, 122, 56, 82, 97, 102, 38, 24, 18, 35, 15, 30, 85, 32, 83, 90, 86, 99, 69, 94, 33, 101, 25, 100, 65, 98, 27, 79, 74, 89, 84, 23, 13, 29, 80, 88, 93, 4, 72, 7, 67, 14, 91, 1, 5, 19, 81, 6, 64, 66, 12, 3, 10, 22, 11, 8, 71, 9, 20, 78, 68, 75, 70, 0, 2, 16, 76, 73], [104, 58, 34, 56, 31, 126, 26, 28, 47, 52, 23, 127, 84, 92, 41, 82, 83, 122, 38, 87, 103, 80, 115, 94, 35, 114, 48, 109, 14, 53, 54, 95, 90, 12, 20, 50, 125, 36, 71, 42, 86, 27, 101, 113, 7, 44, 74, 32, 102, 118, 119, 37, 96, 121, 60, 97, 30, 88, 111, 106, 62, 55, 24, 59, 29, 1, 124, 18, 57, 78, 99, 112, 45, 22, 105, 93, 9, 63, 117, 116, 120, 25, 33, 51, 123, 6, 49, 3, 110, 89, 19, 100, 85, 43, 21, 17, 81, 98, 108, 39, 16, 5, 46, 61, 91, 72, 76, 11, 77, 10, 69, 8, 15, 40, 107, 13, 68, 79, 73, 65, 4, 67, 0, 75, 66, 70, 2, 64]], "model.layers.31.self_attn.k_proj": [[104, 121, 34, 25, 47, 1, 72, 6, 21, 110, 51, 0, 15, 11, 13, 18, 112, 113, 4, 9, 64, 60, 44, 41, 111, 31, 87, 54, 30, 116, 66, 45, 107, 114, 67, 120, 123, 19, 10, 105, 109, 117, 53, 80, 58, 71, 92, 61, 98, 57, 17, 62, 23, 124, 55, 27, 42, 14, 22, 103, 63, 56, 3, 7, 65, 102, 69, 5, 84, 115, 16, 78, 50, 106, 49, 46, 43, 90, 122, 28, 100, 101, 119, 94, 99, 91, 125, 24, 79, 93, 52, 59, 26, 36, 33, 118, 81, 76, 97, 108, 96, 88, 68, 74, 83, 75, 12, 39, 95, 126, 8, 32, 89, 38, 70, 48, 29, 127, 37, 40, 35, 86, 20, 82, 2, 73, 77, 85], [41, 49, 123, 117, 64, 50, 113, 25, 87, 95, 44, 53, 93, 7, 65, 33, 35, 82, 69, 16, 21, 3, 45, 108, 10, 118, 8, 77, 54, 78, 12, 121, 68, 66, 127, 63, 115, 43, 120, 58, 47, 83, 106, 91, 42, 57, 111, 2, 0, 99, 110, 36, 124, 11, 55, 109, 94, 97, 125, 112, 102, 116, 61, 107, 101, 59, 37, 31, 32, 51, 119, 19, 126, 62, 6, 60, 52, 100, 84, 40, 34, 46, 39, 114, 98, 26, 9, 15, 122, 24, 38, 105, 103, 70, 28, 88, 22, 56, 73, 48, 27, 29, 5, 89, 86, 104, 75, 17, 30, 13, 96, 79, 90, 85, 76, 92, 20, 1, 81, 14, 4, 67, 80, 23, 18, 72, 71, 74], [104, 121, 45, 98, 109, 0, 86, 65, 83, 89, 15, 67, 73, 56, 6, 17, 69, 50, 12, 53, 120, 93, 114, 55, 92, 61, 125, 110, 59, 31, 49, 71, 118, 2, 62, 58, 116, 126, 124, 11, 26, 57, 52, 88, 37, 123, 119, 47, 122, 48, 42, 108, 106, 30, 111, 54, 100, 51, 43, 115, 113, 77, 105, 102, 4, 127, 63, 60, 112, 97, 44, 29, 117, 103, 66, 28, 85, 7, 107, 64, 46, 20, 27, 33, 16, 90, 23, 41, 13, 101, 99, 96, 39, 38, 21, 95, 32, 18, 36, 74, 94, 91, 76, 68, 10, 35, 75, 70, 25, 82, 87, 72, 3, 80, 81, 24, 84, 14, 22, 19, 78, 79, 5, 9, 1, 8, 34, 40], [43, 93, 96, 48, 87, 16, 12, 127, 61, 78, 9, 36, 49, 19, 21, 66, 51, 0, 25, 119, 68, 58, 82, 65, 39, 5, 114, 54, 72, 50, 111, 10, 79, 3, 47, 56, 8, 106, 110, 120, 75, 116, 70, 105, 53, 107, 4, 33, 6, 63, 20, 55, 115, 108, 125, 44, 71, 32, 35, 91, 46, 17, 62, 27, 76, 126, 37, 123, 31, 102, 24, 97, 42, 57, 118, 121, 117, 98, 40, 7, 26, 18, 52, 113, 1, 59, 73, 11, 99, 88, 109, 122, 34, 41, 92, 60, 64, 74, 112, 124, 2, 45, 101, 95, 67, 103, 38, 94, 104, 13, 29, 89, 30, 77, 80, 86, 22, 83, 90, 28, 81, 84, 23, 15, 14, 100, 85, 69], [103, 58, 98, 115, 50, 45, 77, 83, 73, 81, 91, 114, 6, 11, 15, 24, 108, 29, 25, 99, 27, 4, 64, 106, 2, 31, 65, 30, 71, 127, 3, 95, 110, 28, 82, 54, 117, 57, 113, 35, 63, 107, 93, 96, 105, 49, 42, 90, 88, 84, 125, 22, 111, 119, 120, 43, 48, 126, 53, 59, 60, 118, 124, 102, 51, 46, 47, 39, 21, 68, 123, 26, 112, 122, 61, 14, 109, 5, 44, 41, 40, 52, 97, 80, 23, 69, 87, 86, 85, 37, 56, 33, 100, 116, 38, 8, 36, 101, 34, 92, 104, 94, 89, 62, 79, 55, 74, 121, 12, 16, 32, 70, 17, 10, 76, 66, 19, 20, 78, 18, 72, 67, 1, 13, 75, 7, 9, 0], [40, 126, 122, 95, 55, 34, 91, 86, 20, 29, 65, 88, 64, 33, 23, 2, 119, 41, 82, 89, 107, 114, 113, 98, 63, 127, 115, 4, 110, 121, 1, 61, 71, 118, 106, 75, 18, 78, 42, 73, 0, 49, 125, 80, 79, 103, 51, 117, 116, 59, 62, 124, 97, 47, 56, 45, 36, 85, 123, 52, 43, 48, 108, 46, 50, 68, 60, 76, 54, 111, 10, 57, 101, 109, 22, 44, 58, 81, 112, 25, 120, 7, 93, 13, 77, 8, 92, 53, 37, 90, 83, 102, 30, 39, 32, 38, 67, 17, 96, 19, 74, 3, 21, 100, 14, 99, 69, 105, 35, 28, 94, 72, 5, 24, 6, 27, 66, 26, 12, 70, 15, 87, 16, 84, 9, 31, 11, 104], [126, 34, 39, 64, 17, 88, 21, 75, 9, 71, 14, 31, 4, 112, 3, 63, 108, 45, 114, 1, 27, 124, 70, 105, 115, 65, 103, 12, 109, 111, 49, 61, 5, 106, 2, 36, 51, 91, 58, 16, 53, 46, 18, 116, 118, 122, 95, 127, 69, 24, 94, 104, 55, 41, 54, 76, 42, 50, 113, 35, 90, 107, 13, 19, 96, 62, 22, 32, 20, 40, 48, 79, 125, 57, 110, 83, 87, 59, 99, 102, 60, 119, 89, 52, 92, 26, 100, 123, 117, 47, 67, 77, 29, 93, 86, 25, 23, 38, 97, 30, 10, 28, 101, 56, 72, 66, 84, 43, 15, 37, 120, 82, 33, 121, 8, 80, 44, 98, 74, 68, 0, 78, 7, 81, 11, 73, 6, 85], [40, 58, 56, 98, 95, 87, 92, 52, 90, 26, 30, 101, 84, 32, 6, 66, 45, 80, 11, 64, 21, 41, 106, 18, 51, 28, 9, 54, 82, 60, 48, 59, 126, 112, 118, 100, 61, 12, 25, 79, 116, 88, 125, 122, 63, 110, 111, 113, 78, 39, 3, 8, 62, 127, 20, 43, 74, 119, 49, 114, 13, 72, 29, 47, 24, 50, 121, 108, 46, 97, 16, 76, 17, 124, 53, 123, 44, 104, 120, 109, 89, 115, 55, 102, 105, 27, 96, 57, 14, 1, 38, 4, 91, 73, 7, 117, 85, 65, 10, 94, 77, 22, 33, 83, 15, 42, 0, 93, 36, 103, 35, 19, 99, 37, 75, 5, 86, 81, 23, 107, 67, 70, 69, 68, 71, 2, 31, 34]], "model.layers.31.self_attn.qk_proj": [[121, 126, 58, 43, 122, 49, 109, 50, 55, 115, 123, 103, 56, 104, 117, 45, 93, 89, 40, 61, 98, 105, 85, 21, 107, 25, 127, 23, 34, 41, 51, 114, 64, 118, 39, 95, 111, 0, 31, 53, 73, 9, 48, 108, 52, 4, 29, 87, 78, 27, 82, 12, 14, 44, 120, 24, 113, 28, 54, 16, 65, 79, 15, 76, 18, 81, 68, 66, 88, 80, 112, 63, 116, 17, 124, 83, 71, 2, 75, 7, 67, 119, 3, 19, 1, 110, 11, 60, 22, 5, 106, 62, 59, 46, 47, 6, 96, 13, 8, 99, 32, 72, 77, 125, 69, 42, 70, 91, 57, 26, 74, 86, 30, 36, 100, 20, 10, 37, 84, 97, 33, 90, 35, 101, 102, 94, 38, 92], [121, 58, 126, 43, 122, 49, 109, 50, 55, 115, 56, 103, 123, 117, 104, 45, 93, 89, 61, 98, 85, 107, 21, 105, 40, 118, 25, 127, 51, 23, 34, 41, 114, 111, 64, 0, 31, 39, 9, 29, 95, 52, 73, 27, 68, 108, 87, 76, 124, 48, 112, 12, 54, 53, 4, 113, 28, 78, 80, 88, 15, 18, 82, 81, 116, 1, 65, 66, 120, 24, 16, 2, 14, 67, 7, 83, 6, 71, 79, 11, 110, 119, 75, 44, 63, 17, 19, 72, 106, 3, 47, 46, 60, 22, 99, 59, 13, 5, 77, 62, 32, 69, 125, 96, 42, 57, 8, 74, 91, 86, 84, 70, 26, 37, 30, 20, 97, 10, 36, 100, 90, 94, 33, 35, 38, 102, 101, 92], [121, 58, 126, 43, 122, 109, 49, 50, 55, 115, 56, 123, 103, 117, 45, 104, 98, 21, 89, 93, 105, 107, 40, 61, 85, 51, 114, 25, 34, 41, 0, 64, 127, 118, 108, 111, 23, 95, 39, 31, 53, 9, 68, 87, 73, 52, 12, 27, 48, 82, 63, 15, 29, 14, 28, 124, 78, 4, 116, 24, 88, 120, 112, 44, 54, 76, 113, 18, 2, 80, 16, 1, 81, 66, 6, 65, 7, 79, 110, 72, 17, 83, 67, 3, 60, 19, 75, 119, 11, 71, 46, 59, 69, 106, 47, 99, 22, 5, 62, 77, 32, 13, 96, 125, 42, 91, 86, 100, 57, 20, 84, 37, 70, 26, 33, 10, 36, 97, 30, 74, 8, 35, 94, 90, 102, 101, 92, 38], [121, 126, 58, 43, 122, 49, 109, 55, 50, 115, 56, 123, 103, 104, 117, 45, 105, 89, 21, 107, 98, 93, 61, 40, 118, 85, 51, 41, 34, 25, 23, 127, 31, 0, 64, 52, 114, 108, 73, 39, 111, 95, 68, 29, 9, 113, 53, 116, 16, 54, 27, 124, 28, 78, 87, 12, 4, 76, 14, 24, 80, 120, 66, 79, 15, 88, 1, 112, 81, 72, 82, 65, 44, 48, 18, 63, 71, 83, 7, 2, 67, 6, 46, 3, 110, 106, 59, 17, 60, 19, 75, 11, 42, 69, 13, 32, 47, 99, 5, 125, 77, 26, 22, 57, 119, 62, 84, 74, 91, 96, 33, 20, 86, 10, 100, 94, 90, 37, 70, 36, 8, 30, 97, 102, 101, 35, 38, 92], [121, 126, 58, 43, 122, 49, 109, 50, 55, 115, 56, 123, 104, 103, 117, 45, 21, 93, 98, 105, 40, 107, 25, 89, 41, 61, 23, 118, 85, 127, 51, 34, 0, 73, 111, 114, 31, 9, 64, 39, 53, 108, 52, 95, 68, 12, 78, 24, 120, 15, 4, 113, 65, 82, 16, 79, 116, 124, 14, 48, 29, 27, 54, 87, 80, 44, 81, 72, 67, 2, 3, 76, 63, 83, 28, 71, 1, 7, 66, 18, 112, 47, 75, 17, 11, 46, 88, 119, 106, 19, 5, 60, 42, 13, 6, 69, 110, 77, 26, 59, 99, 22, 62, 57, 70, 125, 96, 32, 33, 86, 84, 10, 30, 20, 100, 91, 37, 8, 74, 97, 36, 102, 94, 90, 92, 38, 35, 101], [121, 126, 58, 43, 49, 122, 109, 50, 55, 115, 56, 123, 104, 103, 45, 117, 98, 93, 21, 61, 41, 89, 105, 40, 107, 23, 25, 0, 85, 127, 64, 114, 31, 39, 51, 118, 34, 73, 111, 9, 108, 95, 27, 53, 15, 16, 79, 80, 4, 87, 113, 24, 52, 120, 82, 78, 76, 68, 1, 12, 14, 119, 83, 48, 54, 66, 18, 65, 116, 17, 7, 112, 29, 75, 88, 44, 2, 28, 71, 72, 81, 67, 63, 11, 106, 5, 99, 3, 59, 124, 46, 19, 60, 110, 13, 47, 69, 77, 22, 70, 42, 26, 96, 125, 6, 32, 62, 20, 84, 86, 57, 10, 91, 33, 30, 37, 36, 100, 74, 8, 101, 97, 94, 102, 90, 35, 38, 92], [121, 126, 58, 43, 122, 49, 55, 109, 50, 115, 123, 56, 93, 104, 103, 117, 45, 21, 89, 98, 61, 107, 105, 40, 25, 41, 85, 23, 127, 114, 34, 108, 118, 39, 51, 0, 9, 31, 64, 73, 53, 95, 27, 111, 113, 79, 14, 29, 4, 24, 15, 82, 78, 52, 12, 76, 16, 44, 88, 68, 48, 18, 54, 87, 17, 80, 116, 81, 11, 65, 75, 63, 112, 120, 19, 28, 1, 119, 7, 66, 124, 71, 110, 83, 3, 72, 70, 106, 67, 2, 13, 96, 22, 125, 42, 59, 77, 30, 5, 47, 62, 99, 57, 69, 60, 26, 46, 32, 86, 20, 33, 8, 84, 97, 6, 37, 10, 36, 100, 91, 74, 90, 101, 38, 94, 102, 35, 92], [121, 58, 126, 43, 122, 49, 109, 50, 55, 115, 123, 56, 117, 103, 104, 45, 93, 98, 21, 89, 61, 40, 85, 105, 41, 107, 25, 114, 108, 23, 34, 118, 51, 127, 0, 64, 39, 111, 9, 95, 53, 31, 73, 29, 27, 24, 113, 124, 82, 4, 14, 79, 44, 48, 76, 68, 52, 18, 112, 12, 16, 28, 87, 116, 120, 66, 15, 54, 80, 63, 78, 81, 1, 7, 119, 75, 65, 3, 83, 71, 88, 70, 17, 2, 19, 11, 60, 67, 59, 106, 47, 110, 22, 13, 72, 77, 99, 125, 46, 5, 96, 57, 42, 32, 26, 30, 69, 6, 91, 8, 36, 86, 62, 37, 84, 10, 74, 97, 20, 33, 101, 90, 100, 94, 38, 102, 35, 92], [121, 126, 58, 43, 122, 49, 50, 109, 55, 115, 56, 103, 123, 45, 117, 93, 104, 40, 85, 21, 89, 98, 105, 41, 61, 107, 25, 23, 114, 34, 51, 108, 111, 39, 127, 9, 95, 29, 31, 118, 73, 27, 113, 53, 52, 4, 64, 87, 0, 12, 24, 124, 44, 16, 48, 82, 76, 63, 78, 116, 18, 17, 88, 112, 120, 28, 68, 119, 60, 54, 15, 79, 14, 80, 81, 83, 65, 110, 19, 11, 7, 1, 46, 59, 75, 70, 106, 71, 3, 32, 42, 2, 66, 67, 125, 77, 47, 26, 13, 96, 99, 57, 91, 72, 22, 8, 62, 5, 86, 30, 97, 6, 74, 20, 69, 84, 37, 10, 36, 33, 94, 90, 100, 101, 35, 102, 92, 38], [121, 58, 126, 43, 122, 49, 109, 50, 55, 115, 56, 123, 103, 45, 117, 93, 104, 98, 89, 105, 61, 40, 21, 107, 41, 25, 118, 64, 0, 34, 51, 114, 85, 95, 39, 127, 53, 23, 9, 108, 31, 73, 27, 111, 112, 87, 68, 29, 113, 52, 120, 15, 78, 12, 24, 4, 44, 80, 48, 88, 16, 2, 14, 110, 82, 3, 67, 7, 116, 71, 63, 1, 65, 76, 28, 54, 66, 81, 18, 11, 106, 79, 83, 60, 75, 124, 17, 119, 19, 70, 46, 59, 8, 99, 13, 32, 42, 6, 47, 5, 77, 69, 22, 62, 125, 57, 72, 30, 20, 26, 91, 74, 86, 96, 84, 10, 97, 37, 36, 94, 90, 100, 33, 101, 35, 38, 102, 92], [121, 58, 126, 43, 122, 55, 49, 109, 50, 115, 56, 123, 103, 104, 117, 45, 93, 98, 21, 105, 61, 41, 89, 0, 40, 107, 127, 23, 118, 64, 34, 25, 51, 114, 9, 73, 85, 39, 31, 108, 52, 95, 111, 4, 16, 78, 15, 12, 113, 87, 14, 76, 80, 24, 124, 68, 27, 44, 53, 79, 1, 82, 120, 29, 65, 67, 83, 8, 116, 54, 88, 48, 18, 71, 7, 63, 11, 28, 2, 66, 3, 75, 60, 81, 5, 17, 110, 46, 19, 106, 112, 13, 70, 119, 59, 42, 6, 32, 77, 99, 69, 62, 22, 57, 86, 26, 47, 91, 125, 84, 74, 10, 20, 97, 96, 33, 72, 37, 100, 30, 36, 94, 90, 35, 102, 101, 92, 38], [121, 126, 58, 43, 122, 49, 109, 55, 50, 115, 56, 123, 103, 104, 117, 45, 93, 89, 21, 98, 85, 105, 61, 107, 40, 41, 25, 51, 118, 23, 114, 127, 34, 95, 0, 73, 64, 39, 31, 9, 111, 108, 53, 113, 27, 29, 12, 52, 28, 24, 44, 78, 124, 14, 87, 16, 4, 82, 15, 79, 80, 68, 65, 76, 54, 48, 1, 11, 81, 18, 120, 88, 116, 8, 63, 2, 17, 71, 75, 7, 83, 110, 6, 112, 119, 66, 46, 67, 13, 19, 60, 3, 42, 77, 57, 59, 32, 47, 99, 106, 5, 26, 69, 22, 125, 91, 86, 20, 96, 62, 70, 100, 84, 97, 74, 37, 30, 72, 33, 10, 36, 102, 90, 101, 94, 38, 35, 92], [121, 126, 58, 43, 122, 49, 109, 50, 55, 115, 56, 123, 103, 117, 45, 104, 93, 89, 98, 40, 21, 107, 25, 61, 105, 85, 95, 51, 41, 127, 114, 118, 39, 34, 108, 29, 23, 111, 27, 31, 53, 64, 112, 73, 113, 0, 87, 9, 44, 119, 76, 28, 4, 78, 82, 54, 24, 79, 120, 18, 80, 14, 71, 16, 52, 68, 15, 12, 48, 17, 124, 2, 88, 8, 1, 65, 63, 19, 6, 11, 7, 81, 110, 67, 83, 75, 116, 3, 60, 59, 106, 66, 47, 46, 32, 22, 125, 13, 42, 77, 57, 99, 30, 69, 96, 5, 26, 84, 97, 70, 91, 10, 86, 74, 36, 62, 20, 100, 37, 33, 90, 72, 94, 38, 35, 101, 102, 92], [121, 126, 58, 43, 122, 49, 109, 50, 55, 115, 56, 123, 104, 103, 117, 45, 93, 21, 89, 98, 61, 64, 40, 105, 107, 51, 127, 34, 0, 25, 41, 118, 85, 31, 73, 114, 95, 23, 39, 9, 52, 111, 4, 53, 108, 29, 113, 76, 87, 27, 78, 16, 1, 28, 82, 44, 71, 48, 8, 12, 24, 68, 18, 67, 112, 110, 81, 3, 120, 88, 65, 14, 116, 80, 15, 2, 11, 6, 60, 79, 66, 83, 54, 63, 19, 7, 106, 124, 75, 17, 125, 119, 47, 13, 46, 99, 5, 69, 59, 77, 42, 91, 62, 32, 96, 86, 10, 57, 97, 22, 26, 74, 84, 37, 20, 70, 72, 36, 30, 100, 33, 101, 94, 90, 102, 35, 38, 92], [121, 126, 58, 43, 122, 49, 109, 50, 55, 115, 123, 56, 117, 103, 104, 45, 21, 93, 98, 0, 105, 64, 40, 107, 25, 34, 41, 89, 51, 73, 23, 61, 114, 118, 53, 85, 9, 127, 31, 27, 95, 111, 76, 68, 113, 4, 39, 108, 52, 29, 16, 78, 82, 67, 24, 65, 18, 66, 80, 54, 7, 44, 87, 15, 79, 14, 71, 116, 1, 63, 6, 83, 28, 12, 8, 48, 81, 11, 112, 88, 2, 120, 17, 3, 106, 75, 119, 124, 5, 60, 19, 22, 110, 47, 99, 46, 59, 13, 69, 77, 42, 125, 84, 26, 32, 70, 57, 10, 91, 62, 74, 96, 37, 97, 20, 72, 30, 86, 100, 90, 36, 33, 94, 38, 102, 101, 92, 35], [121, 126, 58, 43, 122, 49, 50, 109, 55, 115, 56, 103, 123, 45, 117, 104, 93, 98, 21, 89, 85, 118, 107, 114, 61, 25, 23, 34, 105, 41, 40, 127, 73, 51, 31, 108, 95, 9, 0, 111, 64, 39, 29, 52, 4, 53, 87, 27, 76, 14, 79, 44, 24, 1, 16, 78, 120, 68, 28, 82, 112, 12, 15, 124, 48, 116, 65, 113, 80, 81, 71, 63, 18, 54, 7, 88, 83, 67, 11, 66, 106, 119, 110, 60, 75, 19, 17, 8, 2, 47, 32, 22, 59, 57, 13, 3, 26, 77, 6, 99, 70, 46, 125, 5, 42, 69, 62, 72, 91, 96, 33, 20, 84, 74, 10, 30, 86, 97, 37, 100, 36, 101, 90, 102, 35, 38, 94, 92], [121, 58, 126, 43, 122, 49, 109, 50, 55, 115, 56, 123, 117, 103, 104, 45, 93, 89, 85, 21, 40, 107, 25, 105, 23, 98, 61, 31, 34, 127, 39, 51, 114, 95, 118, 64, 41, 111, 0, 108, 29, 9, 27, 73, 87, 53, 28, 82, 52, 112, 68, 88, 76, 113, 24, 15, 48, 1, 81, 14, 120, 44, 18, 79, 4, 71, 78, 16, 106, 12, 80, 54, 2, 110, 66, 67, 17, 63, 19, 65, 116, 11, 119, 83, 75, 7, 60, 70, 32, 125, 13, 124, 3, 59, 47, 77, 91, 42, 96, 8, 57, 62, 99, 97, 72, 26, 46, 22, 69, 37, 5, 20, 74, 30, 100, 6, 86, 10, 33, 84, 90, 35, 36, 38, 101, 94, 102, 92], [121, 58, 126, 43, 122, 109, 49, 50, 55, 115, 56, 123, 103, 117, 45, 104, 93, 105, 98, 89, 40, 21, 107, 61, 85, 51, 0, 34, 64, 41, 118, 114, 25, 95, 23, 39, 73, 111, 31, 9, 127, 108, 53, 76, 52, 28, 27, 29, 87, 4, 116, 82, 44, 112, 78, 15, 113, 120, 48, 80, 24, 54, 106, 16, 124, 110, 18, 1, 2, 63, 68, 71, 88, 14, 12, 11, 83, 19, 17, 81, 66, 119, 65, 79, 67, 7, 46, 60, 3, 70, 77, 72, 47, 59, 99, 75, 32, 5, 22, 69, 91, 125, 96, 62, 42, 13, 57, 6, 84, 86, 26, 8, 30, 10, 36, 37, 74, 97, 33, 20, 94, 90, 100, 102, 35, 38, 101, 92], [121, 126, 58, 43, 49, 55, 122, 50, 109, 115, 123, 56, 103, 117, 104, 45, 105, 98, 93, 40, 21, 25, 107, 89, 61, 51, 41, 85, 0, 95, 111, 23, 34, 31, 39, 9, 64, 114, 118, 73, 29, 127, 53, 27, 4, 87, 113, 52, 44, 14, 78, 71, 116, 1, 76, 28, 24, 108, 16, 80, 48, 54, 66, 124, 82, 112, 68, 15, 18, 88, 3, 12, 2, 83, 81, 46, 79, 120, 17, 70, 47, 67, 11, 106, 7, 119, 63, 65, 72, 110, 59, 75, 42, 60, 125, 19, 32, 13, 77, 99, 26, 5, 62, 57, 91, 69, 20, 22, 84, 96, 86, 74, 6, 8, 37, 10, 97, 100, 36, 30, 90, 33, 101, 94, 102, 38, 35, 92], [121, 58, 126, 43, 122, 49, 109, 55, 50, 115, 56, 123, 104, 117, 103, 45, 93, 98, 21, 105, 25, 89, 40, 61, 107, 85, 41, 23, 34, 64, 51, 127, 31, 118, 0, 9, 39, 114, 95, 73, 111, 27, 68, 16, 79, 108, 4, 53, 82, 29, 52, 76, 87, 48, 44, 24, 12, 65, 78, 88, 28, 116, 14, 66, 46, 71, 18, 80, 113, 3, 11, 15, 112, 7, 2, 72, 1, 54, 124, 70, 106, 119, 81, 17, 120, 83, 67, 75, 63, 47, 60, 19, 99, 110, 5, 32, 77, 13, 22, 69, 59, 42, 26, 125, 57, 62, 84, 74, 10, 96, 91, 86, 30, 6, 33, 20, 37, 97, 8, 90, 100, 36, 38, 102, 94, 35, 101, 92], [121, 126, 58, 43, 109, 49, 122, 50, 55, 115, 56, 123, 103, 117, 45, 104, 93, 105, 61, 98, 40, 21, 89, 41, 107, 114, 51, 25, 127, 85, 118, 34, 23, 0, 95, 64, 31, 111, 53, 52, 9, 39, 108, 44, 73, 48, 27, 87, 76, 78, 82, 79, 16, 24, 29, 113, 4, 14, 1, 68, 17, 120, 28, 12, 110, 81, 88, 15, 71, 72, 124, 2, 54, 80, 11, 112, 66, 60, 63, 116, 65, 18, 46, 7, 106, 3, 83, 67, 47, 99, 62, 19, 59, 119, 70, 22, 75, 5, 125, 13, 69, 77, 100, 91, 6, 57, 96, 42, 84, 32, 26, 37, 20, 86, 33, 74, 36, 30, 10, 8, 102, 97, 94, 90, 101, 35, 38, 92], [121, 126, 58, 43, 122, 55, 49, 109, 50, 115, 56, 123, 117, 45, 103, 104, 93, 105, 98, 61, 64, 51, 89, 95, 21, 40, 41, 107, 85, 0, 25, 34, 118, 23, 31, 29, 114, 53, 108, 39, 9, 111, 52, 73, 127, 44, 87, 4, 27, 124, 16, 113, 116, 14, 68, 79, 76, 18, 67, 82, 120, 66, 78, 2, 28, 112, 63, 12, 48, 1, 106, 80, 72, 15, 24, 17, 88, 54, 65, 7, 47, 83, 110, 81, 71, 119, 3, 19, 11, 75, 6, 46, 125, 60, 57, 69, 99, 59, 5, 13, 77, 32, 70, 42, 26, 22, 62, 84, 96, 86, 91, 10, 97, 20, 8, 74, 33, 37, 30, 90, 101, 100, 36, 94, 102, 38, 35, 92], [121, 58, 126, 43, 122, 109, 49, 50, 55, 115, 56, 123, 117, 103, 45, 104, 93, 105, 98, 21, 40, 89, 61, 25, 107, 51, 41, 34, 85, 114, 118, 127, 95, 23, 31, 39, 111, 0, 108, 73, 64, 53, 29, 9, 27, 52, 87, 4, 113, 44, 28, 112, 76, 78, 14, 48, 79, 82, 88, 3, 80, 54, 71, 116, 16, 15, 110, 17, 18, 120, 1, 24, 7, 12, 124, 47, 63, 68, 67, 83, 2, 65, 81, 59, 60, 119, 19, 106, 11, 72, 6, 75, 66, 5, 125, 46, 77, 13, 69, 32, 99, 57, 22, 26, 96, 42, 62, 91, 20, 86, 74, 97, 84, 8, 10, 30, 70, 37, 33, 36, 100, 90, 38, 35, 94, 92, 101, 102], [121, 58, 126, 43, 122, 49, 109, 55, 50, 115, 123, 56, 103, 117, 104, 45, 93, 21, 98, 61, 40, 105, 23, 89, 25, 41, 107, 118, 34, 85, 127, 31, 51, 0, 111, 108, 114, 64, 95, 73, 39, 9, 52, 27, 53, 24, 113, 4, 76, 18, 15, 12, 54, 80, 79, 87, 120, 44, 16, 68, 78, 82, 48, 29, 28, 112, 6, 1, 14, 81, 71, 63, 88, 2, 65, 7, 17, 75, 66, 11, 124, 83, 116, 119, 72, 106, 47, 19, 46, 3, 67, 110, 69, 22, 59, 60, 99, 42, 125, 77, 32, 13, 26, 62, 5, 91, 74, 96, 8, 57, 86, 84, 100, 20, 33, 97, 10, 36, 30, 37, 70, 90, 94, 101, 102, 35, 38, 92], [121, 58, 126, 43, 122, 49, 109, 55, 50, 115, 56, 123, 103, 117, 104, 45, 93, 98, 40, 89, 21, 105, 41, 61, 85, 107, 51, 25, 127, 23, 34, 95, 118, 114, 0, 39, 9, 73, 31, 64, 53, 108, 111, 27, 52, 4, 113, 79, 87, 44, 48, 78, 12, 80, 28, 68, 24, 14, 76, 54, 3, 120, 29, 82, 15, 81, 110, 66, 65, 116, 18, 75, 63, 1, 112, 124, 7, 6, 88, 16, 11, 71, 17, 2, 83, 119, 106, 67, 19, 42, 60, 46, 22, 99, 47, 77, 62, 57, 96, 72, 8, 13, 59, 32, 5, 69, 125, 91, 70, 30, 20, 26, 97, 74, 86, 84, 37, 10, 33, 36, 100, 90, 101, 38, 102, 35, 94, 92], [121, 126, 58, 43, 122, 49, 109, 50, 55, 115, 56, 123, 103, 45, 117, 104, 89, 93, 98, 40, 105, 21, 85, 34, 107, 25, 114, 41, 23, 118, 95, 127, 51, 64, 31, 61, 39, 111, 29, 108, 0, 27, 112, 53, 73, 28, 87, 44, 9, 12, 113, 52, 68, 18, 78, 88, 24, 15, 82, 124, 116, 120, 54, 48, 14, 76, 60, 79, 16, 66, 1, 7, 75, 81, 65, 80, 4, 17, 63, 110, 11, 19, 2, 71, 106, 6, 119, 47, 59, 83, 99, 67, 3, 13, 46, 77, 42, 8, 125, 96, 22, 32, 57, 91, 5, 62, 70, 69, 20, 86, 37, 30, 74, 72, 84, 26, 36, 97, 100, 94, 38, 10, 33, 101, 90, 35, 102, 92], [121, 58, 126, 43, 122, 49, 109, 50, 55, 115, 56, 123, 103, 117, 104, 45, 93, 40, 98, 21, 89, 105, 127, 61, 25, 107, 23, 85, 34, 41, 111, 114, 51, 108, 73, 118, 39, 31, 95, 0, 29, 9, 64, 48, 28, 52, 68, 53, 27, 54, 112, 87, 24, 82, 12, 120, 113, 4, 78, 76, 44, 88, 16, 14, 79, 17, 80, 1, 15, 18, 116, 110, 81, 83, 63, 65, 2, 75, 7, 47, 59, 46, 66, 19, 71, 60, 8, 67, 119, 11, 106, 3, 13, 6, 42, 32, 99, 62, 125, 124, 5, 77, 26, 70, 69, 57, 86, 96, 37, 30, 91, 33, 72, 22, 97, 20, 84, 74, 100, 10, 36, 102, 94, 35, 90, 38, 101, 92], [121, 58, 126, 43, 122, 49, 109, 50, 55, 115, 56, 123, 103, 117, 104, 45, 93, 98, 21, 61, 89, 40, 105, 41, 85, 107, 23, 0, 25, 51, 34, 114, 64, 95, 31, 127, 111, 73, 118, 39, 9, 113, 108, 29, 24, 53, 52, 27, 68, 4, 120, 76, 79, 16, 18, 82, 28, 87, 12, 78, 44, 54, 116, 1, 124, 14, 15, 80, 7, 71, 48, 46, 3, 8, 66, 2, 75, 88, 67, 83, 112, 81, 110, 65, 63, 11, 17, 60, 70, 106, 99, 125, 47, 19, 22, 5, 119, 13, 59, 42, 77, 57, 32, 69, 62, 26, 74, 6, 37, 10, 97, 91, 96, 84, 100, 72, 20, 86, 33, 30, 36, 90, 94, 101, 102, 35, 38, 92], [121, 126, 58, 43, 122, 49, 109, 55, 50, 115, 56, 123, 103, 104, 117, 45, 93, 98, 105, 89, 21, 64, 40, 61, 85, 0, 107, 51, 25, 114, 118, 23, 41, 127, 9, 53, 34, 111, 95, 31, 73, 39, 108, 48, 113, 1, 68, 12, 52, 27, 44, 54, 87, 4, 29, 120, 14, 80, 18, 78, 70, 24, 66, 7, 8, 79, 28, 82, 15, 76, 63, 16, 112, 67, 71, 81, 124, 75, 46, 65, 88, 2, 3, 17, 110, 116, 69, 83, 11, 47, 106, 119, 19, 125, 59, 60, 77, 57, 32, 13, 99, 42, 62, 5, 26, 96, 10, 22, 33, 84, 86, 74, 97, 100, 20, 37, 91, 30, 36, 6, 72, 90, 102, 101, 94, 35, 92, 38], [121, 58, 126, 43, 122, 49, 50, 55, 109, 115, 56, 123, 103, 104, 117, 45, 93, 21, 40, 105, 98, 89, 61, 85, 127, 23, 41, 25, 107, 118, 114, 51, 34, 31, 39, 95, 73, 111, 9, 108, 64, 53, 0, 27, 29, 48, 12, 44, 79, 52, 82, 68, 87, 24, 54, 15, 18, 14, 113, 80, 78, 28, 16, 76, 120, 81, 70, 65, 112, 17, 116, 4, 88, 124, 75, 8, 83, 7, 110, 3, 1, 71, 11, 60, 19, 66, 63, 59, 106, 125, 47, 119, 2, 67, 13, 57, 69, 46, 77, 99, 5, 32, 96, 22, 42, 62, 20, 30, 26, 86, 10, 74, 91, 84, 97, 100, 33, 37, 36, 72, 94, 6, 90, 101, 102, 38, 35, 92], [121, 126, 58, 43, 122, 49, 109, 55, 50, 115, 56, 123, 104, 103, 117, 45, 98, 93, 89, 105, 61, 21, 40, 107, 41, 23, 25, 51, 127, 64, 34, 85, 0, 114, 39, 118, 31, 108, 73, 111, 9, 95, 4, 12, 53, 15, 87, 44, 29, 27, 113, 28, 79, 68, 52, 1, 78, 48, 14, 112, 80, 24, 16, 120, 116, 63, 76, 18, 65, 70, 2, 7, 54, 71, 67, 66, 81, 8, 82, 110, 11, 83, 124, 17, 3, 19, 47, 88, 75, 106, 46, 119, 125, 13, 60, 69, 59, 32, 5, 77, 99, 57, 62, 22, 96, 91, 6, 42, 86, 26, 30, 97, 72, 37, 20, 74, 84, 10, 90, 36, 94, 33, 100, 101, 102, 38, 35, 92], [121, 126, 58, 43, 122, 49, 50, 109, 55, 115, 123, 56, 103, 117, 104, 45, 93, 40, 89, 85, 105, 107, 98, 61, 21, 127, 23, 25, 114, 34, 118, 41, 95, 111, 51, 39, 9, 108, 29, 73, 31, 52, 53, 27, 12, 0, 24, 64, 18, 16, 120, 14, 113, 78, 87, 79, 54, 44, 112, 48, 4, 76, 15, 82, 80, 88, 68, 63, 28, 17, 1, 75, 81, 83, 119, 116, 8, 71, 11, 19, 7, 65, 106, 124, 2, 67, 3, 110, 66, 60, 70, 59, 5, 77, 13, 47, 96, 22, 62, 32, 99, 69, 46, 6, 42, 125, 57, 91, 86, 20, 26, 30, 72, 84, 74, 97, 10, 37, 36, 33, 94, 90, 100, 101, 35, 38, 102, 92]]} \ No newline at end of file +{"model.layers.0.self_attn.q_proj": [[39, 106, 104, 102, 33, 95, 13, 44, 11, 29, 12, 10, 53, 126, 27, 114, 121, 8, 124, 113, 112, 15, 23, 89, 69, 111, 54, 80, 4, 1, 20, 24, 83, 63, 115, 122, 66, 42, 22, 110, 3, 73, 21, 61, 97, 19, 25, 88, 117, 119, 116, 85, 70, 5, 56, 118, 68, 123, 2, 86, 71, 127, 93, 49, 109, 50, 67, 52, 91, 40, 17, 108, 60, 55, 78, 62, 65, 47, 6, 87, 51, 84, 58, 82, 94, 79, 57, 103, 76, 48, 0, 18, 81, 96, 9, 31, 16, 92, 26, 43, 30, 37, 74, 100, 46, 38, 32, 14, 90, 36, 101, 75, 35, 125, 45, 7, 72, 41, 77, 105, 28, 59, 34, 99, 98, 107, 120, 64], [39, 104, 102, 106, 33, 44, 95, 53, 126, 111, 114, 110, 29, 14, 113, 54, 121, 112, 109, 80, 119, 12, 63, 25, 78, 123, 42, 10, 24, 127, 108, 115, 122, 60, 116, 97, 9, 93, 61, 17, 117, 56, 82, 91, 21, 124, 62, 0, 43, 19, 31, 26, 49, 52, 57, 59, 1, 50, 41, 15, 46, 86, 88, 81, 118, 125, 2, 3, 55, 105, 84, 75, 120, 70, 47, 85, 32, 51, 37, 16, 22, 23, 89, 87, 67, 30, 68, 69, 77, 48, 66, 27, 36, 107, 20, 76, 94, 79, 96, 83, 99, 38, 100, 18, 8, 35, 28, 101, 13, 72, 92, 7, 4, 98, 90, 103, 6, 34, 74, 11, 65, 40, 71, 45, 58, 64, 73, 5], [106, 104, 39, 102, 2, 44, 95, 53, 121, 3, 4, 33, 1, 0, 122, 111, 126, 115, 63, 71, 119, 112, 113, 70, 109, 29, 61, 52, 114, 54, 127, 21, 10, 72, 5, 110, 116, 49, 123, 11, 12, 55, 24, 45, 15, 19, 117, 73, 80, 50, 6, 23, 64, 124, 75, 69, 25, 83, 14, 77, 97, 42, 78, 13, 79, 85, 27, 56, 87, 86, 57, 17, 118, 91, 81, 74, 65, 76, 9, 41, 88, 18, 51, 22, 62, 93, 89, 67, 105, 84, 82, 38, 48, 120, 60, 47, 26, 20, 43, 68, 28, 66, 108, 59, 58, 8, 125, 98, 46, 31, 90, 36, 94, 92, 34, 107, 35, 7, 99, 100, 30, 32, 37, 101, 16, 96, 40, 103], [39, 104, 106, 102, 33, 44, 53, 111, 113, 95, 54, 109, 41, 116, 124, 63, 121, 122, 61, 56, 114, 110, 60, 108, 127, 112, 125, 43, 52, 126, 12, 80, 119, 59, 62, 82, 123, 97, 117, 25, 37, 0, 88, 29, 57, 120, 26, 91, 115, 78, 24, 21, 118, 49, 93, 1, 42, 14, 58, 107, 10, 84, 67, 7, 9, 86, 87, 3, 50, 51, 64, 98, 18, 20, 72, 66, 100, 17, 32, 81, 69, 79, 2, 101, 105, 85, 15, 77, 31, 22, 75, 70, 68, 90, 55, 19, 89, 11, 74, 76, 8, 38, 30, 4, 65, 5, 45, 92, 23, 46, 73, 13, 94, 47, 35, 36, 6, 48, 34, 28, 99, 27, 96, 103, 71, 83, 16, 40], [41, 103, 38, 33, 42, 93, 109, 95, 88, 44, 107, 17, 25, 20, 110, 21, 47, 40, 78, 116, 115, 126, 59, 61, 64, 57, 48, 83, 119, 12, 45, 125, 11, 18, 124, 118, 53, 56, 89, 70, 22, 77, 86, 50, 92, 4, 87, 24, 97, 65, 49, 73, 26, 62, 3, 16, 108, 66, 72, 104, 67, 80, 58, 71, 79, 23, 91, 122, 19, 43, 113, 39, 14, 102, 111, 27, 9, 121, 10, 117, 29, 60, 69, 90, 76, 120, 0, 84, 15, 114, 51, 74, 68, 98, 6, 81, 85, 2, 1, 82, 100, 112, 99, 13, 52, 123, 94, 8, 35, 28, 55, 96, 63, 54, 7, 105, 5, 36, 127, 37, 32, 75, 34, 106, 31, 30, 101, 46], [38, 103, 44, 41, 107, 33, 42, 88, 95, 40, 93, 87, 25, 78, 110, 47, 48, 26, 20, 18, 21, 17, 64, 59, 45, 22, 109, 89, 118, 62, 91, 115, 116, 53, 49, 61, 126, 90, 16, 11, 119, 92, 111, 65, 125, 124, 43, 85, 83, 60, 24, 4, 77, 73, 104, 117, 57, 120, 86, 3, 76, 97, 29, 23, 102, 39, 51, 67, 70, 12, 122, 71, 9, 15, 30, 113, 56, 66, 0, 106, 7, 50, 108, 100, 114, 28, 46, 121, 80, 94, 72, 10, 6, 79, 69, 55, 19, 58, 74, 68, 123, 81, 27, 13, 2, 82, 98, 35, 8, 34, 36, 1, 101, 5, 105, 54, 63, 96, 37, 84, 127, 52, 32, 31, 14, 75, 112, 99], [103, 41, 107, 33, 38, 93, 110, 116, 64, 42, 48, 20, 123, 61, 124, 17, 126, 115, 88, 49, 25, 53, 47, 78, 57, 122, 21, 59, 95, 18, 44, 89, 77, 97, 16, 11, 125, 66, 86, 120, 119, 109, 4, 65, 12, 118, 71, 62, 22, 24, 80, 14, 50, 74, 73, 51, 70, 3, 7, 121, 67, 83, 27, 111, 72, 5, 69, 76, 23, 45, 84, 29, 60, 9, 31, 10, 81, 26, 8, 87, 19, 13, 0, 40, 2, 56, 113, 85, 82, 127, 91, 43, 34, 108, 117, 114, 6, 15, 96, 106, 79, 75, 94, 102, 100, 101, 68, 98, 63, 58, 99, 105, 55, 30, 90, 36, 1, 35, 32, 46, 112, 28, 104, 39, 37, 92, 52, 54], [103, 41, 33, 38, 42, 93, 95, 107, 110, 25, 59, 17, 48, 116, 88, 109, 44, 57, 11, 83, 20, 125, 78, 21, 62, 86, 115, 70, 97, 77, 4, 118, 18, 47, 43, 64, 12, 24, 50, 126, 22, 124, 45, 3, 61, 72, 65, 39, 89, 84, 113, 53, 73, 29, 49, 120, 66, 80, 79, 27, 71, 122, 10, 117, 40, 9, 92, 16, 67, 81, 19, 23, 119, 123, 51, 105, 36, 8, 15, 55, 108, 111, 60, 90, 14, 26, 87, 104, 74, 56, 91, 75, 0, 28, 69, 68, 100, 2, 102, 99, 58, 52, 85, 6, 63, 34, 54, 94, 127, 96, 76, 32, 121, 30, 1, 31, 7, 114, 82, 46, 37, 13, 112, 35, 5, 101, 98, 106], [102, 41, 112, 101, 108, 103, 33, 104, 29, 27, 115, 30, 42, 38, 16, 45, 114, 20, 32, 100, 121, 89, 98, 111, 87, 62, 59, 126, 13, 63, 107, 11, 43, 88, 117, 75, 118, 25, 84, 34, 31, 50, 51, 55, 23, 95, 56, 58, 53, 78, 94, 97, 82, 92, 8, 18, 127, 113, 110, 19, 40, 21, 35, 39, 85, 119, 37, 125, 96, 54, 6, 72, 90, 91, 14, 26, 124, 105, 9, 44, 28, 17, 116, 120, 60, 48, 80, 57, 1, 123, 79, 77, 86, 24, 69, 73, 15, 122, 68, 99, 81, 74, 4, 52, 71, 67, 7, 65, 76, 66, 61, 109, 106, 46, 93, 2, 64, 12, 10, 49, 3, 47, 83, 70, 36, 22, 0, 5], [107, 104, 102, 33, 108, 45, 95, 92, 29, 42, 103, 21, 99, 43, 85, 101, 23, 50, 27, 28, 113, 98, 19, 15, 120, 83, 26, 46, 74, 97, 34, 12, 86, 123, 52, 127, 90, 79, 39, 7, 17, 41, 112, 49, 126, 77, 48, 38, 125, 89, 44, 61, 111, 18, 100, 115, 32, 25, 35, 119, 93, 62, 30, 60, 84, 96, 31, 80, 122, 87, 114, 53, 55, 47, 56, 110, 13, 57, 63, 37, 51, 54, 116, 117, 68, 124, 105, 78, 40, 81, 118, 88, 9, 91, 11, 109, 76, 24, 59, 71, 121, 82, 6, 20, 1, 72, 106, 16, 58, 73, 5, 94, 67, 10, 69, 14, 4, 22, 75, 2, 36, 70, 8, 66, 3, 65, 64, 0], [102, 103, 33, 29, 41, 42, 104, 45, 64, 1, 107, 108, 66, 27, 16, 112, 88, 115, 3, 50, 101, 20, 127, 67, 118, 75, 58, 116, 53, 72, 13, 84, 68, 19, 86, 25, 89, 70, 11, 30, 21, 77, 117, 4, 6, 14, 56, 59, 69, 82, 80, 100, 126, 95, 32, 92, 97, 39, 85, 124, 79, 90, 121, 52, 54, 26, 5, 113, 71, 7, 123, 73, 51, 8, 0, 63, 111, 38, 23, 57, 15, 119, 10, 43, 60, 78, 22, 83, 87, 9, 74, 37, 99, 98, 76, 65, 61, 55, 17, 81, 18, 31, 24, 94, 28, 2, 47, 44, 40, 110, 114, 96, 105, 46, 109, 120, 34, 48, 12, 35, 62, 93, 106, 49, 91, 122, 125, 36], [103, 45, 102, 33, 26, 42, 95, 87, 79, 123, 104, 19, 113, 112, 41, 29, 21, 76, 108, 120, 30, 71, 10, 97, 81, 27, 101, 74, 44, 32, 115, 122, 89, 17, 12, 23, 7, 92, 25, 53, 15, 100, 90, 117, 13, 39, 105, 99, 83, 51, 85, 84, 50, 4, 20, 109, 61, 88, 35, 16, 98, 54, 94, 110, 125, 55, 66, 127, 70, 47, 65, 124, 116, 46, 80, 67, 114, 49, 57, 56, 78, 38, 86, 18, 60, 82, 11, 5, 121, 119, 126, 62, 48, 58, 59, 28, 111, 93, 37, 63, 2, 73, 52, 6, 8, 24, 3, 96, 106, 43, 40, 107, 1, 34, 118, 22, 0, 68, 69, 77, 91, 64, 72, 36, 75, 31, 14, 9], [104, 103, 33, 43, 44, 111, 102, 90, 49, 89, 8, 41, 93, 37, 116, 113, 95, 122, 123, 23, 74, 42, 14, 17, 83, 68, 85, 106, 91, 92, 13, 78, 63, 127, 115, 81, 112, 87, 121, 3, 70, 48, 72, 120, 28, 124, 53, 71, 30, 19, 47, 86, 59, 51, 96, 56, 94, 114, 108, 118, 76, 79, 55, 38, 29, 110, 5, 82, 15, 21, 11, 20, 26, 66, 6, 84, 22, 50, 9, 27, 100, 65, 61, 64, 57, 25, 35, 7, 16, 101, 80, 45, 52, 36, 46, 109, 107, 24, 126, 2, 4, 12, 67, 125, 75, 10, 32, 117, 97, 1, 69, 60, 77, 88, 98, 99, 73, 105, 58, 18, 62, 54, 34, 31, 0, 119, 40, 39], [103, 104, 102, 33, 43, 44, 111, 90, 115, 106, 113, 89, 42, 74, 56, 93, 48, 95, 85, 127, 41, 72, 92, 37, 107, 71, 17, 87, 123, 112, 122, 50, 83, 22, 55, 57, 116, 14, 53, 124, 49, 114, 26, 47, 110, 23, 63, 70, 98, 100, 51, 108, 121, 59, 13, 35, 28, 81, 94, 79, 32, 120, 29, 76, 101, 105, 126, 38, 7, 82, 9, 6, 118, 24, 125, 91, 20, 88, 15, 99, 36, 109, 18, 62, 34, 46, 84, 19, 3, 61, 2, 30, 11, 27, 86, 52, 58, 75, 25, 68, 12, 31, 117, 69, 54, 96, 119, 65, 78, 80, 8, 45, 16, 77, 40, 1, 21, 73, 10, 4, 66, 64, 60, 67, 0, 39, 97, 5], [104, 44, 103, 43, 33, 49, 111, 102, 95, 41, 37, 123, 27, 91, 9, 84, 42, 89, 61, 122, 24, 76, 124, 116, 30, 85, 79, 96, 51, 48, 118, 28, 87, 92, 98, 127, 59, 23, 109, 121, 20, 15, 88, 29, 100, 106, 53, 34, 35, 101, 126, 16, 120, 54, 108, 115, 47, 93, 83, 17, 56, 18, 90, 113, 55, 38, 22, 63, 8, 81, 13, 94, 72, 117, 60, 50, 114, 36, 12, 71, 45, 57, 105, 32, 110, 119, 62, 74, 58, 97, 31, 112, 125, 52, 19, 46, 86, 5, 80, 68, 73, 3, 78, 99, 107, 6, 70, 75, 40, 14, 65, 21, 39, 7, 25, 77, 64, 2, 11, 82, 26, 10, 69, 4, 0, 66, 1, 67], [102, 33, 44, 104, 43, 103, 79, 28, 27, 87, 95, 9, 12, 124, 49, 21, 23, 99, 76, 90, 85, 35, 32, 31, 29, 80, 94, 61, 98, 114, 84, 91, 18, 15, 73, 89, 81, 106, 112, 62, 51, 41, 54, 56, 58, 59, 117, 45, 119, 88, 26, 110, 105, 52, 115, 42, 111, 24, 30, 92, 109, 38, 123, 37, 108, 113, 57, 118, 60, 125, 82, 25, 86, 75, 96, 19, 16, 14, 40, 46, 77, 20, 101, 93, 122, 126, 36, 53, 100, 55, 47, 71, 39, 11, 72, 34, 50, 63, 116, 48, 107, 70, 121, 13, 120, 17, 127, 78, 83, 3, 22, 7, 6, 5, 8, 66, 74, 97, 69, 10, 68, 67, 64, 4, 65, 0, 1, 2], [39, 41, 101, 97, 29, 110, 24, 43, 32, 49, 121, 84, 120, 63, 3, 56, 44, 8, 59, 21, 38, 98, 40, 6, 60, 127, 53, 71, 2, 25, 52, 116, 99, 13, 62, 4, 125, 72, 46, 18, 23, 7, 31, 68, 85, 15, 92, 42, 79, 76, 115, 123, 87, 75, 109, 57, 108, 95, 102, 12, 54, 0, 36, 66, 61, 19, 50, 124, 94, 65, 111, 82, 69, 126, 77, 80, 83, 106, 113, 51, 33, 100, 114, 91, 14, 20, 78, 10, 47, 27, 117, 86, 48, 118, 67, 89, 11, 112, 58, 16, 35, 88, 30, 45, 28, 5, 17, 70, 93, 73, 90, 34, 105, 22, 26, 55, 64, 119, 107, 9, 122, 104, 103, 96, 81, 1, 74, 37], [39, 41, 97, 32, 101, 43, 29, 26, 116, 31, 54, 80, 99, 55, 125, 18, 21, 59, 24, 78, 73, 111, 23, 76, 71, 16, 87, 82, 119, 3, 25, 28, 11, 121, 112, 12, 123, 63, 98, 120, 85, 83, 47, 91, 94, 56, 13, 103, 7, 33, 17, 88, 51, 127, 4, 95, 104, 19, 38, 108, 60, 86, 100, 79, 124, 77, 30, 27, 109, 81, 52, 50, 84, 61, 67, 37, 93, 49, 92, 5, 10, 118, 46, 58, 69, 74, 110, 14, 53, 45, 122, 126, 57, 113, 114, 15, 42, 107, 68, 22, 72, 9, 62, 90, 89, 70, 115, 48, 102, 8, 75, 36, 40, 6, 117, 105, 2, 0, 96, 20, 106, 44, 35, 65, 66, 1, 34, 64], [6, 39, 41, 70, 101, 72, 8, 43, 74, 60, 108, 53, 92, 110, 98, 113, 50, 32, 44, 47, 61, 87, 62, 95, 28, 111, 26, 38, 58, 57, 67, 124, 18, 52, 56, 51, 99, 97, 112, 123, 118, 125, 116, 59, 109, 33, 40, 89, 120, 106, 19, 121, 30, 46, 14, 31, 68, 126, 88, 11, 4, 104, 24, 45, 2, 63, 127, 10, 119, 105, 80, 90, 107, 83, 34, 114, 36, 78, 3, 27, 69, 42, 55, 9, 20, 73, 122, 5, 15, 86, 25, 49, 48, 29, 21, 94, 66, 100, 22, 0, 54, 65, 75, 84, 17, 96, 93, 91, 35, 77, 12, 71, 115, 102, 103, 79, 7, 23, 81, 117, 37, 85, 16, 13, 64, 76, 1, 82], [41, 39, 70, 101, 10, 32, 19, 43, 87, 97, 11, 83, 46, 14, 60, 4, 123, 15, 125, 38, 44, 108, 56, 86, 16, 9, 118, 53, 18, 5, 109, 2, 92, 76, 78, 62, 61, 23, 120, 127, 24, 68, 49, 59, 42, 66, 84, 75, 21, 110, 8, 27, 106, 72, 63, 111, 47, 52, 121, 50, 73, 126, 28, 40, 17, 99, 67, 107, 79, 122, 89, 82, 33, 124, 105, 77, 58, 26, 1, 85, 25, 114, 119, 51, 22, 57, 98, 48, 31, 71, 94, 103, 115, 116, 13, 7, 102, 74, 113, 3, 20, 96, 6, 0, 81, 90, 69, 45, 104, 29, 34, 100, 12, 36, 91, 88, 80, 64, 54, 95, 30, 55, 35, 65, 93, 37, 112, 117], [40, 102, 31, 107, 22, 39, 78, 98, 9, 6, 73, 88, 12, 81, 17, 67, 76, 106, 25, 70, 48, 85, 86, 110, 91, 92, 114, 74, 82, 2, 58, 15, 83, 59, 14, 27, 108, 117, 127, 66, 79, 111, 47, 30, 51, 50, 5, 21, 57, 52, 109, 36, 89, 23, 35, 49, 101, 63, 72, 90, 122, 54, 100, 26, 84, 56, 124, 33, 18, 55, 62, 126, 29, 123, 11, 95, 119, 20, 96, 28, 77, 19, 24, 4, 87, 32, 115, 37, 99, 41, 53, 97, 125, 112, 8, 104, 71, 43, 93, 3, 116, 65, 16, 10, 64, 75, 94, 113, 120, 105, 68, 60, 46, 103, 7, 61, 69, 34, 13, 44, 0, 118, 80, 45, 121, 1, 42, 38], [40, 73, 70, 14, 39, 17, 110, 102, 114, 85, 82, 91, 51, 106, 99, 49, 48, 41, 98, 83, 36, 75, 115, 46, 88, 119, 92, 30, 69, 57, 28, 32, 15, 109, 126, 63, 86, 31, 123, 84, 6, 37, 72, 107, 90, 76, 77, 53, 71, 60, 22, 23, 124, 55, 93, 100, 21, 33, 58, 111, 81, 8, 24, 18, 125, 19, 44, 112, 79, 113, 59, 2, 74, 65, 62, 97, 35, 0, 61, 45, 78, 89, 101, 5, 4, 66, 67, 50, 42, 122, 11, 117, 26, 16, 108, 56, 3, 10, 9, 121, 25, 116, 94, 1, 105, 118, 12, 47, 120, 20, 96, 43, 29, 87, 64, 52, 13, 104, 80, 127, 7, 38, 54, 95, 27, 34, 68, 103], [40, 99, 41, 107, 9, 66, 96, 37, 91, 36, 73, 24, 58, 111, 94, 31, 47, 86, 114, 50, 92, 89, 10, 52, 29, 59, 34, 6, 39, 18, 127, 44, 100, 22, 76, 21, 56, 122, 121, 57, 102, 79, 70, 12, 46, 84, 81, 85, 63, 116, 72, 88, 43, 110, 5, 83, 87, 45, 69, 27, 3, 2, 8, 78, 51, 115, 106, 67, 74, 7, 54, 118, 19, 42, 104, 124, 11, 97, 4, 75, 105, 35, 33, 62, 55, 28, 30, 0, 82, 77, 95, 93, 120, 98, 20, 25, 117, 32, 53, 17, 90, 26, 71, 108, 64, 14, 23, 101, 48, 49, 65, 15, 119, 125, 103, 80, 68, 112, 1, 126, 13, 16, 113, 123, 61, 109, 38, 60], [40, 41, 102, 37, 92, 32, 90, 88, 96, 107, 23, 31, 74, 39, 84, 97, 25, 75, 82, 35, 79, 10, 91, 15, 7, 4, 18, 116, 20, 98, 87, 99, 69, 33, 86, 111, 100, 122, 121, 127, 65, 58, 13, 8, 56, 47, 95, 9, 50, 114, 81, 110, 59, 118, 72, 48, 77, 17, 29, 24, 21, 52, 104, 22, 54, 28, 94, 83, 85, 51, 57, 14, 73, 36, 16, 19, 66, 76, 71, 11, 93, 78, 120, 27, 6, 108, 5, 117, 43, 49, 63, 3, 67, 2, 61, 26, 64, 70, 68, 0, 101, 105, 124, 62, 55, 30, 80, 89, 103, 34, 44, 113, 45, 60, 1, 38, 106, 42, 115, 109, 12, 125, 119, 126, 53, 112, 123, 46], [103, 105, 96, 47, 59, 45, 42, 30, 19, 93, 14, 112, 113, 32, 86, 0, 127, 104, 38, 21, 84, 57, 48, 89, 72, 124, 87, 81, 51, 80, 55, 44, 25, 63, 126, 94, 118, 123, 34, 52, 68, 26, 40, 7, 115, 27, 3, 33, 88, 11, 120, 8, 125, 1, 23, 66, 70, 110, 77, 5, 107, 39, 50, 73, 58, 46, 13, 119, 6, 91, 9, 69, 15, 17, 76, 74, 43, 54, 24, 79, 95, 75, 22, 82, 78, 90, 12, 121, 92, 16, 71, 31, 114, 4, 117, 116, 18, 20, 67, 61, 53, 97, 37, 28, 41, 49, 35, 60, 36, 122, 99, 10, 85, 2, 109, 100, 101, 108, 83, 102, 56, 111, 65, 62, 98, 29, 64, 106], [104, 42, 103, 96, 45, 34, 47, 93, 32, 89, 27, 30, 84, 94, 26, 21, 81, 112, 116, 87, 105, 19, 51, 102, 86, 25, 38, 88, 80, 15, 41, 23, 119, 33, 20, 118, 52, 111, 114, 113, 44, 110, 85, 57, 98, 125, 124, 13, 48, 54, 11, 107, 43, 73, 55, 37, 106, 12, 100, 59, 10, 76, 24, 127, 77, 82, 115, 60, 14, 72, 101, 68, 90, 121, 29, 91, 0, 63, 97, 58, 75, 9, 61, 46, 126, 108, 4, 39, 56, 18, 22, 28, 70, 117, 120, 53, 109, 66, 6, 123, 3, 1, 95, 92, 49, 31, 50, 122, 99, 40, 69, 5, 62, 67, 83, 79, 16, 36, 64, 78, 2, 8, 74, 7, 35, 65, 71, 17], [103, 104, 96, 42, 45, 105, 30, 19, 93, 59, 47, 89, 113, 14, 86, 112, 84, 21, 32, 124, 80, 87, 57, 81, 44, 0, 72, 127, 88, 115, 25, 26, 48, 63, 119, 123, 51, 68, 118, 34, 52, 15, 55, 98, 126, 61, 43, 73, 24, 110, 102, 46, 107, 125, 121, 23, 116, 114, 41, 56, 54, 66, 27, 8, 3, 70, 91, 76, 6, 11, 39, 13, 1, 33, 97, 74, 4, 94, 22, 77, 58, 7, 37, 95, 82, 50, 36, 17, 117, 120, 53, 122, 75, 16, 90, 79, 67, 111, 40, 5, 64, 9, 2, 78, 18, 38, 31, 71, 60, 65, 12, 100, 108, 92, 85, 69, 29, 49, 99, 101, 62, 20, 109, 28, 35, 10, 106, 83], [42, 104, 103, 96, 45, 30, 89, 112, 34, 27, 113, 32, 102, 47, 93, 26, 105, 84, 94, 21, 81, 86, 88, 87, 124, 25, 59, 80, 44, 15, 19, 38, 114, 20, 57, 85, 52, 51, 23, 118, 127, 125, 119, 43, 100, 29, 33, 41, 46, 116, 82, 13, 126, 48, 11, 107, 77, 73, 98, 72, 122, 106, 54, 37, 95, 55, 24, 76, 12, 115, 10, 14, 97, 39, 110, 68, 101, 123, 56, 63, 92, 4, 0, 6, 91, 53, 90, 121, 50, 40, 61, 111, 22, 75, 9, 18, 16, 70, 117, 31, 60, 3, 58, 99, 66, 49, 74, 67, 1, 108, 109, 79, 2, 120, 35, 62, 64, 36, 28, 7, 83, 8, 69, 65, 5, 78, 71, 17], [100, 39, 31, 50, 91, 25, 47, 97, 96, 42, 116, 40, 90, 60, 41, 46, 19, 70, 44, 89, 22, 109, 48, 33, 95, 77, 27, 107, 2, 43, 101, 0, 18, 17, 108, 80, 49, 13, 53, 7, 10, 103, 64, 45, 21, 94, 12, 74, 79, 76, 118, 115, 124, 5, 73, 120, 35, 56, 99, 28, 55, 81, 54, 110, 14, 114, 126, 6, 68, 125, 127, 123, 93, 112, 113, 38, 58, 57, 61, 122, 32, 121, 75, 62, 84, 88, 119, 111, 59, 106, 3, 63, 72, 52, 30, 36, 26, 51, 86, 34, 98, 102, 29, 117, 16, 9, 8, 67, 83, 105, 11, 71, 65, 15, 4, 69, 1, 24, 104, 87, 66, 20, 82, 37, 92, 78, 23, 85], [40, 25, 64, 101, 42, 41, 45, 110, 72, 113, 56, 112, 108, 68, 107, 111, 114, 39, 2, 61, 125, 55, 119, 51, 97, 63, 31, 121, 22, 57, 54, 126, 59, 74, 123, 80, 87, 96, 52, 62, 18, 120, 7, 48, 0, 84, 58, 28, 91, 70, 115, 93, 11, 5, 14, 49, 60, 17, 30, 76, 66, 44, 19, 24, 88, 77, 3, 100, 13, 50, 1, 79, 109, 69, 90, 95, 99, 102, 104, 33, 53, 71, 21, 73, 8, 26, 106, 65, 75, 116, 117, 46, 98, 105, 89, 92, 67, 47, 35, 34, 81, 12, 4, 6, 122, 36, 78, 85, 10, 94, 43, 82, 83, 9, 118, 86, 103, 15, 127, 37, 16, 38, 27, 124, 23, 20, 32, 29], [0, 39, 22, 42, 96, 41, 91, 18, 10, 107, 79, 40, 14, 21, 19, 50, 77, 71, 80, 88, 70, 84, 48, 5, 45, 85, 44, 17, 11, 81, 100, 46, 28, 60, 76, 83, 72, 110, 66, 63, 57, 36, 47, 109, 2, 108, 56, 125, 120, 35, 111, 93, 61, 73, 114, 24, 112, 49, 55, 113, 87, 90, 121, 30, 64, 4, 99, 126, 116, 15, 51, 103, 52, 54, 6, 82, 97, 43, 115, 86, 119, 123, 58, 7, 101, 117, 69, 53, 13, 33, 59, 9, 62, 32, 68, 75, 31, 8, 3, 1, 12, 92, 29, 20, 78, 65, 104, 37, 27, 106, 122, 74, 16, 23, 34, 95, 25, 118, 26, 89, 94, 67, 98, 38, 105, 102, 127, 124], [108, 54, 112, 119, 59, 62, 113, 110, 123, 111, 26, 51, 61, 107, 55, 125, 89, 115, 114, 45, 121, 98, 58, 57, 63, 48, 52, 49, 34, 109, 122, 41, 126, 43, 127, 38, 32, 95, 56, 94, 100, 33, 120, 53, 50, 24, 124, 29, 40, 101, 44, 90, 25, 85, 8, 102, 60, 97, 88, 86, 83, 27, 42, 118, 46, 99, 66, 105, 4, 12, 19, 10, 47, 116, 96, 13, 82, 22, 16, 92, 30, 64, 31, 37, 117, 72, 28, 91, 87, 106, 69, 2, 103, 17, 9, 36, 70, 5, 84, 65, 76, 104, 75, 11, 39, 0, 78, 73, 20, 77, 23, 3, 6, 81, 68, 15, 74, 79, 80, 21, 35, 7, 93, 18, 71, 14, 67, 1]], "model.layers.0.self_attn.k_proj": [[0, 97, 42, 47, 103, 86, 93, 1, 25, 38, 88, 49, 40, 108, 65, 91, 117, 48, 57, 66, 78, 46, 68, 9, 64, 50, 52, 19, 45, 31, 118, 2, 55, 51, 70, 67, 85, 61, 77, 127, 82, 17, 63, 120, 80, 126, 87, 6, 75, 124, 72, 123, 3, 54, 62, 122, 14, 121, 7, 69, 53, 5, 56, 12, 10, 84, 41, 119, 115, 81, 34, 4, 76, 101, 107, 105, 60, 26, 74, 23, 79, 89, 15, 73, 24, 83, 22, 21, 18, 58, 43, 28, 33, 116, 29, 35, 27, 11, 112, 32, 30, 92, 16, 37, 104, 98, 59, 99, 94, 39, 90, 114, 13, 96, 36, 113, 100, 109, 95, 125, 111, 20, 106, 71, 8, 110, 44, 102], [39, 97, 105, 102, 112, 46, 65, 43, 29, 113, 64, 51, 77, 68, 111, 25, 86, 125, 18, 67, 106, 70, 9, 80, 17, 4, 59, 11, 116, 31, 124, 24, 126, 12, 88, 3, 108, 78, 52, 71, 73, 16, 45, 47, 90, 66, 42, 22, 53, 57, 21, 61, 122, 118, 20, 1, 6, 121, 114, 93, 109, 54, 89, 62, 76, 120, 74, 48, 69, 123, 33, 87, 50, 13, 55, 7, 10, 127, 84, 95, 83, 115, 41, 23, 26, 119, 2, 117, 60, 103, 56, 5, 30, 37, 72, 81, 40, 100, 101, 91, 14, 104, 94, 15, 92, 19, 38, 85, 8, 0, 49, 79, 75, 35, 36, 28, 63, 98, 82, 32, 34, 99, 110, 44, 27, 58, 96, 107], [38, 39, 97, 109, 105, 89, 25, 49, 106, 78, 44, 40, 20, 48, 36, 126, 33, 64, 62, 31, 104, 108, 82, 27, 122, 29, 120, 94, 34, 96, 113, 117, 51, 42, 107, 103, 11, 8, 115, 16, 18, 84, 123, 14, 30, 37, 124, 91, 125, 50, 88, 56, 61, 41, 17, 87, 114, 66, 21, 47, 12, 53, 54, 19, 60, 26, 52, 73, 28, 24, 23, 118, 90, 32, 81, 83, 59, 102, 85, 15, 1, 74, 93, 57, 121, 43, 75, 58, 3, 112, 70, 92, 9, 69, 13, 127, 111, 79, 5, 6, 80, 119, 22, 63, 55, 76, 99, 7, 116, 35, 110, 77, 68, 4, 101, 72, 86, 46, 67, 10, 71, 45, 0, 2, 95, 98, 65, 100], [107, 39, 108, 64, 40, 47, 105, 97, 113, 29, 65, 30, 3, 66, 36, 83, 48, 89, 116, 122, 101, 90, 2, 95, 17, 13, 16, 33, 74, 38, 85, 23, 19, 63, 87, 27, 109, 5, 71, 114, 24, 81, 26, 84, 104, 53, 50, 92, 82, 93, 4, 34, 22, 121, 106, 76, 1, 14, 78, 68, 35, 79, 115, 103, 120, 123, 9, 42, 55, 41, 69, 7, 126, 118, 88, 18, 127, 28, 112, 51, 59, 80, 54, 124, 111, 117, 62, 91, 15, 43, 77, 96, 125, 110, 98, 6, 45, 49, 119, 20, 100, 94, 60, 25, 75, 58, 86, 56, 52, 44, 0, 57, 21, 61, 12, 10, 46, 31, 102, 11, 32, 70, 8, 72, 99, 67, 37, 73], [103, 105, 107, 33, 0, 37, 65, 83, 24, 28, 95, 87, 78, 19, 84, 23, 25, 77, 34, 96, 125, 54, 94, 14, 92, 35, 21, 89, 79, 5, 116, 123, 22, 59, 13, 18, 29, 55, 73, 81, 36, 12, 106, 52, 127, 111, 102, 56, 121, 15, 97, 42, 63, 46, 48, 120, 11, 45, 91, 51, 71, 76, 126, 93, 85, 66, 119, 122, 90, 8, 68, 60, 26, 98, 2, 118, 40, 39, 109, 16, 113, 57, 32, 58, 3, 27, 112, 62, 61, 44, 30, 7, 80, 115, 114, 124, 41, 74, 117, 50, 17, 110, 49, 31, 69, 53, 47, 108, 4, 64, 82, 9, 104, 67, 100, 75, 43, 1, 88, 72, 38, 101, 10, 20, 70, 86, 99, 6], [104, 38, 43, 103, 95, 42, 45, 46, 105, 112, 84, 113, 53, 50, 59, 125, 96, 90, 115, 88, 60, 23, 13, 62, 34, 61, 91, 82, 58, 124, 0, 57, 92, 63, 111, 21, 123, 120, 119, 20, 79, 19, 55, 54, 17, 15, 126, 22, 81, 87, 27, 127, 44, 72, 49, 85, 51, 86, 56, 52, 117, 80, 48, 75, 114, 31, 89, 18, 94, 116, 29, 121, 122, 1, 33, 12, 16, 118, 32, 7, 35, 101, 64, 40, 78, 47, 24, 109, 65, 69, 71, 14, 76, 73, 100, 11, 97, 110, 41, 8, 26, 4, 108, 67, 39, 93, 25, 36, 70, 28, 10, 66, 74, 6, 77, 37, 107, 99, 5, 68, 83, 9, 98, 3, 102, 106, 30, 2], [39, 111, 32, 1, 0, 109, 2, 6, 48, 4, 40, 41, 29, 108, 67, 84, 66, 15, 107, 11, 65, 81, 115, 70, 89, 73, 52, 21, 30, 57, 104, 119, 80, 42, 118, 87, 124, 123, 13, 106, 72, 3, 49, 86, 58, 98, 63, 27, 114, 110, 127, 113, 126, 76, 53, 26, 25, 14, 83, 59, 96, 55, 77, 88, 19, 94, 121, 93, 23, 125, 7, 78, 51, 120, 46, 82, 116, 71, 68, 105, 85, 24, 97, 8, 61, 74, 103, 10, 54, 47, 117, 122, 34, 91, 18, 92, 20, 62, 100, 12, 31, 75, 56, 5, 90, 9, 79, 28, 33, 101, 69, 99, 22, 36, 95, 35, 43, 50, 60, 16, 112, 37, 44, 102, 17, 45, 64, 38], [64, 66, 4, 106, 6, 67, 1, 71, 10, 69, 105, 46, 43, 104, 37, 44, 92, 47, 109, 103, 94, 15, 8, 83, 85, 7, 56, 53, 73, 86, 126, 116, 32, 78, 22, 82, 75, 24, 77, 49, 9, 120, 76, 79, 50, 91, 114, 52, 127, 48, 17, 16, 35, 19, 124, 18, 102, 12, 20, 68, 58, 57, 63, 60, 115, 13, 113, 121, 123, 14, 81, 117, 45, 62, 59, 55, 51, 111, 122, 125, 23, 61, 119, 118, 110, 21, 3, 100, 112, 33, 54, 38, 72, 34, 2, 11, 80, 65, 29, 70, 88, 27, 0, 36, 98, 84, 89, 97, 74, 93, 30, 5, 107, 90, 96, 26, 87, 95, 28, 39, 108, 41, 42, 99, 101, 31, 25, 40]], "model.layers.0.self_attn.qk_proj": [[104, 39, 33, 42, 103, 41, 97, 64, 0, 93, 108, 25, 107, 89, 105, 113, 126, 29, 102, 121, 111, 48, 57, 95, 59, 115, 47, 123, 70, 88, 53, 63, 96, 30, 24, 20, 43, 87, 116, 23, 38, 109, 78, 124, 49, 19, 61, 112, 52, 51, 50, 120, 27, 83, 119, 22, 32, 114, 45, 21, 106, 125, 122, 40, 44, 127, 86, 54, 17, 118, 56, 85, 55, 14, 84, 46, 65, 81, 68, 1, 91, 3, 62, 4, 66, 18, 82, 77, 9, 79, 117, 2, 90, 92, 110, 8, 80, 67, 13, 76, 15, 75, 60, 12, 26, 16, 31, 11, 73, 10, 58, 71, 74, 7, 5, 69, 28, 101, 6, 34, 98, 94, 72, 37, 100, 35, 36, 99], [39, 104, 33, 42, 103, 41, 64, 97, 108, 0, 93, 107, 105, 25, 113, 126, 29, 89, 95, 102, 111, 59, 47, 38, 123, 121, 124, 88, 115, 50, 53, 106, 116, 48, 85, 119, 30, 70, 43, 63, 40, 87, 96, 24, 21, 57, 49, 23, 122, 27, 20, 22, 44, 114, 109, 52, 19, 120, 54, 61, 45, 67, 127, 17, 78, 32, 81, 83, 84, 62, 56, 125, 86, 51, 46, 14, 1, 118, 92, 112, 55, 79, 26, 18, 12, 2, 82, 15, 76, 65, 90, 3, 77, 91, 66, 117, 110, 73, 74, 4, 31, 9, 16, 13, 68, 75, 10, 80, 60, 8, 7, 58, 11, 71, 28, 98, 94, 6, 5, 72, 69, 34, 101, 100, 35, 36, 37, 99], [104, 39, 33, 42, 103, 41, 97, 108, 93, 0, 64, 25, 89, 29, 105, 107, 113, 95, 126, 102, 59, 123, 111, 115, 121, 47, 57, 88, 63, 24, 48, 124, 96, 38, 53, 116, 30, 87, 19, 52, 119, 43, 23, 20, 21, 40, 61, 127, 27, 109, 51, 84, 50, 22, 112, 106, 49, 32, 78, 86, 125, 14, 85, 54, 56, 17, 45, 120, 114, 70, 122, 44, 3, 118, 81, 46, 83, 65, 62, 82, 1, 91, 92, 15, 55, 76, 2, 117, 110, 12, 90, 79, 80, 26, 67, 16, 18, 77, 68, 11, 66, 13, 73, 9, 4, 31, 75, 6, 58, 74, 60, 72, 71, 10, 8, 28, 69, 7, 34, 98, 5, 94, 101, 100, 37, 35, 36, 99], [39, 104, 42, 33, 103, 41, 97, 108, 64, 0, 105, 93, 107, 113, 126, 89, 25, 29, 59, 124, 123, 111, 119, 63, 102, 115, 121, 95, 53, 47, 48, 50, 57, 87, 106, 96, 116, 43, 88, 38, 49, 30, 61, 23, 24, 22, 54, 20, 51, 6, 122, 44, 114, 27, 40, 109, 52, 78, 85, 125, 21, 83, 45, 17, 19, 118, 86, 84, 112, 62, 65, 81, 56, 55, 14, 120, 79, 127, 32, 68, 66, 67, 1, 46, 3, 9, 91, 110, 18, 4, 12, 73, 82, 26, 2, 72, 70, 92, 77, 15, 117, 76, 13, 16, 90, 58, 80, 75, 10, 31, 60, 74, 11, 7, 71, 69, 28, 5, 98, 94, 101, 34, 8, 100, 35, 37, 36, 99], [39, 104, 33, 42, 103, 41, 97, 64, 108, 0, 93, 105, 25, 89, 107, 113, 126, 115, 102, 59, 29, 123, 47, 95, 119, 121, 63, 53, 111, 124, 57, 48, 116, 43, 6, 20, 30, 23, 88, 96, 24, 106, 109, 38, 87, 50, 52, 22, 21, 49, 27, 17, 40, 61, 19, 112, 122, 78, 3, 54, 14, 44, 45, 114, 51, 91, 84, 86, 46, 65, 85, 125, 1, 127, 118, 120, 32, 81, 56, 62, 82, 83, 26, 73, 72, 55, 15, 9, 2, 110, 4, 79, 66, 76, 92, 117, 12, 67, 18, 16, 77, 11, 13, 68, 31, 80, 90, 75, 60, 58, 10, 74, 71, 70, 7, 98, 34, 28, 69, 5, 94, 101, 8, 100, 37, 36, 35, 99], [39, 104, 42, 33, 103, 41, 97, 108, 0, 64, 25, 93, 89, 105, 107, 126, 95, 113, 29, 102, 115, 123, 59, 48, 121, 53, 124, 6, 30, 88, 111, 47, 87, 63, 96, 106, 116, 23, 119, 38, 27, 24, 43, 57, 20, 49, 40, 22, 61, 44, 50, 54, 52, 122, 21, 109, 1, 51, 86, 81, 85, 19, 78, 114, 3, 84, 45, 125, 112, 32, 127, 14, 83, 118, 120, 17, 2, 46, 56, 55, 76, 62, 82, 91, 92, 18, 72, 77, 65, 79, 9, 117, 15, 12, 66, 90, 110, 67, 68, 4, 26, 16, 31, 13, 80, 73, 75, 10, 74, 60, 7, 11, 71, 58, 98, 5, 94, 28, 34, 70, 69, 101, 8, 100, 35, 37, 99, 36], [39, 104, 33, 42, 103, 97, 41, 0, 64, 93, 108, 113, 105, 107, 25, 89, 126, 47, 29, 95, 102, 30, 121, 59, 123, 115, 48, 111, 53, 6, 124, 88, 24, 50, 119, 49, 116, 27, 38, 106, 63, 43, 57, 96, 87, 23, 21, 32, 20, 125, 52, 61, 22, 109, 112, 44, 85, 45, 51, 19, 83, 122, 114, 40, 14, 54, 55, 78, 17, 120, 2, 84, 86, 62, 1, 118, 127, 66, 91, 3, 56, 72, 110, 4, 81, 18, 82, 77, 46, 68, 26, 79, 65, 16, 13, 9, 15, 76, 67, 12, 80, 92, 75, 117, 31, 90, 73, 60, 74, 58, 10, 11, 71, 7, 28, 70, 5, 69, 98, 34, 94, 101, 8, 100, 37, 35, 36, 99], [39, 33, 104, 42, 103, 97, 41, 93, 64, 108, 0, 25, 105, 113, 89, 107, 126, 29, 95, 47, 59, 102, 48, 88, 53, 115, 116, 123, 124, 111, 24, 57, 30, 38, 96, 63, 87, 52, 121, 19, 43, 23, 27, 20, 50, 119, 51, 85, 32, 6, 40, 21, 106, 49, 109, 61, 127, 78, 125, 86, 122, 84, 22, 54, 81, 120, 45, 112, 14, 114, 91, 17, 83, 56, 46, 44, 118, 2, 67, 16, 90, 110, 66, 62, 1, 117, 4, 79, 65, 76, 92, 72, 68, 82, 15, 18, 75, 13, 26, 55, 12, 9, 3, 80, 31, 77, 11, 73, 10, 58, 74, 60, 70, 28, 7, 98, 71, 34, 94, 101, 69, 5, 100, 37, 8, 35, 36, 99], [39, 104, 33, 42, 103, 41, 97, 64, 0, 108, 93, 105, 107, 113, 25, 95, 89, 29, 126, 48, 59, 124, 102, 88, 47, 38, 115, 123, 111, 53, 50, 106, 21, 27, 44, 30, 96, 43, 87, 116, 121, 109, 52, 23, 24, 119, 40, 63, 49, 57, 85, 19, 22, 114, 86, 122, 20, 127, 78, 54, 83, 56, 51, 17, 32, 84, 61, 14, 81, 90, 125, 120, 112, 45, 46, 118, 66, 1, 70, 82, 15, 62, 12, 79, 91, 55, 2, 76, 26, 65, 67, 18, 92, 6, 110, 9, 117, 73, 3, 72, 77, 16, 31, 68, 10, 13, 80, 74, 75, 4, 60, 11, 28, 58, 7, 98, 94, 34, 71, 5, 69, 8, 101, 100, 37, 35, 36, 99], [33, 104, 39, 42, 103, 41, 97, 89, 25, 93, 108, 29, 64, 95, 0, 113, 102, 107, 105, 126, 38, 87, 59, 88, 96, 48, 27, 24, 53, 47, 32, 116, 30, 115, 124, 85, 123, 19, 21, 40, 106, 23, 57, 43, 109, 121, 111, 22, 44, 20, 83, 63, 122, 78, 52, 50, 84, 86, 81, 49, 127, 2, 56, 45, 17, 26, 119, 66, 14, 114, 54, 61, 51, 125, 70, 91, 82, 4, 120, 112, 76, 12, 46, 118, 92, 18, 1, 67, 15, 55, 117, 68, 79, 65, 62, 80, 16, 90, 13, 77, 73, 74, 72, 31, 75, 9, 11, 10, 3, 110, 71, 7, 58, 60, 6, 28, 8, 34, 94, 98, 101, 69, 5, 100, 37, 36, 35, 99], [39, 104, 33, 42, 103, 0, 41, 64, 97, 108, 25, 93, 113, 105, 107, 126, 89, 59, 29, 115, 111, 47, 57, 121, 102, 63, 123, 48, 95, 124, 70, 52, 88, 96, 116, 53, 119, 43, 87, 61, 49, 23, 24, 30, 38, 50, 19, 125, 106, 20, 51, 21, 32, 109, 56, 22, 54, 14, 78, 1, 112, 120, 83, 67, 45, 40, 114, 44, 122, 118, 84, 127, 27, 46, 86, 81, 68, 65, 3, 17, 62, 85, 55, 91, 110, 2, 79, 18, 66, 77, 82, 4, 76, 9, 13, 117, 92, 15, 90, 26, 12, 73, 60, 11, 16, 31, 74, 58, 75, 80, 10, 8, 71, 7, 72, 28, 5, 69, 6, 98, 101, 94, 34, 100, 37, 35, 99, 36], [39, 104, 33, 42, 103, 0, 41, 64, 108, 97, 107, 105, 113, 93, 126, 25, 89, 59, 121, 63, 111, 115, 70, 123, 47, 29, 95, 102, 119, 48, 124, 96, 53, 116, 49, 57, 51, 88, 52, 87, 50, 61, 27, 30, 65, 109, 43, 106, 22, 120, 24, 23, 21, 114, 38, 56, 19, 122, 40, 54, 14, 45, 125, 118, 83, 84, 112, 20, 46, 44, 127, 55, 32, 86, 81, 78, 62, 17, 67, 82, 85, 3, 91, 2, 90, 117, 79, 66, 77, 92, 68, 4, 110, 76, 15, 13, 60, 73, 26, 31, 1, 9, 12, 75, 18, 80, 8, 58, 74, 11, 16, 71, 10, 28, 7, 69, 5, 98, 72, 34, 94, 6, 101, 100, 37, 36, 35, 99], [39, 33, 104, 42, 103, 97, 41, 108, 89, 93, 95, 105, 0, 113, 25, 64, 29, 126, 107, 30, 102, 27, 124, 48, 38, 47, 115, 53, 106, 88, 24, 59, 23, 116, 123, 21, 96, 40, 32, 87, 86, 111, 50, 121, 44, 85, 43, 22, 122, 20, 109, 63, 49, 70, 57, 119, 52, 83, 81, 19, 51, 14, 91, 17, 114, 118, 78, 54, 127, 125, 45, 112, 61, 26, 92, 84, 2, 56, 76, 66, 18, 15, 82, 12, 65, 62, 79, 46, 1, 120, 117, 80, 55, 73, 31, 68, 90, 110, 16, 67, 77, 3, 8, 13, 75, 74, 4, 9, 6, 10, 11, 60, 34, 58, 71, 28, 98, 94, 7, 72, 69, 101, 5, 100, 36, 37, 35, 99], [33, 104, 39, 42, 103, 41, 97, 93, 108, 89, 25, 0, 64, 95, 105, 113, 29, 107, 126, 102, 121, 115, 53, 30, 88, 38, 48, 47, 96, 59, 124, 123, 57, 43, 87, 21, 111, 116, 22, 23, 27, 63, 32, 40, 51, 52, 50, 106, 20, 109, 86, 44, 83, 122, 24, 14, 49, 78, 119, 127, 19, 112, 84, 81, 61, 54, 17, 114, 85, 55, 120, 91, 45, 46, 70, 18, 82, 62, 79, 65, 12, 2, 56, 92, 3, 66, 118, 4, 125, 90, 73, 26, 117, 13, 1, 68, 8, 80, 15, 76, 6, 31, 67, 77, 110, 16, 11, 9, 75, 10, 60, 74, 28, 7, 71, 5, 58, 98, 34, 101, 94, 69, 100, 72, 37, 35, 36, 99], [39, 104, 33, 42, 103, 0, 97, 41, 108, 93, 64, 113, 25, 107, 126, 47, 105, 89, 59, 29, 115, 124, 48, 63, 121, 123, 53, 95, 57, 111, 116, 102, 52, 30, 96, 24, 49, 88, 119, 51, 87, 23, 38, 20, 106, 78, 32, 61, 83, 44, 43, 27, 21, 22, 50, 127, 109, 122, 86, 54, 85, 19, 114, 6, 17, 125, 14, 3, 40, 112, 4, 81, 118, 46, 45, 56, 65, 62, 84, 2, 55, 120, 82, 66, 8, 91, 18, 76, 68, 79, 26, 117, 1, 12, 9, 11, 67, 73, 90, 70, 13, 15, 16, 110, 92, 77, 31, 60, 75, 80, 71, 10, 7, 58, 74, 28, 5, 98, 34, 69, 94, 72, 101, 37, 100, 35, 36, 99], [39, 104, 33, 42, 103, 41, 64, 0, 97, 108, 93, 113, 25, 105, 107, 89, 126, 115, 29, 102, 59, 123, 95, 111, 47, 6, 48, 121, 53, 88, 63, 57, 119, 124, 43, 49, 116, 30, 52, 109, 24, 38, 106, 87, 50, 96, 61, 20, 23, 21, 19, 44, 27, 114, 14, 122, 125, 51, 54, 85, 22, 112, 56, 40, 120, 84, 83, 118, 127, 17, 65, 62, 78, 55, 45, 46, 32, 66, 81, 91, 3, 86, 1, 67, 8, 76, 18, 79, 117, 68, 2, 73, 110, 26, 90, 82, 77, 9, 4, 13, 92, 12, 16, 80, 74, 15, 60, 31, 11, 75, 10, 7, 58, 28, 71, 70, 94, 69, 5, 98, 34, 101, 72, 37, 100, 35, 99, 36], [39, 33, 104, 42, 103, 41, 97, 108, 0, 93, 64, 105, 107, 25, 89, 95, 113, 126, 29, 102, 59, 30, 111, 121, 47, 123, 88, 38, 124, 115, 87, 6, 24, 43, 106, 50, 53, 48, 116, 119, 40, 27, 21, 23, 96, 86, 109, 85, 63, 20, 44, 83, 32, 122, 22, 84, 49, 52, 57, 17, 14, 91, 114, 81, 51, 19, 61, 54, 127, 45, 56, 65, 120, 92, 125, 90, 79, 66, 2, 76, 78, 112, 82, 46, 118, 26, 15, 18, 62, 55, 80, 3, 13, 67, 8, 68, 9, 31, 12, 117, 1, 74, 73, 16, 110, 4, 77, 11, 75, 10, 60, 58, 71, 7, 28, 34, 94, 98, 5, 72, 69, 100, 70, 101, 35, 36, 37, 99], [39, 104, 33, 42, 103, 41, 97, 108, 93, 64, 0, 89, 29, 105, 113, 25, 126, 107, 95, 115, 47, 124, 111, 116, 88, 59, 48, 121, 123, 53, 57, 87, 102, 24, 38, 63, 30, 20, 23, 96, 43, 21, 6, 40, 127, 22, 106, 119, 52, 50, 27, 51, 109, 49, 61, 32, 54, 17, 78, 84, 44, 112, 114, 19, 83, 118, 85, 82, 56, 120, 45, 122, 14, 125, 81, 1, 46, 117, 86, 65, 91, 67, 62, 68, 26, 2, 92, 90, 55, 4, 79, 12, 77, 66, 15, 18, 13, 76, 31, 3, 9, 110, 16, 73, 75, 80, 11, 74, 10, 60, 58, 8, 7, 98, 71, 70, 5, 72, 69, 28, 34, 94, 101, 100, 37, 35, 99, 36], [39, 104, 33, 42, 103, 64, 97, 41, 0, 108, 93, 107, 113, 89, 105, 126, 25, 29, 59, 121, 115, 102, 95, 47, 111, 123, 124, 48, 63, 53, 57, 88, 119, 43, 30, 38, 24, 50, 116, 96, 49, 61, 51, 106, 87, 20, 52, 54, 19, 23, 21, 44, 27, 22, 81, 6, 14, 125, 122, 85, 32, 112, 114, 109, 127, 120, 55, 78, 62, 40, 84, 83, 56, 2, 45, 17, 86, 118, 46, 1, 67, 82, 91, 65, 3, 110, 68, 79, 4, 66, 12, 26, 77, 18, 73, 15, 90, 117, 92, 76, 9, 70, 13, 80, 11, 16, 10, 75, 31, 74, 58, 60, 7, 71, 69, 72, 8, 28, 5, 98, 94, 34, 101, 37, 100, 35, 99, 36], [39, 33, 104, 42, 103, 41, 108, 97, 0, 64, 113, 25, 93, 89, 107, 105, 29, 95, 126, 102, 115, 59, 48, 124, 123, 121, 111, 38, 88, 53, 63, 21, 24, 47, 106, 116, 30, 87, 23, 49, 22, 27, 96, 119, 85, 43, 20, 57, 122, 40, 52, 109, 44, 65, 32, 14, 83, 17, 81, 51, 19, 61, 50, 54, 114, 125, 78, 91, 127, 3, 84, 112, 70, 79, 56, 86, 67, 120, 46, 45, 12, 62, 18, 2, 118, 26, 76, 66, 73, 55, 82, 92, 4, 16, 13, 6, 90, 1, 15, 9, 117, 110, 31, 77, 80, 74, 10, 68, 75, 72, 7, 71, 11, 28, 58, 60, 94, 98, 34, 5, 8, 69, 101, 100, 35, 37, 36, 99], [39, 104, 33, 42, 103, 41, 64, 97, 108, 0, 93, 105, 113, 89, 107, 59, 25, 29, 126, 95, 123, 47, 121, 48, 111, 115, 102, 63, 124, 70, 57, 87, 119, 53, 116, 88, 30, 109, 49, 43, 50, 24, 56, 96, 114, 61, 38, 52, 65, 51, 106, 40, 127, 20, 44, 83, 85, 120, 118, 54, 22, 86, 23, 46, 21, 19, 122, 78, 112, 27, 125, 81, 45, 14, 32, 62, 17, 84, 67, 91, 82, 90, 117, 15, 1, 55, 18, 3, 110, 76, 12, 13, 26, 66, 68, 77, 60, 72, 31, 2, 4, 9, 16, 75, 79, 92, 58, 73, 11, 10, 80, 6, 74, 7, 98, 28, 71, 69, 5, 34, 94, 100, 8, 101, 37, 35, 36, 99], [39, 104, 33, 42, 103, 41, 97, 108, 107, 0, 93, 113, 64, 105, 126, 89, 25, 95, 29, 30, 47, 59, 123, 102, 88, 124, 121, 111, 70, 115, 38, 43, 116, 24, 48, 53, 119, 106, 50, 19, 96, 63, 87, 57, 44, 21, 49, 23, 109, 27, 85, 52, 22, 14, 40, 51, 122, 20, 32, 56, 54, 114, 61, 17, 84, 127, 125, 2, 120, 62, 4, 83, 81, 67, 86, 78, 55, 79, 66, 112, 82, 118, 46, 26, 91, 68, 65, 1, 45, 15, 76, 16, 72, 18, 92, 117, 73, 12, 3, 9, 90, 77, 11, 110, 74, 13, 31, 80, 10, 71, 60, 58, 75, 7, 28, 94, 98, 69, 8, 34, 5, 101, 100, 37, 6, 35, 36, 99], [39, 104, 33, 42, 103, 41, 0, 97, 108, 105, 93, 64, 25, 89, 113, 107, 95, 29, 126, 102, 115, 59, 111, 123, 70, 124, 48, 53, 87, 24, 88, 121, 106, 47, 38, 27, 63, 21, 116, 119, 43, 50, 96, 22, 30, 40, 20, 23, 19, 57, 52, 49, 122, 114, 109, 85, 44, 54, 17, 51, 84, 78, 81, 65, 61, 3, 45, 112, 86, 120, 125, 56, 127, 32, 14, 91, 62, 82, 118, 46, 15, 92, 12, 79, 1, 18, 110, 26, 9, 76, 72, 83, 73, 67, 55, 117, 2, 80, 16, 66, 31, 77, 13, 10, 75, 4, 68, 90, 11, 60, 58, 7, 74, 6, 28, 34, 98, 5, 69, 71, 94, 101, 100, 35, 8, 36, 37, 99], [39, 104, 33, 42, 103, 41, 97, 108, 0, 64, 25, 93, 107, 105, 89, 29, 113, 95, 126, 102, 115, 123, 48, 124, 88, 53, 59, 121, 30, 87, 47, 38, 96, 22, 63, 111, 106, 23, 43, 27, 49, 24, 65, 40, 116, 20, 119, 50, 44, 109, 122, 52, 114, 57, 51, 21, 85, 14, 84, 54, 70, 83, 81, 127, 61, 17, 86, 82, 19, 32, 79, 56, 112, 46, 78, 118, 45, 120, 62, 91, 55, 2, 117, 125, 3, 12, 18, 9, 72, 92, 13, 76, 26, 16, 66, 31, 1, 67, 90, 68, 110, 11, 77, 10, 73, 15, 80, 6, 4, 60, 75, 71, 74, 58, 98, 28, 34, 7, 94, 5, 69, 101, 8, 100, 35, 37, 36, 99], [39, 104, 33, 42, 103, 97, 41, 93, 64, 0, 108, 25, 107, 113, 89, 105, 102, 126, 95, 29, 47, 30, 123, 59, 111, 88, 115, 24, 48, 121, 38, 124, 53, 119, 63, 49, 43, 57, 96, 50, 27, 52, 23, 116, 21, 87, 19, 106, 51, 20, 61, 32, 84, 44, 22, 109, 40, 78, 85, 114, 127, 14, 118, 83, 125, 17, 86, 112, 66, 122, 45, 120, 2, 54, 81, 62, 56, 1, 3, 68, 65, 4, 70, 46, 26, 79, 55, 12, 82, 6, 91, 15, 92, 72, 18, 80, 76, 117, 13, 9, 77, 90, 16, 67, 110, 31, 11, 10, 73, 60, 58, 75, 74, 71, 7, 28, 5, 98, 69, 34, 94, 8, 101, 100, 35, 37, 99, 36], [39, 104, 33, 42, 103, 41, 97, 108, 64, 93, 105, 95, 29, 107, 0, 89, 25, 126, 88, 113, 102, 123, 124, 47, 121, 48, 53, 30, 115, 111, 59, 38, 43, 87, 106, 116, 40, 96, 22, 50, 109, 6, 24, 63, 23, 49, 119, 27, 21, 54, 44, 32, 52, 61, 83, 114, 122, 57, 20, 86, 56, 85, 81, 112, 45, 127, 19, 84, 51, 14, 125, 120, 1, 78, 118, 46, 62, 82, 17, 91, 15, 65, 18, 3, 117, 90, 67, 79, 26, 31, 92, 12, 66, 2, 77, 68, 55, 76, 16, 110, 13, 73, 58, 4, 80, 10, 9, 75, 74, 11, 72, 98, 60, 70, 7, 71, 34, 28, 94, 69, 8, 5, 101, 100, 36, 35, 37, 99], [39, 104, 33, 42, 103, 41, 97, 0, 64, 108, 93, 25, 113, 29, 89, 105, 59, 126, 107, 95, 115, 111, 102, 48, 123, 57, 47, 87, 124, 53, 121, 6, 63, 116, 38, 52, 88, 24, 96, 109, 30, 43, 119, 61, 106, 21, 49, 127, 44, 50, 54, 19, 23, 40, 51, 84, 20, 125, 27, 114, 56, 112, 14, 86, 85, 22, 83, 45, 122, 17, 65, 32, 120, 46, 81, 66, 78, 55, 1, 91, 3, 18, 79, 82, 62, 118, 26, 67, 12, 110, 90, 2, 76, 13, 77, 92, 31, 117, 10, 4, 15, 16, 9, 80, 75, 60, 73, 58, 68, 11, 74, 8, 71, 7, 72, 28, 70, 69, 98, 5, 101, 34, 94, 100, 35, 37, 36, 99], [39, 33, 104, 42, 103, 41, 97, 108, 0, 93, 25, 89, 107, 64, 113, 105, 126, 29, 95, 102, 59, 111, 123, 48, 124, 47, 30, 38, 53, 24, 43, 121, 6, 57, 88, 27, 115, 63, 96, 23, 44, 106, 116, 87, 21, 83, 49, 119, 109, 85, 52, 20, 32, 22, 50, 40, 14, 122, 19, 51, 17, 86, 78, 54, 114, 127, 81, 61, 45, 46, 84, 65, 62, 91, 56, 125, 112, 66, 120, 18, 2, 12, 15, 68, 67, 26, 82, 90, 3, 55, 118, 4, 79, 92, 13, 31, 1, 117, 76, 9, 8, 73, 80, 11, 77, 10, 16, 110, 75, 60, 74, 7, 71, 28, 58, 72, 34, 94, 98, 69, 5, 70, 101, 100, 37, 35, 36, 99], [104, 39, 33, 42, 103, 64, 0, 41, 108, 97, 93, 113, 107, 126, 25, 89, 59, 29, 105, 121, 111, 63, 115, 47, 102, 123, 95, 57, 88, 48, 124, 6, 53, 119, 21, 24, 61, 87, 116, 43, 96, 30, 106, 49, 51, 20, 83, 50, 114, 52, 67, 38, 109, 27, 65, 54, 125, 56, 122, 1, 112, 14, 4, 85, 44, 22, 120, 127, 23, 78, 19, 32, 81, 45, 40, 55, 86, 46, 118, 84, 17, 62, 2, 3, 12, 15, 82, 66, 79, 68, 26, 76, 18, 91, 9, 117, 110, 73, 8, 77, 92, 13, 16, 90, 7, 75, 10, 11, 80, 74, 71, 60, 31, 58, 70, 69, 28, 5, 98, 101, 94, 72, 34, 100, 37, 35, 99, 36], [39, 104, 33, 42, 103, 41, 108, 97, 93, 0, 105, 64, 25, 95, 29, 89, 115, 113, 126, 107, 102, 59, 124, 48, 123, 111, 53, 43, 88, 106, 121, 30, 47, 38, 119, 24, 87, 50, 96, 27, 22, 63, 21, 20, 57, 17, 49, 23, 52, 86, 116, 44, 40, 54, 122, 114, 6, 109, 51, 84, 65, 78, 19, 112, 127, 61, 125, 14, 83, 32, 85, 3, 81, 45, 18, 56, 46, 70, 79, 120, 1, 15, 62, 91, 82, 55, 76, 118, 9, 67, 2, 12, 8, 92, 90, 73, 110, 4, 31, 13, 68, 117, 16, 26, 10, 66, 80, 77, 75, 11, 74, 58, 60, 71, 28, 69, 7, 98, 94, 34, 5, 101, 100, 72, 36, 35, 37, 99], [39, 33, 104, 42, 103, 97, 41, 93, 0, 108, 25, 95, 107, 29, 113, 89, 64, 105, 102, 126, 115, 59, 88, 124, 47, 27, 38, 30, 24, 53, 121, 87, 48, 23, 123, 116, 96, 21, 106, 111, 32, 50, 44, 43, 85, 19, 109, 40, 63, 52, 83, 22, 49, 119, 54, 122, 56, 84, 81, 14, 86, 125, 20, 57, 66, 127, 114, 112, 17, 91, 61, 78, 2, 1, 70, 51, 45, 18, 12, 118, 82, 65, 15, 120, 46, 55, 90, 76, 77, 16, 92, 4, 3, 26, 8, 62, 67, 79, 117, 73, 80, 75, 13, 31, 68, 74, 9, 110, 10, 6, 71, 11, 28, 60, 58, 7, 34, 98, 94, 5, 69, 72, 100, 101, 35, 37, 36, 99], [39, 104, 33, 42, 103, 97, 0, 41, 93, 108, 64, 25, 105, 89, 113, 29, 95, 107, 126, 102, 59, 115, 48, 47, 123, 124, 53, 70, 88, 111, 116, 30, 43, 52, 24, 57, 23, 38, 121, 96, 87, 63, 22, 119, 106, 78, 51, 50, 40, 32, 20, 19, 44, 109, 49, 61, 54, 122, 127, 91, 83, 21, 112, 27, 125, 81, 45, 85, 84, 118, 1, 86, 56, 17, 62, 46, 79, 114, 55, 3, 14, 66, 120, 65, 2, 18, 68, 82, 110, 12, 8, 26, 117, 77, 90, 67, 75, 16, 92, 4, 31, 13, 76, 15, 80, 9, 73, 10, 28, 11, 74, 58, 60, 7, 71, 34, 98, 5, 94, 69, 6, 101, 72, 100, 37, 35, 36, 99]], "model.layers.1.self_attn.q_proj": [[103, 12, 107, 104, 46, 33, 42, 105, 49, 123, 50, 117, 62, 48, 57, 122, 19, 6, 59, 31, 29, 52, 54, 56, 5, 44, 115, 23, 92, 63, 8, 76, 70, 80, 66, 79, 72, 20, 116, 85, 120, 111, 84, 65, 78, 83, 25, 3, 22, 18, 127, 55, 90, 9, 27, 7, 126, 11, 87, 74, 37, 58, 82, 16, 77, 124, 4, 67, 2, 35, 13, 109, 15, 125, 88, 102, 71, 75, 17, 34, 94, 21, 100, 86, 14, 61, 24, 81, 114, 69, 45, 1, 98, 112, 73, 0, 51, 10, 39, 113, 101, 38, 32, 30, 36, 26, 121, 89, 41, 43, 97, 108, 106, 47, 40, 28, 93, 96, 64, 60, 91, 99, 118, 53, 119, 68, 110, 95], [103, 107, 104, 42, 105, 117, 46, 123, 50, 62, 24, 48, 33, 3, 67, 57, 122, 111, 59, 70, 56, 7, 127, 25, 65, 29, 49, 63, 115, 31, 79, 58, 13, 124, 16, 74, 44, 6, 66, 0, 4, 11, 116, 22, 9, 92, 82, 54, 5, 77, 101, 23, 125, 45, 84, 52, 1, 90, 78, 12, 98, 20, 94, 27, 126, 71, 2, 83, 120, 17, 73, 109, 38, 18, 87, 37, 19, 86, 32, 36, 15, 75, 64, 80, 55, 35, 81, 10, 14, 102, 100, 8, 113, 99, 76, 61, 121, 69, 26, 85, 53, 72, 97, 21, 30, 112, 89, 68, 118, 39, 43, 88, 41, 106, 114, 34, 110, 91, 95, 93, 60, 47, 108, 40, 51, 28, 96, 119], [100, 44, 102, 113, 37, 38, 59, 115, 35, 57, 122, 116, 34, 104, 114, 103, 109, 123, 46, 107, 50, 48, 62, 120, 117, 54, 42, 105, 52, 49, 125, 63, 112, 111, 98, 61, 56, 60, 53, 126, 121, 101, 33, 25, 99, 110, 127, 32, 84, 86, 58, 47, 82, 124, 88, 108, 21, 94, 40, 119, 41, 45, 36, 43, 89, 29, 118, 7, 51, 78, 77, 96, 17, 13, 30, 72, 106, 81, 95, 70, 92, 97, 93, 27, 11, 4, 79, 14, 9, 16, 55, 71, 74, 26, 83, 20, 67, 65, 75, 5, 0, 87, 66, 19, 12, 76, 85, 80, 91, 39, 3, 90, 24, 31, 28, 18, 6, 2, 22, 1, 64, 8, 15, 23, 68, 69, 73, 10], [103, 107, 104, 42, 33, 105, 46, 123, 117, 50, 62, 57, 122, 48, 49, 9, 29, 125, 111, 63, 31, 92, 90, 115, 10, 56, 4, 18, 54, 83, 69, 35, 7, 84, 44, 20, 23, 71, 22, 59, 100, 79, 75, 14, 5, 58, 127, 25, 113, 77, 8, 74, 86, 87, 27, 82, 70, 66, 65, 99, 120, 24, 13, 2, 73, 6, 12, 52, 78, 85, 55, 124, 114, 38, 1, 47, 108, 116, 72, 121, 11, 45, 88, 89, 81, 126, 112, 32, 3, 80, 93, 21, 15, 37, 16, 30, 97, 26, 94, 19, 53, 28, 101, 60, 118, 102, 17, 109, 91, 36, 39, 119, 98, 61, 110, 0, 34, 76, 95, 41, 51, 43, 40, 106, 96, 67, 68, 64], [104, 38, 97, 103, 42, 43, 48, 56, 90, 45, 87, 110, 47, 125, 50, 120, 53, 121, 49, 124, 61, 126, 58, 123, 30, 6, 31, 122, 57, 62, 68, 12, 119, 84, 52, 67, 81, 29, 16, 4, 105, 70, 112, 75, 117, 77, 78, 28, 63, 127, 7, 51, 82, 59, 13, 10, 41, 76, 20, 66, 85, 1, 18, 9, 8, 83, 15, 55, 64, 100, 60, 89, 113, 108, 23, 115, 116, 69, 72, 88, 98, 24, 73, 3, 34, 2, 91, 118, 54, 17, 79, 65, 5, 14, 109, 35, 11, 21, 80, 86, 107, 101, 37, 32, 19, 71, 74, 106, 99, 44, 25, 0, 92, 93, 36, 22, 26, 96, 94, 27, 111, 114, 33, 46, 40, 102, 95, 39], [104, 38, 103, 97, 42, 43, 87, 47, 45, 110, 49, 53, 50, 123, 126, 61, 124, 6, 29, 57, 90, 120, 121, 48, 12, 66, 31, 13, 117, 64, 28, 59, 81, 56, 10, 68, 58, 122, 62, 78, 7, 44, 75, 105, 52, 67, 20, 125, 51, 16, 1, 72, 119, 54, 15, 2, 9, 55, 18, 69, 115, 113, 82, 127, 100, 80, 11, 109, 91, 99, 4, 35, 96, 8, 85, 71, 63, 60, 5, 116, 70, 17, 118, 22, 101, 3, 36, 84, 37, 89, 107, 14, 23, 46, 73, 79, 106, 112, 74, 27, 77, 30, 25, 76, 65, 21, 41, 98, 108, 24, 19, 88, 0, 114, 26, 32, 34, 111, 86, 83, 94, 33, 92, 93, 40, 95, 39, 102], [104, 103, 97, 38, 42, 43, 13, 49, 110, 47, 53, 50, 121, 56, 126, 59, 45, 87, 123, 124, 61, 6, 122, 48, 31, 117, 120, 29, 37, 78, 81, 90, 127, 28, 118, 119, 67, 51, 12, 68, 16, 55, 105, 70, 113, 58, 52, 82, 10, 35, 19, 72, 125, 8, 69, 24, 71, 66, 79, 75, 1, 23, 115, 112, 57, 54, 11, 62, 91, 73, 116, 18, 7, 85, 60, 25, 80, 44, 101, 20, 98, 30, 114, 41, 84, 17, 15, 76, 108, 88, 32, 63, 89, 34, 77, 46, 96, 27, 4, 64, 74, 14, 36, 100, 22, 21, 5, 107, 94, 9, 86, 92, 99, 2, 3, 65, 106, 83, 111, 26, 93, 109, 33, 0, 95, 102, 40, 39], [120, 49, 97, 124, 57, 103, 61, 104, 59, 87, 38, 18, 105, 121, 42, 122, 43, 54, 53, 50, 23, 31, 47, 35, 45, 48, 110, 101, 92, 126, 82, 84, 123, 117, 113, 56, 118, 115, 127, 51, 62, 41, 55, 109, 90, 12, 27, 89, 28, 114, 94, 91, 108, 81, 19, 26, 102, 44, 58, 16, 77, 78, 60, 88, 37, 15, 116, 95, 80, 119, 100, 107, 75, 6, 10, 29, 52, 20, 36, 111, 72, 46, 13, 73, 79, 74, 25, 22, 85, 33, 63, 106, 9, 86, 68, 30, 32, 11, 17, 98, 4, 93, 67, 71, 7, 125, 66, 1, 24, 76, 21, 96, 112, 3, 99, 69, 83, 34, 14, 8, 64, 70, 5, 39, 65, 2, 40, 0], [107, 42, 41, 40, 103, 33, 46, 118, 95, 24, 126, 109, 116, 125, 18, 14, 82, 115, 114, 63, 53, 56, 93, 113, 119, 111, 112, 58, 84, 54, 108, 117, 85, 59, 55, 49, 83, 60, 121, 20, 79, 80, 61, 87, 13, 27, 75, 76, 25, 50, 21, 99, 110, 48, 51, 124, 90, 92, 26, 7, 38, 89, 86, 77, 71, 94, 123, 8, 81, 74, 29, 23, 72, 120, 10, 15, 127, 22, 37, 32, 91, 96, 98, 73, 30, 52, 16, 34, 12, 122, 28, 11, 106, 47, 19, 31, 17, 35, 45, 102, 78, 97, 43, 9, 101, 88, 70, 36, 69, 67, 44, 66, 57, 3, 4, 65, 100, 62, 68, 104, 5, 105, 39, 0, 6, 1, 2, 64], [101, 98, 120, 108, 112, 127, 114, 47, 113, 34, 61, 49, 115, 62, 59, 122, 32, 111, 30, 118, 58, 36, 121, 119, 46, 48, 60, 123, 42, 50, 55, 53, 63, 94, 124, 41, 40, 125, 116, 37, 35, 126, 107, 56, 109, 44, 117, 54, 100, 88, 103, 38, 89, 22, 91, 45, 21, 68, 84, 102, 33, 57, 39, 85, 51, 25, 1, 93, 92, 6, 11, 64, 4, 52, 77, 69, 67, 8, 0, 71, 86, 99, 12, 24, 83, 95, 96, 97, 10, 81, 78, 80, 28, 9, 18, 110, 16, 7, 26, 2, 66, 104, 13, 79, 72, 31, 15, 82, 20, 3, 5, 19, 14, 65, 23, 73, 27, 70, 75, 76, 90, 43, 87, 29, 74, 17, 106, 105], [40, 42, 107, 41, 33, 112, 95, 46, 103, 116, 93, 20, 115, 114, 18, 121, 109, 27, 122, 15, 118, 78, 60, 16, 19, 72, 58, 54, 92, 25, 126, 125, 53, 17, 81, 26, 23, 119, 108, 12, 111, 13, 62, 83, 22, 56, 10, 49, 117, 48, 77, 55, 124, 11, 68, 120, 79, 14, 34, 87, 71, 113, 50, 29, 86, 59, 21, 74, 3, 57, 75, 127, 67, 5, 76, 80, 8, 104, 70, 89, 66, 84, 6, 61, 36, 82, 91, 9, 51, 98, 73, 38, 37, 90, 106, 85, 97, 69, 99, 28, 24, 52, 105, 1, 39, 31, 110, 63, 32, 2, 45, 4, 123, 94, 101, 88, 96, 43, 7, 47, 44, 30, 102, 65, 100, 35, 0, 64], [107, 41, 42, 103, 40, 109, 33, 85, 112, 108, 46, 95, 126, 54, 24, 66, 49, 68, 111, 117, 113, 38, 4, 114, 62, 122, 119, 125, 56, 22, 27, 1, 93, 61, 7, 118, 32, 36, 53, 18, 0, 17, 121, 10, 71, 6, 23, 8, 94, 78, 67, 2, 120, 98, 115, 116, 127, 59, 25, 81, 92, 60, 11, 21, 110, 37, 9, 15, 55, 80, 30, 57, 69, 77, 48, 64, 75, 12, 100, 3, 20, 19, 88, 63, 82, 123, 13, 16, 73, 34, 52, 5, 96, 124, 87, 70, 51, 101, 26, 35, 45, 99, 14, 79, 74, 43, 65, 58, 102, 29, 50, 83, 76, 86, 72, 84, 47, 28, 90, 91, 106, 44, 89, 97, 31, 105, 39, 104], [52, 55, 102, 57, 117, 111, 56, 95, 109, 54, 51, 101, 114, 63, 97, 53, 50, 127, 59, 104, 48, 122, 24, 86, 61, 98, 103, 90, 100, 112, 88, 26, 93, 33, 115, 41, 80, 110, 29, 31, 42, 116, 96, 125, 108, 16, 113, 85, 120, 27, 124, 126, 121, 60, 46, 49, 44, 22, 123, 74, 99, 37, 119, 30, 39, 17, 62, 81, 118, 107, 47, 58, 38, 43, 32, 40, 94, 10, 25, 20, 28, 21, 36, 45, 23, 91, 35, 34, 105, 84, 19, 92, 12, 76, 87, 106, 14, 89, 11, 18, 82, 15, 69, 78, 7, 13, 3, 75, 77, 72, 9, 8, 83, 5, 67, 79, 73, 6, 71, 4, 66, 2, 70, 68, 65, 0, 64, 1], [103, 104, 42, 41, 0, 33, 90, 44, 114, 109, 111, 63, 56, 59, 122, 102, 29, 61, 86, 127, 53, 101, 125, 121, 54, 51, 3, 95, 66, 16, 52, 10, 4, 112, 107, 48, 46, 83, 65, 50, 120, 84, 77, 49, 7, 76, 15, 69, 55, 71, 19, 115, 74, 12, 57, 25, 28, 78, 17, 72, 6, 85, 14, 91, 5, 9, 100, 123, 118, 80, 1, 126, 64, 124, 47, 21, 70, 13, 18, 2, 22, 75, 117, 23, 81, 68, 82, 11, 106, 87, 73, 113, 88, 67, 94, 96, 79, 105, 116, 108, 35, 110, 8, 20, 34, 39, 40, 98, 26, 24, 38, 30, 60, 36, 62, 99, 58, 89, 27, 37, 43, 45, 119, 32, 93, 92, 31, 97], [46, 44, 33, 52, 24, 111, 104, 103, 109, 124, 41, 102, 123, 57, 125, 107, 120, 108, 51, 114, 122, 61, 127, 59, 54, 90, 56, 85, 48, 29, 42, 53, 63, 95, 86, 55, 116, 76, 101, 50, 27, 80, 12, 22, 58, 60, 37, 110, 113, 26, 88, 119, 47, 21, 97, 81, 74, 93, 126, 96, 112, 34, 19, 117, 83, 7, 23, 3, 20, 15, 25, 10, 49, 77, 18, 43, 31, 89, 4, 84, 100, 0, 115, 17, 69, 98, 99, 78, 121, 87, 16, 9, 38, 28, 66, 14, 75, 92, 30, 11, 32, 91, 6, 62, 94, 105, 65, 118, 45, 106, 13, 8, 36, 35, 70, 79, 72, 67, 82, 71, 2, 68, 64, 73, 5, 1, 40, 39], [103, 57, 44, 101, 104, 41, 42, 33, 52, 109, 90, 55, 114, 46, 12, 111, 29, 54, 63, 56, 59, 127, 122, 61, 53, 51, 125, 95, 85, 72, 112, 81, 76, 48, 17, 3, 50, 11, 4, 100, 7, 121, 73, 115, 15, 120, 47, 69, 82, 19, 66, 80, 65, 23, 86, 78, 28, 67, 123, 102, 107, 0, 20, 22, 13, 16, 84, 88, 70, 10, 91, 30, 9, 126, 94, 5, 18, 14, 71, 83, 110, 25, 34, 58, 21, 32, 49, 6, 89, 2, 26, 8, 124, 77, 93, 64, 68, 75, 62, 45, 79, 117, 113, 87, 96, 43, 92, 24, 60, 98, 38, 106, 99, 27, 105, 1, 74, 36, 119, 108, 118, 31, 116, 35, 37, 97, 40, 39], [104, 101, 105, 45, 110, 97, 44, 106, 43, 64, 114, 95, 89, 113, 56, 116, 57, 93, 48, 119, 47, 58, 50, 68, 1, 15, 6, 70, 9, 84, 2, 76, 81, 16, 13, 74, 3, 14, 69, 11, 80, 20, 55, 0, 65, 60, 28, 72, 78, 7, 63, 17, 115, 71, 36, 46, 66, 8, 19, 121, 5, 109, 52, 73, 4, 118, 25, 40, 75, 34, 108, 41, 126, 82, 112, 59, 107, 111, 122, 61, 51, 42, 124, 123, 35, 125, 99, 62, 98, 67, 79, 88, 54, 85, 117, 49, 103, 27, 102, 38, 53, 32, 96, 91, 100, 90, 10, 21, 24, 12, 30, 22, 26, 127, 29, 86, 87, 83, 120, 77, 94, 23, 39, 18, 37, 92, 33, 31], [114, 104, 101, 97, 105, 45, 69, 44, 89, 110, 106, 43, 63, 95, 72, 75, 3, 93, 113, 56, 4, 57, 14, 55, 76, 119, 116, 58, 50, 48, 84, 47, 74, 20, 70, 67, 1, 9, 81, 80, 13, 60, 28, 118, 123, 16, 115, 18, 73, 64, 17, 11, 15, 22, 126, 78, 12, 7, 121, 46, 68, 77, 112, 62, 109, 65, 85, 61, 2, 83, 24, 23, 52, 127, 125, 108, 122, 6, 40, 51, 41, 79, 107, 10, 54, 26, 96, 42, 66, 21, 49, 19, 86, 25, 103, 38, 120, 37, 36, 124, 111, 90, 8, 102, 35, 87, 92, 27, 88, 91, 5, 82, 34, 100, 39, 117, 98, 94, 0, 71, 53, 32, 59, 29, 30, 99, 31, 33], [104, 64, 45, 110, 101, 105, 44, 106, 97, 43, 89, 113, 56, 57, 1, 119, 116, 0, 48, 58, 50, 47, 95, 93, 114, 68, 3, 84, 70, 123, 13, 2, 5, 63, 76, 28, 55, 60, 127, 59, 118, 14, 74, 122, 9, 81, 80, 15, 20, 46, 66, 8, 51, 16, 126, 36, 109, 112, 26, 40, 52, 4, 67, 41, 75, 108, 12, 69, 7, 11, 65, 107, 42, 77, 17, 53, 18, 78, 117, 61, 88, 6, 39, 35, 115, 72, 98, 111, 124, 32, 82, 71, 121, 91, 99, 86, 22, 85, 38, 62, 34, 10, 125, 73, 90, 49, 120, 19, 87, 30, 25, 21, 102, 83, 96, 27, 23, 100, 94, 24, 79, 92, 54, 103, 29, 31, 37, 33], [55, 63, 104, 97, 101, 72, 105, 45, 44, 110, 106, 43, 114, 52, 89, 93, 95, 77, 113, 58, 57, 56, 119, 116, 78, 15, 48, 60, 47, 83, 13, 62, 70, 50, 84, 115, 126, 80, 81, 118, 75, 8, 90, 17, 79, 38, 28, 91, 73, 20, 18, 12, 121, 112, 22, 125, 6, 69, 21, 16, 25, 86, 85, 46, 19, 37, 124, 29, 23, 9, 109, 76, 74, 102, 14, 61, 3, 10, 4, 59, 127, 111, 123, 108, 68, 71, 53, 92, 94, 36, 120, 24, 103, 35, 82, 54, 99, 27, 107, 51, 100, 11, 122, 117, 5, 88, 26, 41, 34, 96, 42, 87, 40, 32, 33, 67, 31, 30, 1, 49, 39, 98, 2, 7, 64, 65, 66, 0], [104, 0, 45, 106, 43, 103, 112, 1, 97, 102, 127, 2, 64, 116, 60, 93, 117, 67, 113, 4, 88, 115, 65, 50, 70, 71, 66, 57, 77, 78, 49, 63, 59, 69, 16, 76, 52, 62, 20, 48, 15, 73, 122, 74, 109, 22, 51, 58, 114, 123, 11, 81, 82, 8, 3, 124, 125, 107, 53, 87, 120, 17, 56, 83, 42, 19, 61, 84, 118, 18, 7, 24, 55, 40, 72, 39, 121, 86, 119, 6, 14, 54, 13, 12, 75, 10, 5, 38, 85, 9, 26, 21, 79, 92, 80, 89, 126, 111, 110, 44, 23, 68, 47, 32, 27, 25, 105, 98, 95, 108, 90, 28, 41, 91, 30, 100, 29, 37, 36, 96, 31, 34, 46, 94, 101, 33, 99, 35], [104, 103, 106, 45, 43, 97, 112, 102, 5, 0, 116, 3, 93, 68, 69, 127, 88, 20, 66, 4, 67, 60, 114, 117, 11, 71, 57, 70, 113, 49, 73, 115, 83, 2, 76, 122, 16, 82, 77, 78, 63, 51, 59, 48, 124, 8, 6, 22, 1, 15, 74, 81, 50, 65, 19, 58, 62, 52, 118, 123, 84, 85, 56, 120, 87, 75, 125, 61, 121, 109, 53, 55, 7, 64, 24, 17, 86, 54, 79, 107, 110, 80, 18, 72, 13, 42, 119, 10, 12, 14, 23, 47, 9, 111, 92, 108, 126, 29, 40, 27, 89, 44, 38, 21, 90, 46, 39, 28, 95, 25, 33, 26, 91, 31, 36, 41, 100, 30, 105, 94, 99, 37, 32, 96, 34, 35, 98, 101], [103, 114, 104, 116, 122, 59, 51, 97, 106, 48, 49, 43, 20, 124, 58, 18, 62, 88, 45, 57, 118, 63, 19, 55, 22, 102, 86, 108, 92, 123, 61, 79, 52, 112, 47, 125, 14, 121, 80, 126, 110, 120, 29, 33, 113, 17, 56, 75, 127, 84, 53, 82, 117, 24, 13, 115, 12, 50, 90, 46, 23, 93, 81, 26, 60, 119, 83, 91, 44, 10, 87, 27, 72, 54, 9, 32, 89, 15, 41, 111, 95, 94, 25, 28, 30, 36, 39, 38, 98, 77, 31, 85, 7, 37, 100, 6, 16, 99, 96, 105, 101, 5, 109, 35, 76, 78, 74, 21, 34, 73, 40, 11, 68, 8, 3, 71, 70, 66, 69, 4, 0, 1, 65, 67, 107, 2, 42, 64], [114, 118, 51, 103, 104, 49, 55, 53, 110, 125, 20, 123, 106, 122, 120, 121, 102, 56, 61, 43, 63, 124, 108, 126, 111, 88, 45, 19, 62, 119, 47, 54, 17, 58, 97, 18, 92, 22, 112, 79, 14, 80, 57, 41, 36, 99, 101, 100, 86, 116, 35, 90, 30, 98, 37, 34, 75, 59, 31, 44, 95, 32, 105, 96, 12, 13, 117, 127, 89, 91, 10, 50, 81, 33, 60, 24, 93, 72, 83, 94, 38, 9, 115, 46, 27, 52, 26, 7, 82, 113, 23, 84, 6, 87, 48, 29, 15, 5, 85, 109, 21, 28, 68, 25, 16, 11, 107, 3, 78, 39, 8, 77, 69, 66, 76, 42, 70, 65, 71, 74, 73, 4, 67, 40, 2, 0, 1, 64], [104, 102, 97, 44, 4, 103, 24, 107, 106, 29, 50, 126, 120, 55, 21, 62, 116, 59, 125, 95, 48, 3, 71, 121, 78, 67, 119, 45, 76, 0, 112, 82, 15, 65, 91, 123, 8, 92, 9, 49, 13, 1, 66, 10, 11, 68, 52, 122, 53, 80, 117, 51, 18, 110, 83, 6, 7, 58, 73, 77, 127, 75, 57, 113, 47, 101, 85, 108, 54, 81, 5, 20, 70, 16, 12, 111, 19, 43, 115, 74, 37, 32, 2, 69, 26, 42, 30, 56, 124, 64, 114, 46, 61, 72, 88, 96, 17, 118, 99, 22, 87, 89, 14, 98, 34, 63, 40, 41, 84, 27, 25, 94, 109, 79, 100, 60, 86, 23, 105, 36, 90, 35, 28, 93, 39, 33, 31, 38], [97, 102, 104, 44, 103, 105, 107, 106, 29, 24, 53, 50, 48, 126, 120, 116, 55, 119, 95, 57, 21, 121, 117, 125, 45, 82, 16, 123, 61, 78, 63, 15, 51, 62, 111, 11, 127, 92, 52, 13, 56, 9, 115, 5, 91, 72, 68, 12, 7, 59, 3, 2, 83, 6, 76, 118, 23, 108, 0, 49, 18, 54, 65, 30, 60, 75, 17, 80, 79, 89, 90, 77, 43, 98, 10, 32, 112, 74, 42, 19, 86, 81, 70, 14, 34, 84, 26, 25, 94, 35, 100, 27, 22, 85, 96, 36, 66, 124, 99, 37, 40, 28, 87, 20, 4, 8, 122, 113, 110, 109, 101, 47, 58, 71, 39, 31, 69, 67, 33, 73, 46, 64, 114, 41, 88, 38, 1, 93], [104, 102, 97, 44, 103, 29, 107, 106, 24, 50, 21, 126, 55, 120, 68, 82, 53, 52, 95, 11, 117, 78, 5, 13, 0, 125, 9, 59, 12, 62, 2, 6, 48, 92, 65, 15, 7, 45, 58, 51, 72, 3, 70, 116, 105, 18, 14, 123, 91, 46, 8, 121, 75, 57, 119, 109, 113, 122, 66, 76, 54, 26, 49, 110, 85, 88, 73, 17, 67, 71, 112, 30, 108, 114, 47, 60, 74, 80, 63, 23, 101, 1, 64, 79, 61, 43, 10, 22, 77, 41, 4, 42, 19, 111, 56, 37, 35, 124, 16, 90, 118, 84, 87, 34, 20, 69, 127, 100, 96, 115, 89, 36, 40, 32, 33, 94, 98, 83, 99, 25, 86, 81, 27, 28, 93, 38, 31, 39], [103, 102, 104, 105, 48, 97, 59, 44, 106, 107, 24, 116, 29, 117, 78, 21, 11, 120, 50, 126, 52, 16, 62, 55, 82, 53, 57, 74, 13, 51, 9, 18, 123, 95, 110, 119, 121, 75, 2, 15, 54, 85, 68, 125, 19, 122, 7, 88, 6, 70, 14, 112, 72, 92, 8, 80, 3, 45, 113, 30, 109, 66, 0, 17, 26, 76, 71, 65, 49, 58, 5, 1, 115, 114, 91, 47, 60, 22, 4, 77, 108, 67, 64, 10, 111, 32, 63, 124, 12, 87, 25, 43, 93, 56, 84, 86, 79, 83, 96, 42, 23, 41, 118, 94, 20, 61, 27, 69, 100, 127, 73, 46, 101, 98, 37, 40, 34, 81, 89, 90, 38, 36, 35, 99, 39, 28, 31, 33], [114, 103, 98, 44, 43, 49, 57, 48, 97, 105, 122, 95, 40, 14, 127, 63, 121, 107, 124, 83, 19, 24, 21, 120, 42, 78, 119, 94, 54, 32, 90, 58, 117, 110, 111, 74, 51, 92, 53, 84, 25, 26, 62, 29, 36, 18, 86, 109, 38, 115, 50, 46, 56, 112, 116, 15, 59, 123, 113, 85, 81, 33, 87, 99, 125, 88, 10, 17, 22, 31, 60, 100, 104, 118, 126, 82, 70, 93, 91, 52, 61, 28, 37, 55, 101, 108, 30, 35, 79, 47, 45, 6, 8, 102, 23, 16, 39, 13, 76, 11, 89, 77, 96, 12, 20, 34, 80, 27, 7, 9, 72, 4, 106, 75, 3, 68, 66, 73, 2, 41, 71, 65, 5, 67, 1, 69, 64, 0], [44, 63, 98, 62, 60, 111, 51, 49, 103, 124, 43, 59, 48, 127, 42, 97, 86, 17, 105, 22, 24, 120, 95, 55, 114, 92, 29, 50, 40, 99, 113, 110, 45, 90, 102, 25, 18, 57, 37, 36, 54, 77, 61, 47, 85, 28, 88, 94, 33, 74, 21, 87, 84, 101, 93, 100, 31, 26, 27, 108, 123, 125, 14, 91, 118, 35, 116, 115, 38, 117, 10, 52, 112, 121, 20, 56, 15, 109, 30, 81, 89, 13, 82, 78, 122, 104, 70, 83, 39, 126, 119, 96, 58, 32, 8, 19, 53, 71, 66, 7, 16, 4, 79, 34, 23, 107, 2, 46, 72, 67, 11, 68, 6, 41, 106, 80, 12, 0, 75, 1, 69, 64, 3, 73, 65, 9, 5, 76], [103, 105, 97, 42, 44, 111, 40, 121, 89, 95, 9, 119, 22, 58, 49, 57, 4, 48, 120, 124, 94, 62, 122, 65, 50, 60, 67, 11, 109, 51, 13, 59, 56, 92, 43, 99, 18, 79, 53, 127, 55, 16, 0, 70, 84, 63, 54, 5, 1, 73, 36, 81, 24, 26, 114, 46, 20, 71, 6, 98, 2, 82, 90, 112, 23, 66, 80, 86, 3, 77, 74, 85, 113, 100, 126, 12, 72, 76, 10, 7, 32, 38, 21, 115, 91, 78, 17, 118, 83, 125, 123, 27, 19, 29, 69, 68, 25, 47, 45, 102, 88, 64, 75, 8, 61, 14, 93, 116, 28, 52, 110, 34, 31, 37, 117, 87, 30, 15, 35, 101, 33, 96, 41, 107, 39, 108, 104, 106], [40, 109, 43, 44, 49, 97, 42, 103, 48, 53, 124, 105, 37, 118, 98, 120, 127, 62, 57, 56, 36, 95, 29, 51, 60, 59, 74, 92, 114, 22, 90, 84, 121, 55, 78, 81, 63, 10, 89, 54, 122, 16, 77, 58, 108, 24, 15, 115, 70, 38, 126, 119, 85, 86, 111, 125, 13, 47, 61, 82, 21, 25, 123, 8, 101, 93, 94, 83, 87, 45, 11, 102, 76, 19, 79, 18, 99, 20, 28, 88, 46, 116, 68, 80, 117, 32, 52, 100, 106, 9, 14, 17, 23, 67, 1, 4, 75, 96, 110, 26, 41, 2, 112, 33, 91, 113, 27, 30, 35, 50, 71, 107, 34, 72, 6, 12, 0, 3, 7, 64, 73, 69, 66, 39, 5, 31, 104, 65]], "model.layers.1.self_attn.k_proj": [[0, 39, 40, 43, 110, 4, 97, 11, 106, 41, 65, 95, 78, 84, 79, 62, 117, 74, 123, 9, 66, 50, 72, 122, 93, 5, 57, 87, 91, 73, 26, 47, 13, 69, 28, 68, 86, 16, 70, 7, 2, 59, 77, 81, 53, 112, 56, 67, 127, 17, 21, 46, 48, 10, 82, 121, 3, 64, 116, 76, 55, 63, 118, 124, 115, 58, 6, 114, 30, 89, 71, 113, 18, 51, 111, 14, 8, 108, 96, 54, 12, 120, 85, 60, 61, 109, 126, 75, 119, 15, 80, 125, 23, 1, 88, 52, 29, 49, 103, 38, 83, 94, 19, 34, 32, 45, 99, 33, 90, 36, 104, 27, 101, 22, 20, 24, 92, 98, 44, 105, 35, 100, 31, 107, 102, 37, 25, 42], [64, 40, 106, 107, 39, 46, 69, 111, 1, 33, 10, 66, 93, 7, 65, 2, 5, 113, 109, 95, 67, 75, 72, 117, 126, 12, 3, 123, 16, 112, 114, 81, 9, 61, 50, 4, 78, 53, 6, 102, 60, 124, 85, 15, 23, 47, 116, 21, 26, 125, 0, 92, 63, 27, 74, 71, 110, 108, 86, 22, 58, 68, 62, 11, 56, 70, 121, 83, 49, 80, 24, 19, 82, 94, 118, 55, 77, 17, 8, 98, 127, 57, 59, 52, 34, 51, 73, 25, 122, 119, 96, 14, 32, 99, 101, 87, 18, 37, 36, 79, 88, 76, 115, 84, 41, 20, 48, 91, 44, 35, 54, 89, 100, 28, 30, 97, 43, 105, 90, 120, 29, 45, 13, 42, 38, 31, 104, 103], [39, 97, 43, 105, 104, 106, 110, 31, 90, 29, 87, 45, 48, 54, 117, 83, 91, 81, 12, 15, 44, 78, 51, 28, 77, 10, 20, 0, 11, 89, 6, 122, 69, 7, 50, 2, 16, 126, 17, 79, 56, 125, 86, 8, 18, 52, 116, 65, 84, 60, 62, 1, 121, 13, 3, 55, 9, 73, 57, 19, 124, 53, 4, 119, 35, 58, 115, 64, 47, 75, 118, 59, 67, 49, 74, 5, 102, 114, 21, 61, 127, 24, 112, 103, 120, 80, 111, 34, 113, 46, 98, 23, 72, 96, 40, 101, 41, 68, 71, 93, 27, 32, 70, 107, 100, 30, 99, 42, 85, 36, 63, 82, 66, 37, 123, 88, 38, 94, 76, 109, 22, 108, 14, 26, 92, 33, 25, 95], [45, 0, 106, 105, 40, 39, 1, 65, 97, 108, 50, 47, 92, 31, 9, 61, 15, 127, 77, 63, 7, 122, 3, 6, 19, 110, 53, 59, 48, 4, 51, 118, 2, 120, 54, 68, 56, 23, 64, 49, 66, 43, 27, 114, 35, 87, 93, 126, 69, 70, 5, 36, 89, 79, 11, 71, 82, 8, 20, 119, 94, 75, 18, 121, 98, 62, 125, 76, 81, 37, 12, 78, 38, 32, 83, 22, 74, 58, 14, 111, 34, 13, 67, 115, 57, 84, 60, 109, 112, 99, 26, 21, 30, 123, 17, 116, 46, 73, 96, 113, 85, 107, 103, 80, 117, 124, 25, 33, 10, 24, 86, 91, 29, 104, 42, 88, 41, 72, 55, 100, 90, 44, 102, 101, 28, 52, 16, 95], [64, 40, 109, 65, 46, 108, 41, 107, 42, 66, 50, 0, 37, 3, 119, 57, 56, 33, 113, 116, 67, 48, 1, 74, 5, 58, 31, 68, 6, 76, 4, 14, 9, 13, 25, 47, 29, 71, 49, 20, 111, 11, 81, 112, 8, 7, 92, 15, 16, 2, 80, 61, 51, 94, 110, 85, 10, 60, 24, 84, 21, 123, 70, 59, 118, 126, 63, 100, 96, 54, 82, 83, 23, 102, 30, 79, 45, 39, 121, 99, 86, 19, 104, 73, 98, 27, 77, 12, 103, 32, 75, 91, 88, 87, 117, 90, 69, 38, 105, 120, 22, 44, 35, 18, 34, 106, 125, 17, 62, 78, 53, 43, 115, 122, 127, 52, 114, 124, 26, 55, 72, 89, 36, 28, 93, 101, 97, 95], [40, 0, 109, 42, 107, 39, 33, 48, 65, 64, 66, 113, 50, 52, 3, 115, 29, 117, 127, 60, 71, 70, 4, 16, 24, 73, 69, 67, 77, 68, 116, 57, 74, 76, 8, 11, 58, 82, 28, 83, 78, 63, 59, 62, 15, 86, 2, 124, 112, 84, 23, 54, 121, 122, 46, 81, 119, 125, 123, 120, 61, 26, 44, 5, 6, 1, 7, 41, 101, 37, 100, 111, 94, 99, 56, 27, 36, 35, 38, 96, 31, 98, 32, 105, 34, 55, 126, 118, 47, 87, 25, 9, 95, 45, 108, 110, 51, 114, 49, 91, 53, 30, 20, 88, 85, 90, 21, 72, 10, 19, 89, 17, 102, 14, 43, 12, 92, 106, 18, 79, 104, 22, 13, 75, 103, 93, 80, 97], [0, 108, 40, 43, 42, 39, 65, 55, 120, 126, 114, 3, 33, 50, 72, 117, 6, 2, 52, 7, 9, 41, 31, 109, 68, 5, 48, 70, 15, 125, 49, 13, 121, 62, 18, 12, 112, 78, 74, 115, 46, 85, 11, 110, 76, 69, 27, 93, 59, 116, 123, 28, 67, 38, 53, 88, 1, 4, 16, 82, 17, 20, 118, 84, 86, 90, 80, 63, 61, 60, 19, 47, 37, 83, 111, 96, 81, 57, 35, 87, 54, 21, 99, 75, 89, 36, 22, 51, 10, 73, 77, 98, 100, 25, 24, 66, 94, 23, 79, 30, 113, 34, 32, 14, 127, 124, 8, 119, 26, 71, 58, 101, 122, 44, 102, 45, 29, 64, 56, 97, 92, 105, 95, 91, 107, 106, 104, 103], [39, 41, 106, 33, 108, 104, 31, 0, 69, 34, 57, 113, 120, 25, 16, 112, 30, 47, 45, 1, 67, 84, 119, 46, 87, 2, 122, 124, 107, 5, 8, 51, 11, 121, 58, 71, 62, 68, 53, 9, 56, 35, 59, 15, 18, 60, 90, 92, 13, 125, 96, 86, 70, 76, 12, 7, 61, 24, 36, 81, 49, 4, 27, 126, 55, 123, 50, 66, 63, 127, 73, 101, 52, 75, 117, 77, 89, 54, 38, 85, 21, 110, 48, 102, 100, 28, 29, 72, 93, 22, 116, 118, 80, 97, 115, 3, 82, 43, 64, 95, 74, 23, 65, 19, 111, 20, 88, 17, 91, 98, 26, 37, 83, 99, 109, 32, 114, 79, 103, 6, 14, 44, 10, 94, 78, 40, 42, 105]], "model.layers.1.self_attn.qk_proj": [[50, 48, 0, 57, 64, 117, 56, 116, 59, 126, 113, 120, 122, 62, 123, 53, 55, 49, 65, 127, 46, 110, 1, 63, 97, 61, 124, 47, 58, 109, 67, 119, 121, 29, 3, 112, 108, 54, 51, 40, 60, 107, 4, 45, 125, 114, 43, 104, 70, 68, 2, 76, 33, 5, 66, 16, 42, 106, 95, 7, 77, 111, 93, 14, 6, 52, 41, 9, 13, 20, 11, 115, 84, 12, 71, 82, 75, 74, 81, 44, 73, 79, 69, 103, 78, 39, 10, 17, 15, 18, 72, 80, 87, 105, 24, 118, 31, 23, 8, 22, 83, 19, 90, 86, 85, 92, 89, 21, 25, 88, 26, 91, 102, 28, 36, 38, 27, 37, 98, 94, 101, 35, 100, 96, 34, 99, 32, 30], [50, 48, 0, 64, 57, 117, 56, 120, 59, 126, 116, 62, 113, 122, 46, 53, 55, 123, 127, 63, 65, 1, 110, 58, 49, 97, 61, 109, 47, 108, 124, 29, 40, 112, 121, 51, 68, 119, 114, 60, 43, 107, 54, 4, 45, 125, 66, 104, 2, 42, 67, 6, 70, 52, 106, 93, 33, 7, 95, 69, 3, 115, 77, 14, 20, 12, 41, 5, 76, 13, 111, 9, 71, 16, 44, 103, 11, 39, 84, 82, 17, 73, 105, 10, 18, 118, 78, 74, 79, 72, 75, 31, 80, 15, 81, 24, 87, 23, 8, 89, 88, 22, 83, 85, 102, 26, 19, 25, 90, 92, 21, 28, 86, 27, 98, 91, 38, 101, 37, 35, 30, 94, 36, 32, 100, 34, 99, 96], [50, 48, 57, 64, 0, 117, 56, 116, 120, 59, 126, 113, 62, 122, 53, 46, 123, 63, 127, 65, 110, 55, 58, 108, 97, 1, 47, 109, 51, 49, 29, 112, 121, 61, 124, 119, 67, 40, 3, 54, 114, 107, 60, 43, 6, 45, 4, 104, 125, 70, 2, 42, 66, 52, 106, 95, 68, 13, 71, 93, 115, 33, 5, 14, 76, 84, 111, 69, 11, 41, 16, 77, 12, 20, 9, 7, 73, 75, 15, 10, 39, 79, 78, 82, 18, 17, 103, 44, 81, 74, 72, 80, 118, 105, 31, 24, 87, 8, 23, 83, 22, 19, 89, 86, 88, 21, 85, 28, 25, 92, 102, 90, 26, 91, 98, 27, 37, 101, 38, 30, 94, 32, 35, 100, 36, 99, 96, 34], [50, 48, 0, 64, 57, 117, 56, 116, 59, 120, 126, 113, 122, 62, 123, 46, 53, 65, 127, 55, 58, 110, 63, 124, 49, 1, 97, 3, 61, 47, 108, 121, 109, 51, 112, 29, 114, 67, 54, 40, 119, 60, 6, 45, 2, 107, 104, 43, 125, 66, 52, 42, 5, 95, 106, 68, 115, 70, 111, 71, 93, 69, 20, 4, 76, 33, 41, 11, 12, 13, 77, 9, 14, 7, 103, 16, 78, 10, 84, 44, 79, 81, 80, 39, 82, 18, 73, 17, 31, 74, 75, 105, 72, 24, 118, 15, 23, 22, 8, 87, 88, 83, 86, 21, 89, 19, 92, 27, 90, 25, 85, 102, 28, 26, 91, 37, 38, 101, 98, 100, 94, 34, 35, 36, 30, 96, 32, 99], [50, 48, 64, 0, 57, 117, 56, 120, 116, 126, 62, 59, 113, 122, 46, 123, 63, 53, 58, 110, 127, 55, 108, 49, 1, 109, 61, 124, 47, 40, 65, 29, 97, 51, 54, 107, 112, 43, 121, 45, 68, 2, 66, 119, 4, 6, 104, 60, 114, 106, 42, 52, 125, 67, 3, 5, 70, 93, 115, 41, 111, 33, 71, 95, 77, 13, 103, 16, 69, 7, 44, 39, 20, 80, 12, 75, 84, 9, 14, 74, 17, 11, 76, 78, 73, 10, 105, 81, 79, 15, 72, 82, 31, 18, 8, 118, 87, 23, 24, 22, 83, 19, 86, 102, 89, 25, 88, 27, 21, 92, 28, 90, 91, 85, 26, 38, 101, 98, 37, 94, 36, 34, 100, 99, 32, 30, 35, 96], [50, 48, 57, 0, 64, 117, 116, 56, 126, 59, 120, 122, 113, 62, 46, 123, 55, 53, 110, 58, 109, 63, 49, 127, 97, 124, 29, 1, 61, 40, 108, 47, 65, 3, 43, 112, 67, 114, 51, 107, 54, 119, 121, 4, 2, 125, 104, 68, 45, 60, 6, 42, 52, 106, 66, 33, 93, 20, 41, 95, 70, 77, 13, 80, 111, 12, 115, 11, 69, 71, 10, 5, 84, 7, 16, 39, 74, 103, 9, 82, 14, 17, 76, 73, 79, 44, 78, 15, 75, 72, 81, 8, 105, 31, 118, 23, 18, 87, 24, 88, 22, 102, 83, 85, 21, 19, 89, 92, 26, 25, 86, 90, 91, 27, 28, 38, 101, 37, 36, 98, 100, 35, 34, 94, 99, 96, 30, 32], [50, 48, 57, 117, 0, 64, 120, 56, 59, 116, 122, 126, 62, 113, 123, 55, 46, 53, 110, 127, 29, 58, 108, 63, 49, 97, 1, 124, 47, 61, 109, 65, 51, 112, 114, 40, 121, 67, 119, 54, 3, 43, 107, 125, 52, 60, 45, 104, 70, 2, 93, 6, 42, 66, 115, 106, 33, 13, 20, 16, 77, 80, 95, 69, 71, 12, 68, 11, 84, 111, 4, 75, 78, 41, 103, 79, 9, 15, 7, 76, 82, 18, 14, 81, 8, 5, 73, 39, 10, 74, 44, 17, 72, 105, 118, 23, 87, 31, 24, 85, 22, 19, 26, 92, 83, 25, 89, 86, 21, 90, 88, 102, 27, 28, 91, 37, 98, 36, 101, 94, 38, 35, 34, 30, 99, 96, 100, 32], [50, 48, 57, 0, 117, 64, 56, 116, 122, 59, 120, 113, 62, 126, 123, 53, 55, 46, 127, 110, 63, 97, 1, 49, 108, 65, 58, 112, 29, 109, 54, 61, 119, 47, 124, 114, 40, 121, 51, 125, 60, 107, 45, 43, 70, 104, 4, 52, 77, 106, 42, 95, 115, 33, 93, 6, 68, 66, 71, 13, 11, 2, 3, 15, 20, 14, 12, 75, 80, 67, 84, 41, 7, 16, 9, 78, 82, 44, 69, 111, 5, 39, 76, 103, 73, 17, 81, 79, 74, 18, 10, 8, 105, 31, 24, 118, 87, 23, 21, 19, 72, 25, 86, 22, 83, 85, 89, 90, 92, 26, 88, 27, 102, 28, 98, 91, 37, 101, 36, 94, 38, 30, 34, 32, 100, 35, 96, 99], [50, 48, 57, 64, 0, 117, 56, 120, 59, 116, 122, 126, 62, 113, 123, 53, 63, 46, 127, 1, 97, 110, 109, 61, 55, 108, 47, 124, 65, 40, 49, 112, 58, 29, 119, 54, 121, 3, 67, 51, 107, 43, 60, 125, 114, 68, 45, 4, 42, 104, 70, 106, 66, 95, 52, 2, 20, 115, 33, 11, 77, 13, 93, 6, 41, 71, 76, 15, 7, 14, 39, 16, 5, 84, 82, 78, 111, 80, 12, 103, 73, 9, 74, 81, 75, 69, 44, 18, 17, 10, 31, 79, 24, 105, 87, 8, 118, 23, 72, 85, 19, 83, 25, 90, 88, 89, 22, 86, 21, 92, 102, 28, 26, 27, 91, 98, 38, 101, 36, 37, 34, 35, 94, 96, 32, 100, 30, 99], [50, 48, 57, 64, 0, 117, 56, 59, 116, 126, 62, 122, 120, 113, 123, 46, 53, 97, 108, 127, 55, 65, 110, 63, 47, 1, 109, 49, 112, 61, 58, 124, 29, 119, 40, 54, 114, 51, 121, 107, 43, 67, 60, 45, 3, 104, 125, 70, 52, 42, 68, 66, 115, 106, 95, 33, 4, 15, 20, 77, 6, 2, 13, 93, 12, 14, 75, 79, 41, 69, 78, 5, 84, 7, 76, 80, 11, 82, 71, 39, 73, 103, 44, 18, 16, 81, 9, 10, 111, 87, 17, 8, 74, 118, 31, 24, 105, 23, 21, 22, 19, 25, 85, 88, 92, 90, 89, 83, 26, 72, 86, 28, 102, 27, 98, 37, 38, 91, 101, 34, 35, 96, 100, 30, 94, 32, 36, 99], [50, 48, 64, 57, 0, 117, 56, 116, 59, 126, 120, 113, 122, 123, 62, 65, 53, 46, 55, 1, 63, 58, 110, 127, 49, 97, 61, 124, 108, 109, 47, 54, 121, 51, 29, 40, 45, 112, 119, 114, 125, 66, 60, 43, 107, 70, 2, 67, 104, 3, 42, 52, 106, 33, 95, 115, 41, 71, 68, 20, 111, 13, 4, 93, 7, 5, 12, 77, 6, 10, 76, 84, 78, 14, 39, 69, 17, 81, 103, 16, 75, 73, 74, 82, 44, 9, 11, 80, 15, 31, 105, 79, 118, 18, 24, 8, 72, 87, 23, 89, 22, 19, 83, 25, 88, 92, 86, 28, 85, 21, 90, 102, 26, 101, 38, 91, 37, 27, 98, 35, 36, 94, 100, 34, 32, 96, 30, 99], [50, 48, 64, 0, 57, 117, 56, 126, 116, 59, 120, 62, 122, 113, 46, 123, 55, 53, 110, 58, 63, 127, 49, 65, 1, 67, 108, 3, 109, 61, 124, 40, 97, 51, 47, 29, 119, 121, 43, 112, 4, 60, 107, 54, 114, 45, 125, 68, 104, 2, 66, 42, 106, 70, 52, 71, 6, 111, 41, 33, 77, 95, 93, 115, 20, 69, 16, 13, 39, 5, 103, 10, 80, 7, 75, 11, 84, 73, 15, 44, 12, 74, 78, 76, 17, 9, 14, 82, 105, 81, 8, 18, 31, 79, 23, 118, 87, 24, 72, 19, 21, 88, 22, 83, 25, 90, 85, 89, 102, 26, 86, 92, 28, 91, 27, 101, 38, 98, 36, 37, 94, 35, 32, 30, 34, 99, 100, 96], [50, 48, 57, 64, 117, 0, 116, 120, 56, 122, 62, 126, 113, 59, 123, 46, 110, 53, 127, 55, 97, 109, 63, 108, 40, 49, 112, 61, 47, 1, 58, 124, 65, 29, 119, 51, 114, 54, 107, 121, 43, 3, 4, 60, 6, 42, 52, 104, 67, 125, 106, 45, 68, 2, 66, 115, 33, 95, 70, 15, 79, 16, 20, 93, 41, 13, 84, 11, 12, 77, 39, 71, 5, 44, 76, 14, 75, 73, 103, 78, 82, 7, 18, 9, 69, 10, 105, 80, 17, 74, 31, 111, 81, 87, 118, 24, 72, 8, 23, 88, 22, 26, 19, 25, 21, 92, 85, 86, 83, 90, 89, 28, 27, 102, 91, 98, 101, 38, 37, 34, 30, 36, 35, 94, 32, 99, 100, 96], [50, 48, 57, 64, 0, 117, 56, 116, 59, 113, 126, 122, 62, 120, 123, 53, 46, 97, 63, 127, 110, 55, 49, 1, 61, 109, 58, 124, 65, 108, 112, 47, 29, 121, 54, 40, 51, 114, 119, 60, 43, 107, 125, 6, 104, 52, 2, 67, 45, 42, 66, 33, 95, 106, 70, 3, 68, 4, 41, 115, 77, 76, 93, 5, 7, 16, 13, 78, 12, 20, 71, 84, 9, 39, 69, 79, 11, 18, 44, 10, 15, 80, 75, 103, 81, 74, 111, 14, 82, 73, 17, 72, 31, 24, 8, 105, 118, 87, 23, 19, 85, 88, 21, 86, 92, 25, 89, 22, 26, 83, 102, 90, 28, 27, 91, 38, 36, 98, 37, 101, 35, 94, 34, 100, 32, 99, 30, 96], [50, 48, 0, 57, 117, 64, 56, 120, 116, 59, 126, 122, 62, 113, 123, 53, 46, 108, 63, 55, 110, 127, 1, 49, 47, 61, 97, 65, 29, 58, 124, 3, 109, 67, 112, 119, 121, 40, 114, 51, 54, 60, 107, 6, 52, 43, 125, 2, 4, 45, 104, 66, 68, 106, 42, 33, 5, 95, 70, 93, 111, 71, 13, 77, 115, 41, 75, 7, 12, 79, 9, 39, 69, 20, 78, 84, 76, 73, 103, 82, 18, 14, 44, 80, 16, 10, 11, 74, 17, 81, 87, 72, 15, 105, 118, 24, 31, 8, 23, 90, 83, 22, 85, 88, 25, 19, 26, 86, 102, 92, 89, 21, 28, 27, 91, 101, 38, 37, 35, 98, 94, 96, 30, 36, 32, 100, 34, 99], [50, 48, 57, 0, 64, 117, 56, 116, 120, 126, 59, 122, 113, 62, 53, 63, 55, 46, 123, 58, 127, 110, 108, 65, 47, 61, 109, 49, 1, 40, 124, 97, 29, 121, 51, 119, 112, 114, 43, 54, 4, 60, 67, 107, 3, 68, 6, 45, 104, 125, 42, 2, 106, 66, 33, 52, 93, 115, 7, 41, 95, 20, 13, 111, 77, 70, 39, 9, 78, 71, 103, 75, 44, 84, 74, 12, 5, 73, 69, 80, 72, 76, 11, 79, 18, 81, 82, 10, 17, 16, 31, 14, 15, 105, 118, 8, 23, 87, 24, 83, 90, 102, 85, 88, 89, 25, 26, 22, 91, 19, 28, 98, 86, 21, 27, 92, 37, 38, 101, 94, 36, 35, 96, 30, 99, 100, 32, 34], [50, 48, 57, 117, 64, 0, 56, 116, 59, 62, 120, 126, 122, 113, 53, 46, 55, 123, 110, 127, 49, 58, 63, 109, 47, 97, 29, 108, 124, 54, 61, 65, 112, 114, 121, 40, 1, 51, 119, 60, 43, 107, 104, 66, 125, 52, 68, 2, 42, 45, 4, 67, 6, 33, 3, 70, 106, 115, 93, 95, 79, 13, 7, 5, 20, 16, 12, 11, 75, 78, 41, 77, 80, 9, 84, 82, 15, 14, 10, 103, 72, 44, 76, 69, 81, 73, 39, 71, 18, 111, 17, 118, 87, 105, 74, 31, 24, 23, 83, 8, 85, 21, 88, 26, 89, 86, 22, 92, 90, 25, 19, 102, 28, 27, 98, 91, 38, 101, 37, 94, 35, 30, 36, 34, 32, 100, 99, 96], [50, 48, 57, 117, 0, 64, 56, 59, 116, 126, 120, 122, 62, 113, 123, 53, 46, 127, 63, 110, 97, 55, 49, 58, 1, 61, 29, 124, 109, 47, 112, 108, 121, 67, 65, 51, 54, 119, 3, 114, 40, 107, 60, 66, 45, 125, 43, 2, 104, 70, 52, 6, 95, 13, 93, 106, 42, 4, 33, 5, 12, 115, 16, 68, 9, 77, 20, 14, 76, 84, 79, 7, 111, 75, 78, 71, 69, 82, 18, 15, 103, 41, 17, 39, 44, 81, 73, 11, 10, 80, 72, 31, 118, 74, 105, 24, 22, 87, 23, 85, 83, 25, 88, 21, 89, 86, 8, 19, 90, 92, 26, 28, 27, 102, 98, 91, 94, 38, 37, 101, 36, 30, 35, 96, 34, 100, 32, 99], [50, 48, 64, 57, 0, 117, 56, 59, 116, 120, 126, 113, 62, 122, 123, 55, 53, 46, 63, 127, 1, 58, 110, 97, 65, 61, 49, 121, 108, 109, 47, 119, 124, 29, 112, 40, 51, 114, 54, 60, 2, 107, 3, 125, 4, 68, 43, 70, 104, 45, 66, 67, 42, 52, 6, 106, 115, 95, 41, 33, 93, 5, 77, 13, 16, 20, 7, 79, 82, 12, 76, 71, 69, 9, 84, 111, 81, 103, 75, 73, 78, 11, 14, 10, 39, 44, 80, 17, 72, 118, 31, 18, 74, 15, 87, 23, 105, 8, 24, 22, 88, 19, 21, 83, 89, 85, 25, 102, 90, 86, 92, 28, 26, 27, 91, 98, 38, 94, 101, 37, 100, 36, 32, 35, 30, 96, 34, 99], [50, 48, 57, 0, 64, 117, 120, 56, 126, 116, 59, 62, 122, 113, 53, 123, 46, 63, 55, 127, 110, 58, 108, 1, 109, 61, 97, 65, 40, 49, 47, 112, 124, 29, 121, 51, 107, 68, 119, 114, 43, 60, 70, 4, 54, 2, 104, 42, 125, 66, 106, 52, 45, 3, 67, 33, 93, 95, 6, 115, 5, 69, 41, 71, 77, 79, 75, 84, 39, 13, 78, 12, 20, 44, 9, 103, 111, 7, 73, 82, 17, 76, 16, 10, 14, 18, 80, 105, 74, 72, 11, 31, 8, 15, 81, 118, 24, 23, 87, 83, 88, 22, 85, 89, 102, 19, 27, 92, 25, 21, 86, 91, 90, 26, 28, 38, 101, 98, 37, 30, 96, 94, 35, 34, 36, 100, 32, 99], [50, 48, 57, 64, 0, 117, 116, 120, 56, 126, 122, 59, 113, 62, 53, 123, 46, 63, 127, 55, 49, 108, 58, 110, 97, 124, 29, 67, 47, 109, 61, 112, 3, 51, 1, 121, 114, 40, 119, 54, 65, 107, 43, 60, 70, 33, 125, 104, 45, 2, 42, 106, 52, 95, 93, 66, 68, 71, 4, 13, 84, 77, 69, 6, 20, 111, 115, 17, 75, 76, 82, 41, 9, 80, 39, 7, 16, 103, 79, 5, 78, 74, 14, 44, 11, 12, 73, 18, 10, 15, 31, 81, 105, 87, 24, 118, 23, 72, 83, 8, 22, 88, 86, 19, 89, 90, 28, 25, 85, 21, 102, 92, 26, 91, 98, 27, 37, 36, 38, 101, 94, 32, 30, 99, 35, 100, 96, 34], [50, 48, 57, 64, 0, 117, 56, 120, 116, 59, 126, 62, 113, 122, 123, 55, 53, 1, 46, 63, 110, 58, 127, 65, 49, 61, 121, 97, 108, 112, 47, 29, 119, 124, 109, 51, 54, 114, 40, 60, 2, 66, 3, 125, 45, 107, 70, 104, 52, 43, 4, 6, 5, 115, 67, 95, 42, 93, 106, 68, 71, 69, 33, 77, 13, 76, 75, 9, 12, 78, 20, 80, 15, 111, 41, 18, 82, 7, 84, 103, 11, 73, 10, 39, 14, 17, 79, 8, 44, 118, 16, 81, 74, 31, 87, 105, 23, 72, 24, 25, 22, 21, 102, 19, 88, 28, 85, 89, 86, 83, 90, 92, 26, 27, 91, 98, 37, 38, 101, 30, 94, 96, 35, 34, 32, 100, 36, 99], [50, 48, 57, 0, 117, 64, 56, 116, 120, 126, 122, 59, 113, 62, 123, 46, 63, 53, 110, 127, 55, 58, 124, 97, 108, 49, 109, 47, 61, 40, 65, 112, 114, 29, 51, 119, 54, 107, 121, 1, 60, 4, 43, 125, 104, 68, 52, 42, 6, 3, 106, 33, 45, 70, 2, 95, 66, 93, 115, 67, 20, 77, 9, 5, 7, 71, 41, 13, 11, 16, 111, 103, 80, 14, 84, 15, 82, 12, 39, 69, 75, 10, 79, 17, 78, 44, 76, 73, 8, 74, 18, 105, 81, 118, 31, 24, 87, 72, 19, 23, 25, 22, 21, 27, 88, 26, 28, 83, 91, 86, 85, 92, 89, 90, 102, 38, 37, 98, 101, 30, 94, 34, 35, 96, 32, 36, 100, 99], [50, 48, 57, 0, 64, 117, 56, 120, 126, 116, 59, 122, 113, 62, 123, 46, 53, 110, 63, 55, 58, 49, 109, 127, 124, 97, 65, 112, 3, 108, 61, 47, 40, 1, 29, 67, 114, 43, 119, 121, 54, 51, 107, 60, 125, 104, 66, 42, 6, 68, 2, 33, 106, 4, 45, 52, 93, 95, 70, 13, 69, 41, 115, 12, 71, 17, 39, 44, 20, 79, 84, 9, 77, 16, 103, 76, 14, 8, 82, 74, 7, 5, 111, 80, 75, 78, 73, 11, 18, 15, 105, 10, 118, 31, 81, 87, 24, 23, 72, 88, 22, 19, 92, 26, 102, 89, 25, 28, 83, 21, 85, 86, 90, 27, 91, 38, 98, 101, 37, 36, 35, 94, 30, 100, 96, 99, 34, 32], [50, 48, 57, 64, 117, 0, 116, 56, 120, 126, 59, 122, 113, 62, 123, 55, 53, 110, 46, 63, 108, 58, 127, 1, 29, 109, 97, 49, 124, 114, 61, 40, 119, 51, 121, 47, 112, 54, 65, 125, 43, 107, 52, 60, 6, 45, 104, 2, 66, 67, 42, 106, 93, 70, 33, 3, 115, 95, 4, 69, 68, 80, 13, 11, 76, 41, 84, 71, 7, 77, 5, 74, 75, 103, 111, 14, 8, 79, 9, 20, 16, 17, 39, 73, 15, 82, 12, 78, 18, 44, 10, 31, 105, 118, 23, 87, 81, 72, 85, 24, 83, 25, 92, 22, 88, 86, 19, 89, 26, 102, 21, 28, 90, 91, 101, 38, 37, 27, 98, 94, 35, 30, 36, 34, 99, 96, 100, 32], [50, 48, 64, 57, 0, 117, 116, 120, 56, 126, 59, 113, 62, 122, 46, 123, 53, 63, 55, 110, 127, 58, 97, 49, 108, 109, 47, 1, 65, 112, 124, 61, 121, 29, 40, 114, 119, 51, 54, 60, 43, 107, 67, 125, 66, 3, 45, 6, 104, 42, 33, 2, 106, 52, 95, 68, 93, 115, 20, 4, 70, 77, 13, 41, 16, 71, 5, 7, 79, 111, 84, 69, 44, 11, 12, 39, 17, 76, 73, 75, 80, 82, 18, 14, 9, 103, 15, 10, 78, 31, 105, 74, 81, 24, 118, 8, 23, 72, 87, 19, 86, 92, 85, 88, 89, 25, 83, 28, 26, 22, 102, 21, 90, 37, 27, 98, 91, 101, 38, 30, 94, 35, 99, 34, 36, 32, 100, 96], [50, 48, 57, 0, 117, 64, 116, 56, 126, 113, 120, 59, 62, 122, 123, 53, 46, 63, 65, 127, 110, 49, 47, 97, 108, 61, 109, 124, 55, 112, 58, 29, 67, 1, 3, 51, 40, 54, 114, 119, 121, 43, 107, 68, 4, 45, 104, 60, 125, 6, 66, 2, 42, 33, 106, 95, 52, 93, 115, 20, 111, 77, 44, 11, 12, 13, 76, 84, 39, 7, 70, 71, 69, 41, 5, 73, 17, 78, 82, 103, 79, 9, 18, 10, 80, 16, 75, 15, 14, 74, 105, 81, 31, 24, 118, 8, 87, 23, 72, 83, 22, 86, 25, 88, 21, 92, 28, 85, 19, 26, 90, 102, 89, 27, 98, 37, 91, 38, 101, 100, 35, 94, 36, 32, 30, 99, 34, 96], [50, 48, 0, 57, 64, 117, 56, 120, 116, 59, 62, 113, 126, 122, 123, 46, 53, 63, 55, 110, 1, 58, 65, 108, 127, 109, 61, 97, 47, 49, 40, 121, 29, 124, 112, 51, 107, 119, 66, 114, 43, 54, 125, 45, 104, 60, 52, 42, 70, 106, 4, 2, 6, 68, 95, 3, 33, 67, 69, 93, 115, 77, 5, 41, 20, 13, 76, 12, 71, 7, 111, 11, 73, 103, 78, 80, 39, 9, 10, 79, 16, 14, 75, 84, 74, 18, 8, 44, 15, 82, 81, 31, 17, 105, 118, 87, 23, 72, 24, 19, 22, 86, 21, 88, 92, 102, 83, 85, 89, 25, 26, 90, 27, 28, 91, 38, 98, 37, 101, 94, 35, 34, 32, 36, 99, 30, 100, 96], [50, 48, 57, 0, 64, 117, 116, 120, 56, 59, 126, 113, 122, 62, 123, 55, 46, 58, 53, 63, 127, 49, 1, 108, 110, 109, 61, 97, 65, 47, 124, 112, 29, 119, 121, 40, 3, 51, 67, 54, 114, 107, 43, 104, 60, 2, 45, 70, 125, 42, 66, 106, 33, 13, 6, 95, 52, 4, 41, 93, 7, 68, 69, 111, 115, 71, 20, 5, 76, 78, 77, 74, 73, 11, 103, 14, 9, 12, 79, 84, 16, 39, 80, 75, 18, 81, 82, 44, 105, 17, 72, 8, 10, 15, 31, 118, 87, 24, 23, 25, 88, 22, 19, 83, 102, 86, 21, 89, 26, 85, 90, 28, 92, 91, 101, 27, 37, 38, 98, 94, 36, 35, 100, 30, 34, 96, 99, 32], [50, 48, 0, 57, 117, 64, 120, 116, 56, 59, 126, 113, 122, 62, 46, 53, 123, 127, 58, 110, 1, 55, 63, 109, 29, 97, 124, 49, 108, 65, 40, 3, 61, 47, 67, 51, 114, 112, 54, 121, 43, 60, 107, 119, 68, 70, 104, 2, 125, 42, 4, 45, 66, 33, 106, 52, 115, 95, 93, 6, 71, 77, 20, 41, 73, 5, 69, 13, 44, 111, 80, 16, 78, 7, 76, 12, 103, 74, 11, 9, 79, 39, 84, 81, 75, 10, 18, 14, 105, 72, 15, 31, 17, 8, 82, 118, 24, 87, 23, 22, 88, 86, 83, 19, 25, 26, 21, 92, 89, 85, 102, 28, 90, 91, 27, 38, 101, 98, 34, 37, 36, 94, 32, 100, 30, 99, 96, 35], [50, 48, 57, 117, 64, 0, 116, 59, 126, 56, 122, 120, 62, 113, 123, 46, 53, 49, 55, 127, 58, 110, 97, 108, 63, 109, 47, 124, 29, 61, 54, 112, 119, 114, 121, 40, 65, 1, 51, 107, 104, 70, 43, 125, 4, 60, 52, 42, 45, 33, 68, 93, 95, 66, 11, 13, 106, 20, 2, 6, 15, 79, 76, 77, 115, 9, 5, 18, 84, 74, 80, 44, 14, 78, 16, 103, 81, 67, 41, 75, 69, 72, 82, 12, 3, 73, 71, 7, 39, 10, 105, 111, 17, 118, 87, 31, 23, 24, 8, 85, 22, 88, 25, 19, 83, 26, 92, 21, 89, 86, 102, 90, 27, 28, 91, 38, 98, 37, 101, 94, 36, 34, 99, 30, 100, 35, 96, 32], [50, 48, 57, 64, 117, 0, 116, 120, 56, 126, 113, 62, 122, 59, 123, 53, 46, 55, 63, 127, 110, 97, 109, 108, 58, 124, 61, 49, 112, 47, 65, 29, 40, 114, 125, 119, 1, 121, 43, 54, 51, 60, 3, 107, 67, 45, 66, 70, 104, 33, 52, 42, 95, 106, 115, 2, 6, 93, 13, 5, 16, 20, 77, 14, 7, 76, 41, 84, 9, 11, 12, 44, 4, 71, 111, 81, 79, 103, 68, 18, 80, 39, 17, 75, 15, 82, 74, 10, 105, 69, 78, 73, 72, 23, 87, 31, 118, 24, 8, 19, 85, 22, 86, 88, 83, 92, 89, 25, 28, 26, 102, 90, 21, 27, 91, 38, 98, 37, 101, 94, 36, 35, 30, 34, 100, 99, 96, 32]], "model.layers.2.self_attn.q_proj": [[104, 127, 46, 34, 49, 88, 113, 82, 21, 79, 75, 76, 24, 14, 71, 7, 5, 9, 92, 40, 107, 3, 15, 19, 52, 125, 62, 11, 119, 27, 121, 12, 78, 120, 20, 116, 66, 8, 93, 53, 50, 77, 109, 57, 47, 10, 56, 69, 2, 96, 18, 65, 84, 86, 85, 73, 60, 30, 91, 115, 72, 63, 41, 83, 54, 1, 45, 95, 17, 51, 74, 99, 29, 81, 25, 59, 28, 118, 16, 108, 55, 103, 31, 101, 64, 106, 48, 32, 97, 102, 13, 90, 87, 61, 80, 35, 112, 124, 94, 39, 43, 122, 42, 23, 67, 26, 38, 117, 4, 58, 100, 33, 111, 126, 6, 105, 22, 44, 37, 70, 36, 110, 123, 114, 89, 98, 68, 0], [104, 49, 46, 34, 127, 113, 21, 108, 24, 82, 79, 105, 40, 57, 9, 88, 75, 107, 76, 121, 56, 80, 5, 27, 120, 51, 90, 14, 30, 71, 92, 62, 26, 87, 48, 16, 22, 83, 35, 28, 52, 43, 17, 50, 125, 63, 84, 106, 94, 4, 117, 23, 111, 109, 61, 89, 59, 29, 3, 100, 45, 114, 119, 126, 42, 118, 19, 36, 47, 54, 67, 38, 110, 70, 116, 115, 10, 123, 96, 72, 98, 68, 33, 122, 11, 41, 44, 124, 93, 99, 20, 112, 102, 39, 103, 55, 95, 101, 77, 53, 37, 60, 7, 31, 18, 66, 32, 81, 58, 85, 86, 91, 97, 69, 78, 73, 65, 15, 25, 1, 13, 6, 8, 64, 12, 74, 0, 2], [104, 34, 49, 127, 46, 21, 82, 71, 88, 79, 113, 76, 9, 75, 3, 5, 40, 14, 26, 121, 7, 53, 64, 1, 125, 66, 23, 119, 8, 52, 67, 10, 107, 24, 11, 81, 73, 4, 15, 17, 57, 120, 69, 77, 50, 19, 2, 20, 85, 22, 18, 32, 94, 70, 84, 6, 74, 72, 62, 92, 33, 12, 65, 16, 93, 89, 90, 63, 87, 56, 96, 45, 30, 126, 38, 31, 27, 51, 35, 13, 78, 42, 80, 108, 44, 43, 118, 103, 47, 54, 124, 48, 100, 86, 58, 95, 115, 91, 60, 28, 36, 83, 25, 37, 29, 117, 123, 102, 116, 39, 114, 122, 101, 111, 97, 112, 99, 109, 105, 41, 55, 68, 0, 59, 61, 106, 110, 98], [104, 46, 49, 34, 127, 113, 82, 21, 107, 88, 75, 125, 14, 52, 90, 53, 9, 22, 28, 79, 26, 24, 92, 5, 38, 121, 40, 19, 105, 94, 77, 76, 120, 119, 84, 27, 48, 51, 103, 50, 111, 39, 93, 29, 62, 16, 41, 60, 30, 98, 17, 124, 71, 91, 36, 56, 57, 126, 99, 118, 3, 81, 47, 106, 33, 123, 110, 109, 117, 115, 54, 44, 112, 63, 86, 37, 80, 59, 116, 100, 42, 35, 108, 20, 87, 55, 31, 122, 102, 83, 73, 58, 101, 70, 114, 96, 32, 97, 11, 15, 78, 23, 95, 43, 69, 72, 45, 61, 10, 89, 66, 6, 1, 7, 13, 18, 85, 65, 64, 67, 8, 25, 4, 68, 0, 74, 12, 2], [104, 107, 91, 35, 23, 84, 17, 27, 15, 13, 81, 47, 20, 94, 112, 113, 82, 114, 61, 43, 55, 99, 75, 77, 40, 56, 89, 53, 86, 111, 10, 96, 79, 92, 25, 117, 119, 123, 11, 28, 125, 51, 21, 115, 97, 118, 30, 124, 9, 73, 80, 93, 12, 16, 57, 120, 29, 48, 87, 122, 46, 76, 42, 70, 6, 102, 24, 26, 72, 18, 88, 116, 7, 110, 49, 108, 85, 38, 83, 14, 98, 105, 74, 22, 50, 68, 67, 60, 101, 31, 90, 41, 59, 71, 106, 8, 37, 32, 33, 78, 39, 44, 19, 63, 58, 127, 126, 103, 34, 45, 54, 69, 121, 36, 100, 95, 4, 62, 52, 109, 2, 3, 0, 65, 66, 5, 1, 64], [104, 107, 35, 91, 27, 23, 99, 94, 84, 114, 47, 43, 113, 89, 112, 61, 9, 55, 119, 123, 53, 15, 40, 73, 111, 92, 17, 12, 82, 81, 120, 28, 98, 77, 56, 46, 105, 117, 125, 97, 25, 67, 86, 116, 70, 48, 115, 122, 7, 124, 42, 13, 36, 102, 118, 51, 32, 14, 90, 29, 57, 22, 79, 11, 49, 37, 10, 85, 63, 16, 41, 109, 68, 126, 6, 103, 44, 110, 54, 121, 72, 76, 106, 58, 75, 108, 34, 93, 45, 96, 101, 52, 59, 69, 39, 38, 24, 87, 30, 95, 100, 80, 50, 18, 60, 31, 127, 74, 26, 33, 71, 62, 88, 21, 19, 83, 65, 20, 2, 78, 4, 0, 3, 8, 66, 64, 5, 1], [107, 104, 47, 35, 99, 124, 94, 89, 96, 27, 55, 91, 43, 61, 119, 112, 113, 46, 25, 123, 85, 63, 105, 48, 114, 120, 53, 116, 125, 111, 23, 54, 40, 84, 102, 52, 28, 56, 117, 97, 37, 51, 115, 82, 121, 126, 92, 42, 109, 62, 22, 41, 32, 106, 60, 29, 118, 44, 110, 95, 49, 57, 86, 122, 98, 38, 108, 100, 58, 127, 36, 34, 50, 12, 101, 33, 103, 17, 59, 67, 83, 26, 45, 31, 93, 39, 14, 78, 90, 30, 21, 15, 73, 81, 16, 24, 77, 6, 88, 18, 7, 19, 80, 79, 9, 10, 20, 68, 66, 11, 71, 70, 3, 76, 75, 13, 87, 2, 74, 72, 65, 4, 0, 8, 64, 5, 1, 69], [104, 107, 35, 15, 75, 8, 13, 17, 91, 5, 84, 4, 23, 99, 73, 40, 43, 3, 1, 71, 72, 87, 112, 114, 69, 61, 68, 6, 113, 55, 67, 20, 2, 47, 53, 123, 7, 66, 0, 56, 65, 11, 120, 70, 115, 111, 10, 119, 89, 9, 25, 110, 77, 30, 64, 125, 57, 21, 16, 46, 124, 12, 94, 18, 51, 117, 86, 79, 74, 122, 108, 81, 76, 58, 14, 92, 49, 78, 85, 83, 82, 96, 127, 116, 121, 19, 90, 28, 88, 26, 102, 118, 31, 29, 80, 97, 105, 59, 60, 48, 32, 95, 93, 24, 22, 39, 37, 62, 63, 34, 50, 106, 33, 44, 42, 38, 101, 36, 27, 98, 100, 103, 54, 41, 109, 52, 45, 126], [110, 38, 97, 112, 46, 16, 89, 78, 10, 19, 8, 4, 12, 70, 68, 48, 25, 2, 69, 7, 6, 86, 82, 56, 1, 31, 20, 64, 50, 5, 102, 71, 22, 75, 125, 119, 11, 113, 3, 111, 13, 83, 67, 0, 127, 77, 61, 66, 47, 109, 51, 80, 14, 85, 73, 52, 118, 74, 72, 84, 94, 9, 81, 116, 117, 41, 93, 40, 120, 123, 18, 76, 87, 124, 107, 63, 15, 23, 21, 115, 65, 30, 104, 79, 36, 37, 43, 28, 34, 55, 88, 53, 91, 62, 24, 59, 17, 98, 108, 27, 60, 126, 99, 96, 45, 103, 32, 44, 57, 100, 101, 121, 58, 42, 122, 106, 29, 39, 92, 54, 35, 49, 95, 114, 26, 90, 105, 33], [110, 38, 112, 97, 46, 19, 78, 16, 12, 10, 8, 89, 4, 68, 69, 48, 71, 25, 5, 9, 70, 6, 102, 13, 24, 50, 2, 1, 88, 51, 62, 111, 66, 77, 65, 56, 109, 31, 118, 64, 113, 21, 15, 75, 61, 22, 127, 85, 73, 72, 3, 7, 67, 55, 14, 30, 74, 17, 27, 0, 34, 76, 83, 79, 124, 86, 115, 125, 20, 11, 100, 43, 94, 52, 122, 104, 107, 116, 87, 93, 99, 23, 105, 80, 84, 117, 95, 119, 47, 126, 121, 35, 82, 18, 91, 98, 44, 58, 120, 81, 123, 26, 40, 54, 42, 49, 45, 37, 101, 32, 92, 53, 39, 59, 36, 41, 106, 96, 108, 60, 29, 114, 103, 90, 28, 63, 57, 33], [38, 97, 110, 94, 112, 46, 25, 19, 83, 89, 78, 48, 93, 118, 85, 16, 50, 11, 96, 62, 39, 56, 21, 111, 127, 36, 77, 61, 27, 109, 90, 106, 80, 101, 17, 10, 88, 30, 12, 125, 60, 87, 95, 44, 86, 40, 105, 35, 121, 34, 31, 24, 104, 59, 116, 108, 115, 120, 57, 43, 54, 26, 123, 58, 81, 103, 126, 117, 20, 99, 23, 119, 13, 45, 14, 52, 124, 51, 37, 122, 29, 73, 100, 55, 42, 91, 92, 47, 107, 63, 22, 75, 32, 41, 114, 98, 53, 113, 9, 28, 33, 49, 15, 84, 6, 8, 82, 7, 18, 79, 69, 71, 76, 74, 70, 72, 5, 68, 4, 102, 2, 66, 3, 67, 65, 1, 0, 64], [110, 38, 97, 112, 46, 89, 78, 16, 10, 77, 25, 17, 19, 12, 8, 48, 6, 69, 11, 71, 102, 94, 51, 15, 50, 4, 75, 68, 2, 86, 21, 83, 62, 76, 31, 70, 52, 5, 72, 111, 81, 9, 127, 1, 22, 108, 99, 29, 121, 118, 109, 84, 124, 14, 7, 116, 82, 92, 36, 45, 37, 117, 74, 123, 90, 23, 79, 88, 80, 104, 35, 64, 105, 95, 61, 56, 66, 34, 58, 65, 103, 73, 93, 42, 44, 33, 107, 122, 28, 126, 20, 18, 55, 106, 87, 27, 113, 57, 47, 125, 53, 98, 85, 115, 41, 24, 54, 114, 26, 120, 30, 39, 101, 59, 40, 13, 96, 119, 67, 60, 100, 91, 43, 32, 49, 63, 3, 0], [40, 98, 121, 125, 53, 51, 17, 20, 82, 80, 18, 115, 27, 19, 21, 88, 104, 77, 22, 42, 119, 12, 89, 26, 95, 86, 30, 75, 92, 28, 84, 78, 25, 117, 96, 94, 29, 32, 120, 23, 93, 90, 57, 102, 116, 52, 79, 38, 127, 41, 24, 97, 50, 87, 123, 105, 56, 122, 10, 109, 113, 16, 31, 63, 101, 110, 43, 44, 48, 107, 33, 61, 49, 111, 36, 58, 62, 76, 124, 100, 91, 39, 114, 59, 45, 81, 108, 83, 46, 37, 35, 9, 103, 99, 60, 112, 47, 55, 85, 8, 126, 118, 54, 74, 14, 34, 71, 73, 15, 106, 7, 13, 11, 6, 72, 5, 70, 2, 69, 65, 68, 3, 64, 4, 67, 66, 1, 0], [40, 125, 121, 53, 51, 98, 27, 20, 82, 16, 84, 81, 12, 21, 42, 19, 115, 10, 119, 88, 8, 78, 74, 29, 50, 85, 86, 35, 72, 91, 36, 95, 5, 6, 117, 14, 94, 69, 104, 17, 18, 34, 93, 24, 76, 22, 65, 67, 97, 26, 79, 68, 75, 120, 38, 116, 15, 23, 30, 122, 44, 57, 63, 66, 107, 89, 58, 80, 71, 83, 109, 87, 7, 106, 9, 99, 108, 96, 111, 41, 33, 118, 13, 105, 103, 101, 48, 127, 114, 56, 100, 37, 124, 52, 28, 45, 90, 3, 113, 49, 92, 43, 77, 39, 32, 123, 59, 102, 110, 46, 31, 60, 126, 54, 70, 25, 61, 112, 62, 64, 47, 0, 55, 11, 4, 73, 1, 2], [40, 121, 42, 53, 125, 51, 98, 91, 123, 50, 110, 52, 111, 113, 58, 63, 105, 126, 47, 33, 115, 27, 54, 60, 118, 93, 117, 107, 97, 59, 122, 127, 48, 108, 61, 56, 15, 44, 124, 109, 57, 112, 116, 43, 45, 114, 62, 46, 120, 106, 38, 119, 49, 55, 41, 95, 23, 103, 39, 36, 101, 31, 100, 24, 86, 37, 99, 32, 35, 102, 30, 21, 12, 29, 96, 18, 85, 34, 89, 104, 94, 77, 92, 17, 81, 84, 83, 78, 79, 20, 74, 87, 9, 28, 69, 72, 13, 26, 88, 19, 75, 90, 25, 82, 22, 7, 10, 80, 2, 65, 70, 4, 76, 8, 11, 64, 3, 16, 6, 68, 1, 73, 67, 14, 5, 0, 71, 66], [53, 125, 51, 121, 42, 40, 115, 98, 119, 52, 108, 57, 123, 116, 91, 107, 50, 114, 117, 122, 127, 124, 120, 58, 111, 59, 118, 113, 63, 15, 55, 41, 60, 110, 48, 49, 9, 109, 56, 61, 100, 62, 44, 43, 46, 7, 105, 99, 112, 45, 54, 77, 126, 47, 102, 72, 39, 38, 33, 74, 12, 103, 69, 106, 93, 18, 101, 35, 30, 17, 95, 75, 78, 2, 70, 31, 11, 37, 27, 32, 80, 36, 84, 3, 24, 104, 34, 23, 96, 97, 4, 86, 68, 94, 83, 79, 64, 8, 29, 92, 10, 89, 85, 6, 65, 13, 0, 73, 76, 71, 26, 20, 87, 28, 21, 19, 88, 25, 90, 5, 1, 66, 16, 81, 67, 14, 22, 82], [102, 49, 98, 56, 116, 121, 113, 89, 20, 11, 81, 9, 77, 22, 15, 124, 52, 25, 2, 6, 73, 71, 18, 96, 75, 86, 110, 72, 88, 79, 70, 101, 19, 51, 10, 74, 100, 4, 3, 29, 67, 91, 1, 31, 83, 87, 92, 78, 17, 64, 13, 60, 76, 16, 120, 24, 84, 59, 61, 8, 30, 41, 80, 14, 21, 7, 58, 93, 47, 37, 12, 26, 28, 117, 62, 115, 90, 44, 46, 82, 32, 94, 27, 112, 63, 68, 103, 40, 105, 109, 33, 39, 42, 85, 95, 114, 97, 111, 35, 122, 48, 107, 23, 118, 53, 55, 54, 45, 127, 43, 123, 50, 104, 106, 119, 34, 126, 57, 99, 36, 108, 0, 125, 5, 69, 66, 65, 38], [102, 49, 116, 56, 98, 121, 113, 89, 81, 124, 20, 11, 15, 77, 68, 9, 71, 52, 70, 25, 29, 2, 64, 91, 19, 85, 4, 0, 105, 88, 1, 65, 66, 8, 3, 73, 101, 41, 46, 75, 12, 127, 110, 62, 60, 51, 72, 80, 93, 21, 67, 7, 27, 74, 14, 86, 96, 76, 47, 117, 13, 126, 18, 84, 44, 87, 6, 111, 115, 120, 79, 17, 22, 82, 90, 112, 10, 95, 107, 5, 61, 39, 24, 23, 16, 103, 30, 122, 92, 57, 83, 94, 32, 97, 118, 45, 78, 33, 26, 59, 36, 69, 43, 123, 109, 53, 37, 40, 100, 54, 114, 28, 50, 125, 99, 42, 108, 106, 48, 55, 35, 104, 58, 31, 63, 119, 34, 38], [102, 49, 116, 56, 98, 113, 121, 89, 77, 11, 81, 20, 9, 71, 15, 52, 68, 124, 110, 29, 19, 91, 86, 10, 101, 25, 6, 70, 2, 41, 66, 74, 47, 7, 4, 14, 46, 59, 67, 117, 82, 75, 72, 80, 64, 18, 96, 92, 73, 0, 31, 3, 95, 79, 115, 126, 12, 8, 21, 16, 93, 1, 22, 13, 87, 17, 60, 39, 88, 36, 107, 127, 50, 97, 32, 35, 120, 33, 122, 69, 53, 105, 85, 30, 61, 65, 84, 111, 62, 104, 5, 26, 42, 58, 118, 76, 94, 114, 23, 83, 112, 51, 24, 109, 54, 27, 44, 28, 40, 90, 125, 119, 100, 99, 78, 43, 57, 55, 48, 106, 123, 108, 103, 63, 45, 37, 34, 38], [102, 121, 110, 49, 98, 56, 116, 113, 101, 89, 25, 62, 93, 29, 31, 52, 91, 41, 51, 46, 107, 27, 45, 126, 34, 40, 100, 38, 115, 58, 106, 60, 112, 20, 105, 63, 96, 85, 39, 48, 103, 22, 57, 19, 61, 119, 86, 50, 47, 108, 53, 18, 123, 109, 114, 55, 127, 54, 120, 84, 104, 28, 111, 78, 94, 44, 118, 43, 83, 122, 81, 21, 42, 125, 124, 59, 92, 80, 30, 24, 16, 117, 35, 95, 37, 33, 26, 32, 88, 99, 36, 15, 97, 23, 77, 76, 14, 87, 90, 82, 10, 12, 5, 17, 71, 79, 2, 11, 69, 66, 8, 13, 9, 74, 7, 72, 70, 68, 75, 67, 4, 6, 64, 73, 65, 0, 3, 1], [126, 61, 56, 60, 54, 51, 123, 63, 124, 119, 100, 58, 117, 32, 127, 108, 112, 49, 39, 97, 114, 47, 104, 42, 125, 44, 106, 46, 40, 41, 48, 118, 99, 62, 110, 53, 120, 34, 52, 105, 121, 57, 107, 115, 116, 102, 55, 103, 43, 122, 50, 45, 113, 59, 111, 109, 38, 36, 33, 101, 96, 37, 94, 98, 30, 85, 31, 35, 8, 28, 25, 67, 70, 7, 5, 91, 29, 73, 2, 74, 27, 68, 92, 75, 77, 95, 93, 83, 10, 22, 4, 21, 65, 11, 76, 26, 71, 13, 89, 64, 12, 0, 9, 90, 19, 1, 78, 86, 23, 72, 66, 80, 88, 87, 15, 24, 6, 79, 14, 20, 69, 82, 81, 84, 3, 16, 17, 18], [55, 119, 123, 127, 115, 124, 60, 58, 56, 54, 63, 51, 61, 117, 62, 113, 126, 59, 96, 57, 52, 109, 48, 53, 121, 116, 120, 107, 114, 45, 108, 43, 50, 122, 110, 112, 42, 47, 125, 49, 118, 111, 44, 94, 46, 106, 105, 41, 32, 93, 104, 40, 103, 95, 39, 30, 23, 102, 98, 91, 34, 38, 90, 24, 92, 37, 17, 16, 101, 88, 22, 18, 100, 79, 7, 31, 35, 10, 78, 99, 75, 89, 8, 29, 84, 13, 26, 70, 36, 73, 5, 76, 19, 81, 15, 21, 20, 97, 80, 33, 9, 4, 27, 65, 0, 2, 87, 67, 85, 68, 66, 77, 25, 83, 28, 72, 14, 3, 69, 82, 12, 86, 1, 71, 74, 6, 11, 64], [119, 123, 55, 100, 124, 127, 56, 60, 58, 54, 115, 51, 63, 61, 36, 117, 126, 62, 32, 98, 59, 113, 52, 57, 121, 48, 45, 109, 120, 116, 53, 43, 107, 50, 30, 122, 114, 47, 106, 108, 110, 111, 112, 125, 118, 42, 49, 44, 46, 34, 41, 105, 39, 38, 103, 101, 104, 102, 40, 35, 37, 31, 96, 33, 99, 93, 97, 95, 28, 22, 88, 91, 94, 29, 19, 24, 68, 77, 64, 85, 90, 92, 27, 12, 26, 86, 2, 5, 83, 14, 74, 1, 13, 6, 25, 11, 72, 71, 67, 7, 8, 21, 69, 3, 73, 79, 78, 10, 9, 16, 81, 76, 20, 70, 89, 66, 80, 75, 87, 15, 65, 82, 18, 0, 4, 23, 17, 84], [126, 61, 100, 26, 54, 60, 28, 20, 63, 119, 51, 58, 123, 56, 124, 87, 55, 96, 18, 93, 24, 127, 25, 115, 86, 117, 85, 92, 30, 27, 94, 17, 97, 90, 33, 91, 62, 31, 32, 49, 112, 108, 106, 125, 114, 34, 104, 42, 39, 47, 120, 46, 44, 48, 53, 110, 121, 57, 41, 118, 40, 52, 105, 59, 43, 116, 107, 103, 50, 113, 122, 45, 109, 36, 101, 80, 102, 111, 98, 23, 81, 38, 15, 16, 89, 21, 99, 37, 83, 88, 95, 29, 35, 82, 19, 22, 14, 79, 78, 84, 9, 13, 75, 10, 71, 74, 12, 76, 8, 7, 67, 5, 70, 66, 72, 4, 77, 69, 65, 73, 11, 2, 0, 64, 1, 3, 6, 68], [33, 40, 108, 117, 57, 54, 22, 19, 118, 122, 82, 24, 16, 121, 77, 89, 127, 25, 76, 14, 52, 7, 125, 49, 44, 12, 123, 92, 109, 93, 106, 107, 3, 13, 69, 73, 11, 115, 46, 29, 43, 84, 62, 21, 53, 104, 120, 32, 119, 39, 28, 20, 41, 94, 124, 98, 61, 67, 87, 86, 88, 30, 111, 83, 34, 112, 59, 2, 15, 74, 64, 70, 65, 95, 48, 85, 71, 47, 60, 91, 105, 63, 96, 6, 17, 38, 68, 27, 81, 58, 42, 113, 116, 126, 110, 8, 23, 45, 72, 4, 114, 97, 79, 50, 90, 78, 5, 18, 10, 37, 26, 31, 1, 51, 101, 35, 103, 99, 102, 100, 55, 56, 80, 36, 66, 0, 9, 75], [108, 40, 33, 57, 54, 86, 25, 44, 118, 18, 117, 82, 80, 52, 91, 29, 104, 62, 121, 94, 115, 90, 92, 122, 89, 31, 56, 30, 126, 27, 95, 93, 48, 28, 88, 63, 34, 51, 110, 99, 124, 35, 59, 101, 112, 123, 26, 98, 113, 36, 60, 37, 43, 116, 103, 109, 41, 32, 39, 47, 58, 46, 42, 105, 119, 102, 100, 96, 45, 111, 106, 120, 49, 125, 38, 50, 107, 14, 53, 127, 55, 61, 23, 84, 87, 16, 114, 24, 85, 20, 83, 77, 21, 22, 76, 19, 78, 97, 81, 79, 17, 75, 11, 13, 66, 70, 12, 15, 74, 5, 4, 6, 7, 3, 67, 0, 9, 68, 8, 72, 65, 71, 2, 1, 10, 64, 69, 73], [33, 40, 108, 57, 54, 16, 14, 89, 118, 44, 117, 78, 82, 22, 13, 104, 52, 24, 121, 27, 71, 19, 122, 12, 75, 25, 90, 87, 28, 62, 109, 124, 93, 99, 94, 48, 115, 30, 31, 29, 123, 110, 101, 26, 126, 56, 91, 127, 112, 95, 53, 63, 119, 96, 46, 59, 37, 73, 21, 120, 51, 86, 36, 98, 92, 77, 43, 116, 102, 105, 85, 41, 103, 42, 38, 34, 106, 35, 60, 32, 125, 88, 111, 100, 47, 113, 58, 23, 39, 45, 76, 49, 9, 50, 61, 107, 114, 55, 5, 17, 20, 83, 6, 18, 81, 84, 79, 68, 15, 80, 10, 74, 7, 3, 11, 8, 67, 72, 66, 70, 2, 97, 4, 1, 69, 65, 0, 64], [40, 108, 33, 57, 54, 11, 12, 89, 82, 117, 118, 76, 44, 16, 14, 22, 19, 73, 7, 9, 24, 104, 86, 77, 10, 71, 78, 75, 121, 27, 13, 127, 52, 122, 93, 70, 85, 74, 123, 48, 109, 23, 87, 66, 124, 43, 126, 106, 90, 21, 68, 101, 115, 53, 110, 28, 112, 30, 81, 26, 80, 31, 15, 119, 79, 99, 4, 63, 2, 64, 84, 25, 46, 94, 83, 62, 51, 3, 56, 96, 114, 95, 29, 98, 111, 120, 116, 36, 37, 59, 35, 32, 91, 92, 42, 102, 1, 41, 100, 47, 113, 60, 38, 125, 65, 88, 49, 20, 34, 103, 39, 17, 105, 6, 45, 50, 58, 107, 55, 69, 61, 72, 18, 67, 0, 5, 8, 97], [110, 103, 33, 31, 46, 21, 78, 76, 80, 10, 8, 19, 114, 120, 79, 13, 112, 70, 4, 82, 17, 116, 49, 12, 6, 123, 16, 61, 54, 57, 89, 124, 58, 121, 25, 73, 125, 75, 47, 39, 22, 107, 18, 67, 117, 1, 118, 94, 27, 83, 56, 43, 85, 108, 111, 115, 69, 77, 48, 2, 14, 101, 63, 24, 32, 50, 51, 29, 106, 86, 93, 44, 74, 113, 23, 62, 41, 15, 28, 119, 71, 40, 91, 68, 36, 104, 127, 55, 30, 84, 11, 20, 59, 9, 92, 38, 42, 102, 72, 88, 35, 122, 37, 34, 99, 60, 52, 81, 26, 90, 45, 87, 7, 96, 98, 105, 100, 53, 126, 109, 97, 5, 66, 0, 95, 3, 65, 64], [103, 110, 33, 31, 46, 21, 19, 114, 49, 78, 120, 116, 23, 76, 12, 24, 57, 112, 79, 80, 72, 58, 16, 61, 118, 14, 4, 8, 6, 123, 48, 54, 50, 18, 67, 111, 47, 83, 98, 10, 85, 95, 45, 89, 17, 15, 108, 117, 121, 127, 73, 91, 109, 41, 63, 20, 1, 43, 90, 104, 37, 88, 81, 55, 102, 13, 39, 32, 119, 28, 113, 94, 2, 115, 70, 84, 44, 60, 51, 126, 42, 38, 96, 53, 105, 125, 122, 35, 34, 124, 106, 59, 97, 27, 29, 100, 74, 82, 9, 36, 107, 99, 93, 75, 56, 52, 40, 101, 71, 69, 86, 92, 30, 65, 3, 87, 22, 26, 62, 5, 25, 68, 11, 77, 0, 66, 7, 64], [110, 103, 33, 31, 46, 80, 21, 10, 8, 76, 78, 4, 114, 70, 68, 57, 120, 5, 49, 123, 58, 116, 112, 16, 17, 69, 3, 61, 1, 39, 65, 66, 12, 117, 121, 67, 74, 118, 54, 124, 9, 73, 7, 71, 127, 72, 14, 50, 32, 15, 11, 75, 107, 47, 125, 0, 51, 84, 111, 64, 45, 48, 79, 25, 77, 2, 85, 6, 91, 89, 87, 13, 93, 82, 60, 24, 63, 19, 109, 23, 81, 104, 18, 88, 122, 20, 83, 56, 92, 29, 38, 37, 115, 105, 86, 55, 119, 113, 35, 102, 36, 106, 53, 28, 44, 41, 62, 94, 42, 22, 30, 108, 95, 52, 34, 26, 96, 99, 43, 40, 101, 59, 100, 98, 90, 97, 27, 126], [110, 103, 33, 31, 46, 21, 10, 80, 78, 79, 69, 8, 76, 120, 114, 70, 82, 2, 6, 67, 49, 57, 112, 73, 4, 123, 58, 12, 61, 39, 5, 66, 1, 116, 68, 23, 71, 3, 16, 13, 0, 19, 17, 127, 56, 117, 111, 72, 74, 118, 121, 7, 107, 125, 14, 51, 50, 64, 54, 87, 11, 9, 45, 75, 124, 65, 85, 24, 48, 88, 81, 43, 20, 77, 15, 89, 84, 126, 119, 94, 59, 42, 18, 32, 47, 92, 26, 37, 115, 63, 86, 83, 25, 109, 36, 62, 28, 104, 53, 44, 106, 91, 122, 60, 55, 40, 34, 27, 41, 108, 99, 30, 113, 105, 102, 22, 52, 97, 90, 35, 98, 96, 29, 100, 95, 38, 93, 101]], "model.layers.2.self_attn.k_proj": [[40, 49, 110, 127, 46, 98, 76, 9, 21, 82, 24, 79, 71, 14, 5, 75, 67, 66, 0, 64, 65, 70, 125, 88, 53, 2, 92, 81, 50, 69, 26, 93, 121, 4, 27, 116, 77, 30, 112, 52, 105, 74, 80, 119, 118, 97, 62, 13, 51, 56, 72, 57, 25, 68, 31, 109, 23, 106, 1, 126, 54, 120, 113, 83, 28, 84, 63, 48, 107, 29, 124, 44, 43, 59, 89, 20, 99, 45, 73, 47, 86, 60, 42, 108, 87, 61, 16, 95, 8, 115, 90, 122, 117, 32, 39, 17, 19, 36, 96, 22, 114, 100, 41, 33, 103, 91, 123, 35, 58, 55, 37, 111, 10, 94, 102, 38, 101, 6, 104, 15, 3, 78, 7, 12, 85, 11, 34, 18], [43, 40, 99, 56, 48, 50, 119, 23, 117, 61, 84, 13, 113, 15, 17, 75, 123, 5, 51, 47, 0, 8, 111, 4, 57, 91, 55, 53, 46, 3, 104, 94, 65, 49, 6, 124, 73, 114, 44, 110, 125, 2, 89, 80, 10, 71, 60, 120, 64, 107, 122, 108, 121, 1, 12, 58, 118, 14, 86, 42, 85, 66, 25, 82, 70, 59, 52, 62, 28, 112, 76, 109, 127, 106, 27, 92, 126, 63, 83, 88, 97, 54, 22, 41, 19, 69, 33, 18, 39, 29, 115, 101, 38, 116, 21, 74, 78, 26, 87, 45, 105, 34, 37, 103, 7, 32, 98, 36, 90, 96, 31, 93, 102, 67, 16, 30, 24, 68, 95, 100, 72, 79, 35, 20, 81, 9, 11, 77], [46, 112, 102, 33, 110, 0, 12, 48, 16, 8, 10, 78, 25, 70, 69, 65, 66, 19, 2, 4, 64, 5, 77, 89, 50, 85, 17, 67, 47, 1, 7, 68, 22, 83, 30, 20, 95, 93, 88, 82, 125, 62, 56, 124, 116, 54, 87, 51, 9, 43, 27, 127, 55, 49, 118, 23, 24, 73, 3, 11, 114, 15, 13, 84, 106, 40, 92, 79, 32, 121, 91, 103, 41, 36, 61, 99, 126, 98, 101, 113, 109, 81, 29, 31, 107, 123, 105, 45, 57, 44, 108, 94, 104, 39, 59, 52, 96, 28, 120, 100, 119, 26, 63, 60, 35, 21, 18, 71, 37, 115, 58, 6, 90, 111, 53, 42, 86, 122, 117, 34, 74, 76, 75, 14, 80, 72, 97, 38], [104, 121, 125, 53, 51, 20, 16, 34, 78, 81, 82, 119, 19, 75, 42, 43, 10, 122, 88, 50, 61, 63, 127, 93, 70, 21, 13, 109, 118, 106, 116, 44, 113, 30, 7, 120, 8, 48, 57, 124, 114, 111, 62, 47, 60, 56, 58, 107, 54, 123, 115, 31, 76, 126, 9, 49, 23, 55, 38, 105, 110, 97, 22, 112, 39, 46, 41, 100, 45, 59, 91, 52, 102, 108, 37, 117, 36, 4, 3, 99, 86, 26, 89, 35, 95, 101, 32, 92, 28, 27, 33, 103, 94, 96, 24, 25, 2, 69, 90, 29, 14, 18, 87, 73, 17, 85, 15, 65, 5, 68, 83, 64, 80, 1, 84, 98, 0, 12, 72, 79, 74, 71, 11, 77, 40, 66, 6, 67], [113, 38, 116, 56, 34, 121, 49, 77, 11, 9, 81, 15, 71, 25, 0, 93, 68, 70, 20, 46, 65, 86, 67, 18, 66, 91, 16, 30, 124, 112, 102, 115, 31, 83, 61, 22, 19, 87, 72, 5, 118, 88, 76, 27, 85, 29, 1, 45, 78, 8, 82, 89, 23, 7, 6, 111, 48, 117, 36, 44, 74, 41, 10, 58, 105, 59, 99, 47, 40, 108, 51, 106, 119, 42, 127, 101, 62, 43, 92, 50, 123, 104, 114, 103, 120, 57, 84, 37, 90, 95, 97, 125, 122, 24, 32, 55, 63, 69, 35, 109, 96, 53, 126, 60, 54, 3, 28, 33, 94, 39, 12, 107, 26, 100, 79, 13, 80, 52, 4, 73, 14, 110, 21, 75, 17, 2, 64, 98], [126, 36, 124, 60, 61, 54, 63, 58, 119, 56, 115, 51, 123, 55, 127, 32, 117, 125, 118, 49, 122, 110, 112, 114, 46, 30, 50, 53, 52, 120, 121, 116, 48, 59, 111, 62, 113, 47, 57, 34, 108, 44, 45, 109, 106, 95, 42, 93, 40, 41, 107, 104, 105, 43, 98, 20, 24, 23, 39, 103, 96, 33, 102, 97, 90, 94, 38, 82, 81, 92, 101, 26, 99, 27, 91, 89, 37, 35, 100, 22, 29, 14, 80, 87, 15, 31, 85, 16, 25, 86, 28, 79, 12, 9, 19, 13, 11, 83, 88, 7, 4, 74, 66, 72, 5, 70, 75, 10, 69, 0, 3, 21, 18, 1, 65, 6, 71, 76, 8, 77, 17, 67, 78, 64, 84, 73, 68, 2], [44, 104, 54, 57, 97, 117, 82, 16, 22, 14, 77, 73, 25, 11, 76, 9, 127, 53, 108, 89, 7, 29, 122, 40, 92, 123, 12, 27, 19, 4, 24, 52, 91, 112, 93, 95, 90, 26, 31, 30, 94, 32, 88, 115, 110, 120, 119, 124, 21, 87, 113, 96, 28, 118, 45, 62, 46, 69, 121, 126, 47, 10, 125, 116, 98, 39, 34, 58, 63, 67, 37, 111, 107, 49, 41, 43, 99, 35, 51, 36, 60, 42, 103, 105, 102, 106, 59, 70, 101, 5, 100, 23, 50, 1, 38, 109, 55, 61, 2, 20, 56, 85, 48, 17, 8, 15, 114, 75, 78, 0, 84, 72, 81, 80, 74, 71, 66, 79, 83, 18, 64, 6, 86, 13, 3, 33, 68, 65], [46, 39, 110, 97, 95, 64, 78, 76, 80, 10, 8, 21, 70, 68, 79, 66, 73, 3, 65, 19, 120, 58, 50, 57, 123, 9, 5, 48, 1, 2, 82, 7, 61, 23, 69, 113, 116, 118, 114, 67, 125, 51, 0, 124, 24, 121, 127, 77, 117, 112, 53, 49, 81, 47, 84, 52, 59, 56, 109, 72, 6, 17, 60, 87, 119, 4, 91, 75, 122, 107, 20, 22, 106, 45, 89, 96, 54, 40, 90, 29, 11, 126, 25, 63, 43, 42, 62, 92, 86, 30, 101, 98, 105, 44, 14, 115, 37, 104, 26, 27, 102, 108, 93, 36, 38, 55, 111, 12, 32, 41, 99, 100, 15, 18, 34, 83, 35, 85, 88, 28, 94, 74, 13, 71, 16, 33, 31, 103]], "model.layers.2.self_attn.qk_proj": [[46, 110, 49, 121, 112, 54, 40, 51, 127, 104, 57, 56, 125, 113, 53, 116, 43, 44, 126, 61, 124, 102, 60, 119, 123, 117, 108, 48, 89, 39, 33, 25, 16, 14, 80, 115, 78, 63, 99, 107, 12, 76, 55, 18, 50, 85, 47, 98, 120, 21, 114, 58, 75, 97, 88, 86, 74, 8, 118, 82, 13, 11, 81, 95, 83, 19, 34, 20, 27, 84, 79, 15, 91, 77, 122, 17, 9, 87, 42, 62, 10, 94, 73, 29, 24, 31, 22, 38, 7, 52, 23, 36, 45, 41, 59, 92, 71, 6, 72, 111, 4, 69, 5, 30, 68, 105, 101, 35, 93, 32, 109, 70, 96, 28, 66, 2, 0, 64, 103, 90, 106, 1, 100, 67, 3, 65, 37, 26], [46, 110, 49, 121, 112, 54, 40, 56, 104, 51, 57, 53, 125, 127, 113, 116, 43, 44, 126, 123, 61, 119, 124, 102, 60, 117, 48, 39, 108, 89, 25, 16, 107, 58, 120, 80, 33, 14, 115, 63, 12, 99, 47, 78, 76, 8, 118, 55, 98, 50, 85, 82, 27, 21, 114, 18, 20, 95, 75, 62, 83, 91, 15, 97, 19, 122, 77, 81, 74, 34, 13, 79, 17, 11, 94, 86, 84, 10, 9, 87, 42, 24, 31, 73, 70, 88, 23, 36, 111, 22, 4, 29, 38, 5, 7, 71, 68, 109, 52, 69, 0, 96, 28, 106, 64, 45, 103, 32, 1, 92, 105, 93, 66, 59, 30, 35, 67, 2, 72, 6, 101, 3, 65, 90, 26, 100, 41, 37], [46, 110, 49, 121, 112, 54, 56, 40, 104, 53, 51, 57, 127, 113, 125, 116, 43, 44, 61, 126, 124, 102, 119, 123, 117, 60, 108, 63, 33, 107, 55, 48, 89, 16, 25, 39, 120, 47, 58, 80, 76, 14, 8, 115, 12, 99, 118, 78, 97, 85, 50, 21, 70, 18, 98, 19, 82, 27, 114, 74, 11, 20, 77, 84, 15, 79, 94, 9, 17, 75, 42, 95, 91, 34, 13, 86, 52, 87, 10, 73, 81, 5, 38, 23, 24, 36, 7, 71, 68, 69, 122, 83, 4, 29, 62, 59, 88, 31, 111, 32, 109, 22, 66, 30, 106, 45, 64, 96, 105, 2, 1, 28, 92, 93, 100, 0, 103, 67, 41, 72, 3, 26, 65, 35, 101, 90, 6, 37], [46, 110, 49, 121, 112, 54, 127, 51, 57, 40, 56, 104, 113, 125, 53, 116, 43, 126, 44, 61, 124, 123, 102, 117, 60, 58, 119, 48, 33, 25, 108, 63, 16, 39, 89, 80, 55, 14, 8, 107, 99, 76, 118, 12, 78, 98, 21, 19, 120, 47, 18, 50, 91, 114, 115, 70, 97, 84, 11, 82, 27, 95, 52, 85, 77, 10, 74, 34, 23, 79, 20, 75, 42, 15, 86, 94, 83, 87, 62, 81, 31, 13, 17, 5, 9, 71, 73, 88, 36, 4, 69, 38, 24, 122, 68, 109, 106, 29, 30, 22, 7, 92, 41, 66, 111, 67, 59, 28, 93, 32, 2, 103, 65, 101, 0, 45, 1, 96, 105, 3, 64, 100, 26, 90, 35, 72, 6, 37], [46, 110, 49, 121, 112, 54, 40, 127, 51, 57, 56, 125, 104, 113, 53, 116, 43, 61, 44, 126, 119, 102, 124, 123, 117, 58, 108, 25, 63, 33, 55, 16, 76, 48, 120, 8, 107, 12, 99, 118, 14, 60, 89, 80, 78, 39, 47, 115, 21, 82, 114, 98, 50, 18, 91, 95, 84, 97, 11, 20, 70, 9, 79, 94, 27, 74, 85, 17, 52, 75, 73, 15, 19, 69, 13, 77, 31, 24, 10, 88, 7, 87, 81, 68, 86, 42, 23, 62, 36, 5, 34, 38, 83, 71, 59, 4, 111, 22, 2, 67, 3, 122, 66, 28, 64, 65, 41, 0, 92, 29, 109, 30, 32, 35, 96, 103, 100, 101, 106, 93, 1, 72, 6, 105, 45, 90, 26, 37], [46, 110, 49, 121, 112, 51, 54, 56, 40, 104, 57, 127, 113, 125, 53, 116, 43, 44, 61, 126, 102, 124, 123, 119, 48, 60, 58, 25, 115, 108, 117, 33, 89, 39, 16, 107, 55, 80, 14, 12, 120, 8, 78, 76, 47, 99, 98, 18, 21, 50, 114, 82, 63, 85, 75, 52, 20, 19, 95, 27, 9, 31, 15, 11, 118, 111, 74, 84, 79, 73, 97, 34, 91, 122, 70, 88, 17, 42, 86, 13, 62, 94, 87, 24, 77, 23, 10, 83, 7, 4, 22, 36, 81, 68, 69, 38, 5, 71, 28, 32, 106, 6, 29, 93, 103, 72, 67, 96, 105, 30, 66, 41, 92, 35, 1, 59, 0, 65, 45, 64, 109, 101, 2, 3, 100, 90, 26, 37], [46, 110, 49, 121, 112, 54, 40, 56, 104, 127, 57, 51, 113, 125, 116, 53, 43, 44, 61, 126, 119, 124, 123, 102, 89, 60, 48, 117, 108, 115, 16, 107, 39, 14, 58, 33, 25, 12, 47, 55, 76, 80, 78, 99, 8, 120, 63, 85, 11, 18, 50, 9, 21, 83, 82, 118, 79, 52, 84, 75, 98, 15, 42, 17, 20, 95, 77, 91, 19, 111, 27, 13, 114, 97, 73, 74, 81, 24, 94, 88, 31, 86, 36, 122, 10, 34, 38, 87, 71, 23, 109, 22, 4, 6, 7, 29, 68, 62, 69, 5, 32, 106, 45, 72, 105, 70, 96, 30, 35, 93, 59, 103, 92, 101, 41, 28, 66, 3, 0, 1, 64, 2, 26, 67, 65, 100, 37, 90], [46, 110, 49, 121, 112, 54, 40, 104, 56, 57, 51, 127, 113, 125, 53, 116, 43, 44, 61, 119, 126, 102, 124, 123, 60, 89, 108, 117, 25, 33, 63, 55, 48, 39, 78, 107, 80, 14, 16, 12, 85, 99, 76, 115, 47, 118, 58, 18, 21, 82, 120, 50, 11, 15, 97, 74, 9, 83, 91, 31, 84, 98, 52, 20, 75, 79, 27, 19, 24, 94, 114, 17, 77, 81, 6, 10, 86, 29, 13, 73, 87, 8, 38, 111, 95, 34, 122, 42, 62, 23, 88, 72, 36, 7, 68, 69, 22, 59, 71, 30, 4, 5, 32, 103, 105, 106, 45, 28, 96, 41, 0, 3, 2, 35, 93, 64, 109, 67, 26, 66, 92, 65, 70, 101, 100, 1, 90, 37], [46, 110, 49, 121, 112, 40, 51, 56, 54, 104, 57, 127, 53, 125, 113, 116, 43, 44, 126, 61, 102, 119, 117, 124, 60, 123, 25, 39, 108, 89, 48, 16, 115, 58, 63, 55, 21, 14, 80, 78, 33, 107, 99, 12, 76, 120, 85, 62, 98, 82, 47, 18, 15, 19, 31, 97, 27, 50, 42, 72, 20, 84, 95, 6, 11, 91, 75, 114, 94, 81, 23, 9, 79, 83, 77, 74, 86, 17, 29, 10, 52, 34, 13, 118, 111, 24, 88, 122, 73, 87, 36, 38, 45, 22, 68, 41, 4, 7, 93, 105, 71, 30, 96, 106, 69, 8, 5, 28, 66, 109, 32, 59, 100, 64, 90, 0, 103, 3, 92, 35, 67, 65, 26, 2, 1, 101, 70, 37], [46, 110, 49, 121, 112, 54, 40, 56, 104, 57, 127, 125, 53, 51, 113, 116, 43, 44, 126, 61, 119, 102, 124, 60, 117, 123, 25, 108, 16, 89, 107, 39, 115, 48, 58, 80, 78, 14, 120, 33, 63, 12, 99, 76, 21, 98, 82, 27, 55, 97, 19, 47, 42, 84, 18, 72, 91, 11, 94, 6, 85, 15, 20, 83, 9, 75, 13, 17, 77, 79, 52, 24, 114, 95, 62, 10, 81, 50, 34, 118, 74, 87, 31, 88, 86, 23, 73, 111, 22, 36, 7, 71, 109, 69, 4, 68, 29, 105, 38, 5, 122, 106, 59, 96, 30, 41, 92, 8, 103, 32, 66, 28, 35, 45, 93, 2, 90, 26, 3, 70, 100, 101, 0, 67, 64, 1, 65, 37], [46, 110, 49, 121, 112, 40, 51, 54, 57, 56, 127, 104, 53, 113, 125, 116, 43, 126, 44, 61, 124, 102, 117, 63, 60, 119, 123, 108, 16, 89, 25, 33, 48, 39, 58, 80, 72, 78, 55, 12, 14, 98, 99, 107, 120, 115, 76, 50, 114, 95, 85, 82, 118, 42, 91, 21, 97, 18, 27, 47, 20, 15, 11, 19, 84, 79, 87, 94, 77, 74, 75, 10, 24, 17, 6, 73, 66, 86, 13, 83, 52, 62, 31, 69, 5, 9, 23, 111, 38, 88, 81, 4, 36, 68, 34, 29, 22, 106, 7, 71, 122, 2, 30, 64, 32, 0, 92, 70, 1, 59, 67, 3, 105, 65, 93, 96, 103, 109, 41, 28, 35, 45, 100, 90, 101, 8, 26, 37], [46, 110, 49, 121, 112, 54, 40, 127, 51, 57, 56, 104, 125, 53, 113, 116, 43, 44, 61, 126, 123, 119, 124, 102, 117, 63, 108, 33, 48, 89, 16, 72, 107, 115, 99, 58, 25, 60, 98, 39, 14, 55, 47, 114, 12, 78, 80, 76, 50, 21, 18, 82, 120, 27, 85, 118, 97, 91, 15, 84, 20, 95, 10, 111, 19, 11, 52, 87, 73, 75, 24, 42, 86, 36, 94, 31, 17, 34, 79, 83, 23, 74, 88, 81, 62, 77, 69, 9, 4, 70, 59, 5, 7, 13, 68, 22, 38, 71, 32, 30, 122, 29, 1, 3, 0, 6, 66, 105, 96, 92, 93, 106, 28, 65, 2, 109, 41, 45, 67, 35, 101, 64, 100, 103, 26, 90, 8, 37], [46, 110, 49, 121, 112, 54, 40, 104, 56, 57, 51, 125, 127, 53, 113, 116, 43, 44, 119, 61, 126, 123, 102, 124, 117, 89, 25, 108, 107, 48, 58, 63, 60, 39, 33, 16, 115, 99, 78, 80, 14, 12, 47, 21, 72, 76, 120, 18, 82, 77, 20, 85, 114, 79, 97, 55, 94, 27, 15, 111, 75, 11, 52, 118, 91, 19, 42, 84, 81, 17, 31, 73, 34, 10, 50, 83, 86, 87, 98, 24, 88, 95, 9, 70, 74, 13, 23, 38, 36, 29, 62, 7, 68, 22, 30, 122, 96, 5, 59, 41, 93, 105, 109, 69, 4, 71, 92, 28, 32, 106, 35, 45, 101, 100, 67, 66, 6, 26, 3, 8, 103, 37, 64, 1, 2, 90, 0, 65], [46, 110, 49, 121, 112, 56, 54, 51, 127, 40, 57, 104, 125, 113, 53, 116, 43, 44, 126, 61, 124, 102, 119, 60, 48, 123, 25, 108, 89, 117, 16, 39, 47, 33, 58, 21, 120, 99, 80, 107, 55, 12, 72, 115, 78, 14, 63, 76, 18, 97, 19, 82, 27, 85, 50, 70, 15, 42, 114, 11, 20, 84, 98, 75, 95, 118, 79, 77, 34, 13, 91, 86, 122, 17, 94, 10, 74, 73, 81, 83, 31, 59, 9, 62, 24, 88, 87, 52, 22, 4, 38, 5, 41, 23, 111, 29, 69, 71, 36, 68, 7, 105, 45, 92, 93, 64, 30, 35, 8, 28, 96, 101, 1, 100, 103, 32, 66, 2, 109, 3, 106, 67, 65, 26, 0, 6, 37, 90], [46, 110, 49, 112, 121, 54, 40, 104, 56, 57, 51, 127, 113, 125, 53, 116, 43, 44, 61, 126, 124, 123, 102, 119, 117, 89, 33, 60, 48, 25, 39, 63, 16, 108, 120, 78, 80, 47, 118, 99, 55, 107, 12, 14, 21, 76, 70, 58, 72, 115, 82, 18, 114, 98, 95, 85, 50, 42, 97, 91, 11, 27, 94, 20, 73, 79, 52, 74, 75, 31, 17, 15, 84, 88, 19, 86, 13, 83, 34, 81, 24, 62, 77, 23, 10, 22, 9, 71, 5, 68, 38, 4, 69, 122, 36, 8, 87, 29, 7, 32, 109, 105, 111, 93, 30, 59, 41, 67, 2, 92, 96, 66, 65, 45, 106, 1, 103, 0, 28, 101, 3, 100, 90, 64, 35, 26, 37, 6], [46, 110, 49, 112, 121, 54, 51, 40, 104, 127, 125, 56, 57, 113, 53, 116, 43, 44, 126, 61, 124, 117, 102, 123, 119, 63, 108, 107, 33, 60, 25, 48, 55, 115, 16, 39, 89, 120, 80, 58, 12, 78, 114, 47, 99, 118, 21, 52, 14, 50, 76, 18, 98, 97, 27, 42, 82, 95, 84, 85, 24, 72, 74, 11, 91, 20, 19, 88, 94, 70, 75, 36, 87, 73, 15, 8, 79, 23, 17, 86, 38, 31, 10, 111, 34, 13, 22, 4, 9, 81, 83, 77, 5, 29, 68, 122, 71, 69, 62, 41, 105, 7, 109, 28, 92, 65, 30, 59, 2, 32, 106, 96, 0, 3, 103, 67, 45, 93, 66, 64, 6, 35, 1, 26, 101, 90, 100, 37], [46, 110, 49, 121, 112, 54, 40, 104, 56, 51, 57, 125, 127, 113, 53, 116, 43, 44, 61, 126, 119, 102, 124, 107, 123, 117, 60, 25, 108, 89, 48, 58, 33, 63, 16, 115, 80, 76, 39, 78, 12, 14, 118, 99, 47, 55, 21, 120, 18, 98, 82, 15, 75, 84, 11, 9, 85, 19, 79, 91, 42, 52, 114, 20, 27, 74, 94, 77, 8, 31, 97, 73, 81, 86, 13, 17, 24, 50, 88, 10, 87, 83, 111, 70, 95, 36, 38, 72, 62, 23, 4, 34, 29, 71, 22, 68, 7, 122, 5, 69, 41, 109, 45, 28, 106, 6, 35, 59, 32, 92, 105, 93, 30, 96, 101, 103, 67, 100, 64, 2, 66, 3, 90, 26, 1, 0, 65, 37], [46, 110, 49, 121, 112, 54, 40, 56, 104, 57, 51, 53, 127, 113, 125, 116, 43, 44, 126, 61, 124, 102, 60, 119, 123, 117, 25, 108, 39, 16, 33, 89, 107, 48, 58, 118, 55, 21, 80, 78, 76, 14, 12, 115, 8, 99, 63, 18, 97, 82, 120, 91, 85, 98, 79, 11, 47, 19, 81, 20, 84, 50, 86, 77, 114, 15, 42, 95, 10, 122, 52, 75, 27, 88, 17, 73, 13, 34, 94, 62, 6, 74, 9, 83, 22, 31, 87, 24, 111, 5, 23, 68, 38, 45, 36, 71, 29, 41, 93, 7, 59, 4, 105, 69, 32, 30, 28, 106, 103, 72, 70, 66, 92, 96, 35, 0, 2, 64, 100, 109, 65, 101, 1, 67, 90, 26, 3, 37], [46, 110, 49, 121, 112, 127, 54, 40, 56, 104, 51, 57, 125, 113, 116, 53, 43, 126, 44, 61, 102, 124, 119, 117, 123, 60, 48, 108, 33, 25, 80, 39, 63, 58, 89, 16, 14, 8, 21, 12, 107, 78, 76, 120, 55, 115, 118, 99, 18, 19, 91, 97, 82, 47, 114, 50, 85, 20, 6, 62, 98, 42, 27, 11, 84, 75, 86, 79, 10, 81, 95, 77, 15, 13, 88, 9, 34, 23, 52, 24, 74, 73, 94, 17, 87, 122, 83, 5, 31, 22, 36, 4, 109, 29, 105, 71, 68, 111, 38, 45, 69, 7, 32, 0, 59, 92, 30, 106, 28, 2, 41, 67, 93, 66, 65, 64, 96, 3, 103, 101, 35, 1, 90, 100, 72, 70, 26, 37], [46, 110, 49, 121, 112, 54, 40, 104, 51, 56, 127, 57, 113, 53, 116, 125, 43, 44, 126, 61, 124, 123, 119, 102, 25, 108, 63, 117, 60, 89, 48, 8, 80, 16, 39, 14, 115, 107, 78, 33, 55, 120, 12, 76, 58, 47, 6, 99, 98, 82, 18, 50, 21, 95, 20, 75, 97, 114, 85, 11, 9, 91, 13, 27, 84, 10, 15, 73, 19, 79, 118, 17, 74, 42, 86, 24, 62, 31, 94, 52, 5, 111, 81, 77, 68, 59, 87, 23, 36, 7, 83, 4, 88, 34, 69, 45, 71, 22, 106, 122, 38, 29, 96, 105, 92, 35, 30, 66, 3, 32, 100, 67, 109, 93, 28, 103, 41, 64, 26, 1, 101, 65, 2, 0, 90, 72, 70, 37], [46, 110, 49, 121, 112, 54, 40, 51, 56, 104, 57, 127, 113, 53, 116, 125, 43, 44, 124, 61, 126, 117, 102, 119, 48, 123, 33, 25, 58, 107, 108, 47, 16, 39, 60, 63, 80, 89, 55, 8, 12, 99, 14, 98, 78, 76, 115, 114, 97, 82, 120, 18, 21, 6, 50, 91, 95, 75, 79, 27, 85, 10, 20, 42, 94, 84, 74, 81, 11, 17, 83, 15, 19, 9, 31, 87, 52, 36, 73, 38, 34, 86, 88, 77, 4, 13, 71, 24, 22, 118, 111, 62, 23, 29, 5, 122, 69, 7, 105, 68, 106, 59, 30, 32, 28, 93, 66, 45, 96, 103, 92, 109, 64, 0, 100, 41, 2, 101, 35, 72, 3, 67, 90, 70, 1, 26, 65, 37], [46, 110, 49, 121, 112, 54, 56, 40, 57, 104, 127, 51, 113, 53, 116, 125, 43, 61, 44, 126, 123, 102, 119, 117, 124, 60, 39, 48, 25, 107, 108, 63, 33, 89, 80, 115, 114, 78, 16, 58, 55, 14, 99, 47, 12, 98, 8, 76, 118, 21, 50, 120, 18, 82, 97, 84, 27, 95, 85, 83, 75, 11, 79, 52, 9, 20, 34, 19, 74, 15, 81, 91, 13, 87, 6, 42, 73, 10, 36, 77, 94, 17, 69, 86, 31, 38, 29, 71, 4, 88, 111, 5, 24, 23, 59, 22, 68, 7, 122, 28, 64, 109, 30, 45, 41, 62, 66, 96, 106, 70, 35, 93, 100, 103, 72, 92, 67, 1, 105, 32, 2, 3, 0, 101, 65, 26, 90, 37], [46, 110, 49, 121, 112, 51, 54, 40, 104, 57, 127, 113, 56, 125, 53, 116, 43, 44, 126, 61, 119, 117, 124, 102, 123, 25, 33, 58, 55, 89, 63, 107, 16, 108, 47, 48, 39, 60, 115, 14, 80, 78, 12, 76, 99, 21, 85, 82, 8, 18, 97, 114, 98, 120, 75, 27, 20, 84, 17, 91, 50, 118, 13, 19, 79, 10, 94, 95, 15, 74, 31, 87, 11, 77, 81, 9, 24, 34, 88, 23, 83, 73, 86, 68, 22, 29, 62, 52, 72, 4, 38, 36, 70, 42, 71, 111, 5, 109, 69, 45, 59, 30, 7, 28, 122, 41, 106, 32, 96, 6, 93, 92, 105, 35, 67, 100, 2, 1, 103, 3, 64, 0, 101, 90, 66, 26, 65, 37], [46, 110, 49, 121, 112, 51, 40, 57, 56, 54, 104, 127, 113, 125, 53, 116, 43, 44, 126, 61, 124, 102, 119, 123, 60, 117, 25, 108, 58, 107, 89, 48, 33, 80, 39, 16, 63, 78, 115, 47, 12, 76, 99, 55, 14, 98, 18, 120, 27, 19, 85, 97, 94, 114, 79, 21, 20, 83, 95, 82, 42, 91, 15, 75, 8, 52, 11, 84, 17, 74, 70, 50, 118, 24, 77, 73, 13, 86, 10, 72, 87, 22, 9, 36, 81, 34, 88, 31, 23, 38, 111, 4, 62, 122, 69, 68, 29, 7, 30, 71, 5, 103, 96, 45, 28, 41, 92, 106, 93, 67, 2, 109, 32, 105, 66, 101, 35, 59, 100, 0, 64, 1, 6, 26, 65, 90, 3, 37], [46, 110, 49, 121, 112, 40, 54, 104, 56, 57, 127, 51, 125, 113, 53, 116, 43, 44, 61, 126, 119, 123, 124, 117, 102, 33, 108, 39, 48, 63, 60, 89, 107, 25, 58, 16, 78, 115, 55, 99, 80, 14, 47, 76, 12, 18, 70, 120, 97, 118, 114, 85, 98, 21, 27, 20, 75, 84, 72, 11, 52, 73, 9, 82, 17, 15, 91, 42, 79, 50, 94, 87, 13, 62, 81, 74, 10, 19, 95, 24, 34, 83, 88, 77, 86, 5, 111, 31, 36, 7, 8, 122, 71, 4, 68, 22, 69, 23, 38, 109, 30, 29, 106, 32, 105, 45, 35, 2, 103, 92, 67, 96, 28, 101, 3, 93, 64, 66, 59, 41, 100, 65, 26, 1, 0, 90, 6, 37], [46, 110, 49, 121, 112, 54, 40, 51, 127, 56, 104, 57, 125, 113, 53, 116, 43, 44, 126, 61, 124, 102, 123, 119, 117, 89, 39, 107, 60, 48, 25, 55, 33, 108, 58, 47, 16, 78, 99, 80, 115, 114, 76, 63, 12, 14, 118, 85, 120, 18, 72, 27, 50, 70, 97, 98, 79, 91, 21, 19, 20, 82, 95, 11, 84, 83, 75, 15, 87, 74, 13, 52, 34, 9, 17, 122, 77, 81, 94, 10, 31, 42, 73, 22, 38, 24, 62, 86, 111, 36, 7, 5, 69, 88, 29, 23, 68, 30, 64, 4, 71, 32, 103, 106, 35, 41, 45, 28, 105, 109, 59, 92, 8, 67, 93, 1, 96, 66, 2, 26, 100, 0, 101, 3, 65, 90, 37, 6], [46, 110, 49, 121, 112, 40, 57, 104, 54, 56, 51, 127, 125, 53, 113, 116, 43, 44, 126, 61, 124, 117, 102, 119, 123, 60, 39, 25, 89, 108, 48, 63, 107, 33, 80, 16, 99, 115, 58, 78, 12, 55, 14, 76, 21, 47, 72, 50, 97, 82, 91, 20, 85, 98, 27, 18, 94, 83, 114, 79, 120, 118, 38, 24, 73, 19, 11, 95, 75, 77, 34, 86, 13, 74, 52, 15, 42, 88, 17, 81, 84, 62, 70, 87, 31, 10, 36, 45, 9, 111, 23, 5, 122, 4, 22, 71, 29, 68, 7, 69, 92, 30, 106, 93, 41, 32, 96, 103, 28, 59, 2, 109, 6, 101, 35, 105, 8, 90, 3, 1, 26, 67, 66, 0, 100, 65, 64, 37], [46, 110, 49, 121, 112, 40, 54, 56, 104, 51, 57, 113, 53, 125, 127, 116, 43, 44, 61, 126, 119, 102, 60, 124, 39, 123, 117, 108, 89, 72, 58, 25, 16, 33, 48, 80, 107, 78, 63, 76, 120, 12, 99, 14, 98, 55, 115, 47, 50, 118, 11, 18, 79, 85, 82, 73, 42, 114, 95, 21, 97, 91, 9, 75, 84, 10, 27, 20, 77, 17, 19, 13, 15, 83, 34, 38, 74, 52, 122, 94, 69, 24, 4, 31, 81, 23, 68, 22, 70, 88, 7, 71, 62, 36, 29, 86, 87, 6, 5, 111, 45, 109, 32, 3, 28, 59, 2, 30, 0, 1, 90, 103, 105, 67, 65, 96, 66, 35, 93, 64, 92, 101, 106, 100, 41, 26, 8, 37], [46, 110, 49, 121, 112, 54, 40, 57, 56, 104, 127, 51, 113, 125, 53, 116, 43, 126, 44, 61, 123, 124, 102, 119, 60, 117, 108, 58, 115, 33, 89, 48, 25, 72, 16, 107, 39, 63, 80, 76, 78, 99, 14, 120, 47, 55, 118, 12, 98, 50, 114, 82, 27, 21, 18, 52, 85, 97, 20, 9, 83, 11, 91, 84, 74, 75, 79, 15, 10, 95, 86, 87, 19, 122, 42, 13, 34, 81, 94, 24, 17, 73, 6, 77, 36, 5, 23, 88, 38, 69, 7, 111, 22, 45, 31, 68, 4, 71, 109, 30, 62, 29, 59, 28, 106, 92, 105, 3, 103, 32, 2, 70, 96, 65, 1, 64, 100, 0, 66, 90, 41, 93, 67, 8, 35, 101, 37, 26], [46, 110, 49, 121, 112, 54, 40, 51, 56, 57, 104, 127, 113, 125, 116, 53, 43, 44, 61, 126, 124, 102, 123, 119, 117, 108, 39, 107, 60, 25, 58, 48, 16, 89, 72, 33, 63, 80, 12, 76, 55, 99, 78, 14, 115, 98, 47, 50, 18, 82, 21, 6, 85, 95, 9, 114, 120, 11, 27, 97, 20, 79, 91, 118, 75, 84, 83, 73, 10, 42, 15, 34, 36, 86, 13, 77, 19, 24, 74, 88, 31, 87, 62, 94, 52, 17, 7, 4, 81, 68, 5, 111, 38, 71, 69, 103, 45, 23, 29, 122, 22, 93, 106, 32, 105, 109, 59, 30, 41, 35, 8, 28, 3, 92, 1, 64, 2, 67, 66, 70, 0, 65, 96, 100, 90, 101, 26, 37], [46, 110, 49, 121, 112, 54, 40, 56, 104, 51, 127, 57, 125, 113, 116, 53, 43, 44, 61, 126, 119, 102, 124, 123, 117, 60, 108, 25, 89, 39, 107, 48, 80, 115, 16, 12, 58, 99, 76, 78, 14, 33, 47, 18, 55, 72, 19, 21, 27, 6, 63, 75, 120, 94, 20, 82, 9, 50, 98, 83, 91, 73, 11, 15, 34, 42, 84, 13, 88, 85, 79, 81, 52, 97, 77, 74, 10, 95, 86, 114, 118, 17, 68, 87, 24, 31, 111, 36, 71, 106, 22, 62, 23, 5, 7, 38, 29, 109, 93, 4, 30, 8, 103, 122, 35, 69, 45, 92, 41, 59, 105, 32, 66, 67, 100, 28, 64, 0, 65, 3, 96, 2, 101, 90, 26, 70, 1, 37], [46, 110, 49, 112, 121, 54, 51, 40, 57, 56, 104, 127, 125, 113, 53, 116, 43, 44, 126, 61, 124, 102, 60, 123, 119, 117, 89, 58, 108, 48, 55, 39, 63, 33, 25, 80, 107, 99, 50, 16, 14, 47, 78, 76, 12, 18, 114, 115, 120, 42, 21, 85, 118, 83, 19, 98, 95, 27, 34, 97, 52, 82, 79, 91, 20, 84, 75, 6, 77, 94, 15, 11, 73, 17, 10, 13, 31, 81, 38, 72, 9, 88, 86, 62, 87, 74, 24, 8, 22, 59, 106, 36, 23, 122, 29, 5, 68, 7, 71, 4, 111, 93, 41, 30, 92, 103, 69, 109, 45, 32, 96, 100, 66, 35, 65, 90, 1, 64, 0, 28, 105, 101, 3, 67, 26, 37, 70, 2]], "model.layers.3.self_attn.q_proj": [[40, 60, 98, 56, 52, 57, 119, 62, 32, 58, 49, 37, 113, 118, 53, 59, 95, 123, 48, 105, 89, 50, 24, 45, 122, 63, 120, 25, 101, 26, 30, 93, 39, 86, 51, 61, 85, 42, 34, 17, 38, 109, 111, 102, 35, 107, 36, 121, 114, 43, 116, 21, 126, 103, 54, 83, 84, 125, 29, 112, 108, 55, 46, 97, 96, 115, 92, 127, 110, 124, 31, 99, 47, 44, 33, 100, 41, 91, 88, 94, 15, 106, 20, 18, 117, 90, 27, 28, 82, 87, 23, 22, 81, 104, 80, 11, 78, 75, 76, 79, 74, 77, 10, 19, 8, 72, 14, 12, 68, 13, 65, 71, 5, 73, 16, 4, 2, 67, 69, 6, 9, 7, 70, 3, 1, 66, 0, 64], [119, 62, 40, 98, 121, 52, 123, 58, 53, 48, 50, 118, 38, 25, 49, 30, 29, 54, 39, 63, 60, 57, 84, 56, 122, 59, 42, 115, 86, 102, 112, 33, 27, 37, 93, 113, 116, 28, 32, 111, 107, 89, 83, 15, 46, 108, 114, 120, 103, 110, 125, 101, 80, 18, 88, 36, 45, 41, 34, 47, 21, 43, 127, 24, 55, 51, 117, 44, 23, 109, 14, 124, 61, 100, 105, 97, 92, 106, 126, 73, 35, 26, 104, 12, 72, 19, 99, 31, 94, 17, 22, 95, 85, 90, 91, 96, 74, 20, 67, 70, 76, 79, 87, 81, 11, 10, 75, 71, 2, 13, 9, 5, 4, 65, 82, 68, 78, 7, 8, 0, 77, 3, 1, 66, 6, 64, 16, 69], [40, 98, 56, 60, 62, 119, 86, 29, 52, 58, 83, 14, 80, 57, 12, 54, 59, 10, 48, 93, 17, 15, 50, 63, 24, 25, 125, 4, 123, 118, 121, 101, 9, 120, 74, 113, 72, 26, 5, 85, 114, 51, 106, 33, 99, 53, 70, 45, 122, 95, 73, 71, 78, 76, 11, 16, 30, 81, 19, 22, 89, 104, 32, 103, 108, 21, 20, 88, 66, 67, 90, 84, 7, 2, 41, 49, 18, 111, 13, 1, 39, 23, 38, 87, 110, 75, 43, 36, 27, 6, 0, 82, 77, 79, 69, 37, 47, 8, 3, 97, 100, 102, 94, 92, 126, 96, 127, 34, 91, 42, 61, 28, 109, 115, 117, 35, 31, 116, 64, 105, 112, 68, 46, 55, 107, 65, 44, 124], [58, 40, 98, 119, 62, 60, 52, 29, 57, 86, 56, 48, 12, 80, 83, 59, 14, 24, 50, 51, 10, 9, 54, 72, 95, 73, 4, 19, 11, 71, 114, 116, 93, 66, 100, 76, 69, 63, 123, 32, 2, 49, 70, 106, 0, 125, 113, 16, 118, 68, 91, 5, 26, 7, 67, 75, 82, 53, 39, 90, 127, 79, 28, 120, 99, 25, 23, 103, 109, 27, 94, 22, 55, 111, 81, 13, 77, 108, 89, 18, 61, 117, 47, 46, 85, 87, 8, 121, 78, 88, 38, 36, 21, 31, 107, 3, 17, 37, 20, 30, 42, 15, 35, 122, 124, 96, 112, 84, 92, 45, 102, 43, 105, 101, 97, 33, 44, 64, 104, 126, 74, 6, 41, 115, 1, 110, 34, 65], [38, 97, 111, 120, 123, 122, 47, 84, 81, 10, 14, 71, 12, 8, 2, 67, 69, 58, 1, 0, 87, 88, 76, 19, 65, 83, 93, 106, 17, 86, 57, 34, 53, 11, 42, 32, 25, 118, 26, 20, 85, 99, 96, 56, 80, 49, 66, 31, 15, 78, 3, 105, 95, 89, 112, 109, 94, 52, 124, 101, 98, 110, 30, 126, 90, 92, 37, 22, 64, 55, 115, 82, 91, 103, 79, 44, 48, 74, 73, 119, 113, 60, 27, 45, 36, 4, 39, 29, 54, 62, 41, 61, 100, 21, 121, 108, 35, 63, 28, 51, 72, 46, 7, 18, 114, 127, 107, 125, 75, 77, 117, 16, 59, 23, 50, 43, 116, 104, 40, 13, 70, 5, 9, 24, 6, 68, 33, 102], [38, 97, 111, 122, 123, 120, 47, 81, 23, 84, 14, 71, 12, 10, 8, 69, 67, 75, 19, 73, 25, 7, 3, 1, 56, 76, 21, 105, 13, 78, 58, 5, 65, 2, 49, 79, 64, 4, 94, 70, 66, 30, 113, 0, 31, 98, 6, 112, 72, 16, 126, 86, 61, 114, 87, 52, 15, 88, 43, 35, 74, 42, 124, 62, 119, 63, 68, 37, 11, 104, 121, 45, 118, 17, 99, 20, 110, 57, 93, 82, 24, 26, 90, 77, 80, 32, 28, 22, 103, 85, 117, 46, 36, 9, 51, 106, 125, 18, 108, 92, 59, 83, 55, 115, 89, 60, 53, 41, 29, 44, 107, 33, 100, 95, 39, 127, 48, 54, 27, 101, 116, 50, 40, 91, 109, 96, 102, 34], [38, 111, 97, 123, 120, 122, 47, 81, 14, 84, 23, 12, 10, 8, 69, 71, 59, 75, 58, 3, 1, 86, 67, 16, 11, 40, 56, 127, 88, 25, 24, 105, 50, 31, 32, 87, 51, 9, 90, 45, 116, 76, 43, 73, 110, 74, 5, 125, 22, 21, 106, 4, 2, 62, 82, 19, 91, 78, 13, 98, 72, 113, 26, 93, 27, 28, 48, 100, 20, 83, 99, 66, 94, 15, 53, 117, 39, 17, 95, 42, 80, 49, 104, 108, 63, 65, 0, 118, 96, 126, 55, 60, 33, 92, 61, 77, 37, 85, 114, 30, 107, 35, 52, 119, 46, 44, 79, 103, 6, 41, 34, 109, 7, 29, 57, 18, 36, 115, 112, 64, 54, 101, 121, 89, 70, 102, 124, 68], [38, 97, 111, 123, 122, 120, 47, 84, 81, 14, 23, 12, 10, 71, 24, 8, 69, 67, 3, 1, 55, 105, 93, 76, 44, 59, 78, 86, 7, 56, 58, 70, 73, 16, 61, 107, 25, 30, 2, 21, 11, 57, 60, 126, 6, 51, 68, 4, 89, 80, 88, 79, 17, 104, 72, 32, 35, 20, 19, 74, 66, 95, 46, 41, 42, 26, 96, 43, 94, 75, 0, 98, 116, 106, 40, 15, 22, 48, 5, 50, 54, 9, 29, 63, 87, 124, 109, 114, 118, 110, 82, 37, 53, 112, 113, 27, 125, 45, 92, 121, 91, 85, 77, 34, 117, 62, 39, 49, 101, 65, 103, 119, 31, 90, 83, 28, 100, 115, 99, 36, 64, 52, 127, 18, 13, 108, 33, 102], [41, 34, 18, 20, 52, 76, 89, 79, 22, 16, 14, 120, 114, 62, 8, 10, 105, 46, 47, 63, 81, 126, 116, 69, 13, 125, 117, 7, 9, 127, 3, 59, 123, 72, 71, 5, 80, 23, 28, 73, 53, 70, 112, 12, 74, 50, 119, 24, 78, 19, 113, 6, 49, 66, 58, 15, 2, 110, 25, 75, 82, 54, 17, 109, 107, 95, 85, 86, 67, 11, 83, 94, 111, 118, 104, 60, 29, 37, 55, 61, 32, 93, 122, 27, 88, 68, 1, 39, 56, 115, 84, 64, 38, 42, 31, 43, 33, 101, 102, 87, 21, 26, 44, 103, 100, 0, 97, 35, 96, 121, 57, 48, 91, 92, 77, 45, 108, 106, 124, 4, 99, 51, 30, 90, 40, 65, 36, 98], [41, 34, 89, 52, 20, 22, 120, 18, 47, 46, 63, 114, 126, 80, 116, 76, 62, 105, 72, 14, 28, 78, 125, 117, 11, 79, 123, 82, 127, 13, 85, 7, 59, 74, 77, 10, 12, 19, 84, 58, 21, 15, 49, 9, 107, 119, 53, 54, 90, 24, 86, 81, 113, 5, 109, 73, 25, 95, 112, 29, 8, 23, 92, 103, 27, 104, 30, 37, 50, 61, 102, 39, 16, 88, 69, 96, 35, 32, 94, 3, 31, 71, 26, 110, 111, 101, 55, 33, 60, 124, 51, 93, 36, 83, 17, 38, 66, 57, 118, 43, 87, 42, 115, 98, 91, 75, 40, 4, 56, 99, 1, 108, 44, 122, 97, 100, 121, 6, 67, 68, 65, 45, 48, 106, 70, 2, 64, 0], [41, 34, 52, 81, 22, 18, 114, 20, 126, 76, 79, 120, 14, 10, 62, 69, 47, 116, 8, 3, 105, 63, 5, 46, 117, 125, 127, 72, 7, 9, 89, 54, 66, 123, 24, 1, 70, 6, 59, 74, 53, 71, 16, 113, 49, 28, 2, 64, 58, 77, 86, 110, 32, 73, 0, 119, 27, 68, 85, 50, 107, 112, 78, 12, 67, 17, 87, 83, 15, 13, 80, 84, 26, 104, 109, 61, 25, 92, 90, 60, 96, 118, 56, 38, 65, 57, 75, 95, 19, 45, 43, 82, 11, 111, 91, 99, 88, 35, 93, 33, 101, 31, 97, 122, 21, 29, 30, 37, 102, 39, 40, 100, 44, 42, 23, 106, 94, 55, 36, 124, 121, 115, 48, 103, 51, 4, 108, 98], [41, 34, 20, 18, 22, 52, 10, 76, 14, 6, 67, 62, 46, 120, 79, 126, 125, 114, 3, 116, 47, 105, 7, 8, 63, 9, 69, 127, 54, 2, 28, 117, 59, 58, 25, 0, 13, 123, 70, 110, 72, 80, 77, 112, 12, 49, 24, 90, 65, 75, 44, 113, 11, 119, 53, 71, 74, 23, 73, 91, 104, 35, 32, 78, 85, 15, 64, 87, 86, 89, 84, 88, 45, 66, 61, 21, 26, 5, 17, 68, 95, 60, 1, 42, 121, 83, 51, 122, 92, 100, 107, 56, 103, 109, 36, 106, 111, 94, 81, 48, 82, 38, 50, 55, 43, 16, 37, 19, 31, 102, 27, 29, 108, 124, 57, 97, 39, 93, 101, 99, 40, 115, 33, 96, 118, 30, 4, 98], [103, 117, 125, 109, 46, 56, 122, 97, 58, 52, 63, 57, 47, 28, 126, 59, 115, 89, 39, 21, 124, 119, 51, 49, 116, 62, 110, 60, 113, 55, 114, 111, 54, 86, 50, 87, 112, 123, 127, 61, 121, 53, 81, 33, 82, 48, 118, 108, 45, 120, 24, 107, 20, 44, 41, 31, 42, 19, 105, 106, 79, 43, 13, 96, 37, 30, 40, 100, 102, 104, 101, 99, 38, 36, 94, 34, 35, 95, 98, 32, 73, 80, 92, 93, 90, 17, 22, 91, 29, 76, 12, 26, 78, 88, 25, 71, 70, 27, 16, 83, 7, 9, 10, 85, 77, 4, 23, 68, 18, 84, 74, 5, 6, 8, 15, 3, 14, 67, 66, 0, 11, 65, 75, 69, 1, 64, 72, 2], [103, 117, 52, 109, 125, 56, 97, 122, 46, 119, 57, 28, 63, 58, 89, 21, 82, 115, 9, 47, 12, 78, 87, 126, 80, 20, 124, 33, 49, 116, 13, 62, 19, 110, 31, 83, 114, 59, 86, 54, 17, 111, 92, 61, 123, 127, 50, 60, 51, 94, 30, 55, 25, 6, 112, 74, 107, 81, 79, 71, 118, 77, 90, 11, 108, 121, 7, 24, 113, 53, 39, 48, 16, 101, 15, 18, 44, 32, 88, 95, 73, 4, 67, 22, 36, 45, 29, 84, 76, 69, 43, 41, 8, 68, 105, 37, 23, 26, 91, 85, 70, 5, 104, 93, 99, 14, 34, 75, 10, 100, 96, 120, 42, 106, 35, 3, 65, 38, 102, 66, 0, 27, 40, 98, 1, 2, 72, 64], [103, 117, 52, 125, 109, 97, 119, 122, 21, 89, 56, 28, 46, 59, 60, 20, 78, 82, 79, 87, 58, 47, 80, 55, 9, 124, 113, 50, 126, 121, 57, 12, 114, 123, 111, 62, 7, 74, 11, 63, 25, 118, 51, 53, 61, 92, 15, 54, 4, 22, 90, 116, 31, 112, 19, 110, 30, 115, 127, 17, 107, 33, 83, 70, 49, 95, 8, 13, 91, 98, 93, 6, 69, 24, 81, 44, 94, 77, 32, 71, 48, 67, 88, 73, 45, 38, 23, 99, 43, 42, 86, 29, 26, 66, 104, 84, 37, 5, 76, 101, 96, 102, 120, 39, 105, 41, 106, 34, 108, 100, 40, 1, 27, 16, 36, 10, 85, 68, 35, 18, 14, 0, 75, 2, 65, 64, 72, 3], [103, 117, 52, 46, 97, 125, 109, 119, 56, 122, 21, 63, 82, 78, 80, 87, 58, 9, 83, 89, 20, 12, 28, 92, 57, 8, 11, 6, 126, 15, 59, 75, 25, 79, 67, 124, 54, 74, 16, 13, 81, 114, 49, 62, 76, 115, 71, 123, 31, 53, 110, 68, 69, 60, 85, 90, 18, 19, 77, 95, 30, 14, 23, 127, 66, 111, 50, 72, 48, 33, 24, 84, 113, 10, 64, 70, 73, 51, 5, 3, 47, 112, 61, 4, 26, 22, 86, 55, 17, 93, 1, 2, 88, 27, 29, 0, 94, 118, 107, 91, 32, 96, 44, 99, 34, 65, 121, 108, 116, 101, 7, 41, 98, 100, 36, 35, 102, 106, 104, 120, 37, 43, 42, 38, 40, 105, 45, 39], [104, 33, 108, 20, 18, 23, 16, 13, 10, 44, 72, 68, 70, 48, 56, 107, 63, 55, 40, 117, 54, 84, 116, 57, 90, 21, 50, 12, 66, 14, 110, 31, 115, 51, 11, 9, 58, 73, 78, 61, 109, 114, 87, 111, 96, 121, 123, 25, 52, 120, 79, 1, 5, 82, 26, 100, 86, 43, 74, 125, 127, 59, 94, 119, 83, 118, 3, 76, 15, 126, 2, 38, 92, 45, 77, 34, 6, 8, 22, 102, 41, 62, 24, 88, 95, 71, 112, 36, 7, 60, 105, 106, 93, 80, 89, 42, 99, 85, 113, 47, 67, 101, 27, 39, 17, 98, 81, 46, 29, 103, 69, 53, 28, 30, 19, 35, 4, 91, 49, 124, 75, 122, 37, 32, 64, 65, 97, 0], [104, 108, 33, 65, 10, 13, 68, 18, 70, 1, 16, 64, 7, 44, 23, 67, 66, 87, 40, 0, 72, 20, 4, 56, 110, 69, 111, 116, 120, 3, 55, 5, 50, 12, 115, 6, 57, 61, 11, 123, 71, 54, 58, 84, 113, 77, 112, 48, 8, 2, 19, 62, 125, 114, 117, 51, 100, 43, 124, 52, 118, 78, 38, 14, 26, 9, 99, 80, 97, 63, 31, 96, 45, 24, 83, 49, 79, 21, 59, 107, 127, 29, 119, 74, 30, 60, 88, 109, 39, 122, 121, 89, 15, 85, 92, 36, 91, 41, 86, 32, 101, 25, 106, 94, 37, 93, 126, 34, 42, 90, 75, 82, 105, 53, 17, 73, 98, 103, 76, 47, 22, 27, 46, 28, 35, 81, 102, 95], [104, 108, 33, 64, 0, 44, 70, 13, 68, 10, 7, 66, 67, 16, 20, 18, 87, 1, 40, 23, 65, 72, 111, 56, 50, 110, 57, 55, 5, 120, 48, 116, 4, 84, 113, 115, 11, 123, 12, 61, 71, 51, 114, 100, 3, 117, 58, 21, 6, 118, 43, 125, 2, 80, 62, 45, 77, 52, 96, 75, 54, 69, 109, 86, 8, 126, 41, 38, 124, 121, 39, 47, 76, 101, 74, 27, 59, 89, 25, 99, 31, 35, 28, 79, 24, 81, 107, 83, 82, 34, 78, 92, 90, 60, 95, 37, 19, 94, 14, 9, 98, 127, 49, 17, 91, 29, 53, 30, 88, 106, 63, 85, 26, 112, 42, 36, 102, 32, 105, 46, 122, 103, 22, 93, 15, 119, 73, 97], [104, 108, 33, 23, 16, 18, 10, 44, 20, 13, 7, 72, 12, 116, 55, 87, 40, 110, 61, 67, 68, 107, 115, 117, 56, 70, 48, 114, 69, 50, 57, 125, 109, 1, 66, 118, 123, 120, 60, 54, 124, 111, 21, 81, 83, 25, 58, 126, 78, 64, 11, 59, 29, 63, 9, 88, 28, 90, 43, 32, 52, 46, 42, 62, 2, 8, 85, 47, 101, 73, 27, 89, 15, 113, 84, 76, 49, 103, 91, 99, 31, 24, 14, 3, 119, 86, 22, 98, 105, 122, 121, 36, 75, 79, 41, 106, 45, 30, 94, 127, 92, 80, 82, 93, 19, 96, 112, 77, 53, 17, 38, 6, 26, 95, 102, 39, 34, 100, 37, 4, 51, 71, 35, 5, 74, 97, 65, 0], [41, 46, 53, 127, 40, 97, 60, 105, 91, 31, 119, 39, 122, 47, 27, 112, 38, 24, 116, 99, 36, 115, 118, 42, 93, 57, 117, 33, 43, 125, 51, 126, 35, 110, 85, 55, 18, 114, 90, 87, 102, 88, 92, 96, 111, 100, 29, 124, 20, 109, 59, 49, 52, 95, 123, 63, 50, 56, 81, 44, 23, 30, 106, 48, 104, 79, 120, 108, 98, 25, 80, 107, 62, 121, 34, 37, 22, 94, 77, 82, 19, 113, 14, 26, 9, 58, 61, 28, 45, 54, 101, 75, 21, 83, 103, 13, 16, 86, 32, 84, 89, 74, 11, 76, 17, 5, 72, 15, 6, 66, 4, 73, 71, 2, 69, 10, 67, 70, 1, 68, 78, 64, 12, 0, 7, 8, 65, 3], [40, 97, 53, 127, 46, 24, 85, 31, 110, 14, 81, 75, 88, 60, 19, 90, 93, 41, 76, 47, 115, 71, 80, 74, 9, 4, 122, 82, 83, 119, 21, 91, 43, 38, 6, 104, 96, 55, 105, 42, 112, 27, 3, 72, 73, 33, 68, 101, 100, 37, 22, 26, 63, 124, 108, 13, 29, 54, 62, 126, 69, 30, 25, 125, 98, 114, 84, 15, 66, 117, 23, 45, 10, 77, 70, 118, 51, 16, 35, 106, 79, 87, 113, 17, 92, 34, 116, 1, 102, 89, 52, 44, 103, 12, 28, 48, 99, 56, 2, 20, 64, 111, 78, 36, 18, 123, 7, 61, 11, 94, 39, 65, 32, 50, 95, 86, 49, 8, 5, 59, 109, 57, 67, 121, 0, 107, 58, 120], [41, 110, 40, 53, 97, 127, 60, 43, 46, 38, 31, 47, 112, 91, 92, 35, 116, 52, 19, 122, 113, 33, 124, 119, 117, 26, 93, 59, 39, 27, 24, 125, 108, 63, 86, 56, 123, 95, 118, 57, 115, 49, 29, 126, 48, 45, 58, 88, 28, 76, 100, 96, 55, 42, 114, 18, 80, 85, 121, 99, 13, 87, 103, 37, 36, 22, 106, 51, 50, 111, 61, 90, 98, 109, 94, 12, 62, 105, 54, 14, 25, 107, 21, 20, 30, 44, 83, 82, 77, 101, 104, 70, 89, 6, 34, 102, 120, 84, 32, 81, 79, 23, 74, 16, 75, 15, 72, 9, 67, 3, 10, 78, 5, 71, 2, 0, 66, 73, 4, 65, 11, 8, 1, 69, 7, 68, 17, 64], [40, 46, 127, 97, 53, 43, 31, 38, 67, 41, 60, 75, 5, 14, 85, 71, 81, 65, 110, 24, 0, 9, 39, 90, 1, 19, 104, 47, 115, 112, 35, 91, 77, 21, 27, 88, 26, 17, 72, 7, 59, 102, 121, 124, 80, 93, 23, 79, 10, 76, 125, 48, 44, 2, 70, 8, 105, 100, 118, 54, 3, 56, 52, 103, 92, 64, 69, 116, 4, 12, 82, 57, 96, 87, 78, 49, 99, 36, 119, 42, 68, 74, 98, 11, 15, 117, 114, 18, 25, 86, 126, 37, 63, 28, 106, 122, 66, 34, 108, 120, 83, 84, 32, 62, 50, 94, 73, 107, 95, 22, 111, 30, 51, 113, 55, 16, 58, 61, 123, 109, 101, 20, 13, 45, 33, 89, 6, 29], [39, 124, 34, 117, 119, 47, 24, 62, 109, 20, 15, 13, 48, 26, 17, 11, 53, 70, 9, 72, 55, 19, 1, 65, 73, 28, 10, 78, 69, 123, 5, 21, 118, 68, 86, 83, 106, 81, 71, 49, 95, 112, 122, 25, 87, 31, 79, 116, 12, 92, 85, 18, 88, 27, 35, 115, 30, 90, 107, 14, 75, 8, 89, 7, 77, 66, 74, 22, 23, 94, 84, 45, 80, 91, 33, 3, 61, 6, 67, 76, 110, 52, 16, 82, 121, 2, 64, 4, 50, 93, 54, 29, 32, 43, 0, 97, 99, 41, 51, 111, 100, 63, 46, 37, 101, 36, 38, 56, 96, 59, 44, 127, 60, 40, 120, 114, 102, 42, 98, 113, 57, 105, 58, 108, 126, 104, 103, 125], [109, 119, 39, 62, 117, 34, 48, 124, 45, 61, 20, 30, 26, 94, 86, 110, 92, 24, 115, 17, 112, 116, 28, 122, 103, 19, 118, 114, 98, 15, 57, 123, 78, 51, 58, 125, 42, 63, 27, 53, 91, 55, 22, 47, 49, 126, 87, 95, 83, 54, 43, 127, 11, 59, 9, 44, 113, 111, 33, 121, 14, 38, 60, 50, 56, 52, 46, 108, 16, 68, 76, 41, 29, 32, 99, 89, 40, 13, 107, 105, 71, 106, 104, 102, 73, 90, 25, 21, 96, 37, 23, 100, 120, 72, 93, 35, 36, 101, 97, 31, 82, 80, 10, 85, 18, 84, 4, 70, 88, 69, 81, 7, 67, 75, 64, 0, 77, 74, 79, 2, 12, 8, 1, 3, 66, 5, 65, 6], [48, 39, 62, 34, 119, 109, 124, 117, 24, 47, 20, 11, 15, 13, 17, 94, 70, 73, 85, 10, 9, 68, 7, 86, 53, 80, 115, 19, 61, 118, 123, 45, 28, 22, 72, 121, 25, 55, 1, 3, 110, 93, 54, 92, 29, 89, 106, 30, 31, 69, 75, 112, 87, 95, 88, 66, 50, 12, 79, 26, 27, 81, 77, 16, 71, 82, 14, 60, 91, 64, 4, 43, 122, 84, 21, 40, 114, 90, 8, 23, 96, 0, 67, 18, 116, 76, 107, 57, 46, 83, 74, 97, 2, 32, 33, 102, 6, 100, 52, 111, 108, 37, 99, 105, 63, 78, 35, 44, 56, 49, 41, 36, 38, 65, 126, 127, 101, 42, 120, 51, 104, 125, 113, 58, 59, 5, 98, 103], [48, 39, 62, 124, 119, 109, 117, 34, 47, 53, 26, 30, 49, 86, 116, 45, 42, 112, 123, 20, 115, 63, 61, 55, 50, 125, 24, 111, 92, 110, 58, 33, 43, 122, 107, 118, 80, 54, 29, 114, 44, 41, 94, 46, 93, 96, 57, 40, 106, 52, 25, 120, 56, 60, 37, 113, 127, 73, 121, 51, 108, 36, 126, 104, 35, 22, 28, 98, 100, 105, 87, 82, 17, 83, 32, 102, 38, 99, 31, 59, 101, 91, 97, 95, 19, 23, 15, 27, 103, 89, 90, 85, 16, 76, 13, 21, 71, 78, 84, 74, 81, 9, 6, 14, 79, 18, 75, 72, 88, 11, 12, 10, 5, 77, 67, 68, 4, 8, 7, 70, 3, 2, 1, 69, 0, 65, 66, 64], [40, 97, 119, 31, 81, 23, 19, 52, 76, 85, 79, 111, 112, 93, 53, 110, 7, 73, 59, 61, 57, 104, 113, 117, 5, 126, 60, 58, 27, 3, 44, 54, 107, 48, 86, 13, 43, 24, 91, 114, 1, 10, 55, 67, 28, 115, 127, 78, 123, 50, 30, 90, 71, 15, 116, 56, 109, 82, 121, 21, 83, 94, 88, 108, 101, 12, 80, 87, 74, 103, 75, 29, 72, 77, 96, 47, 42, 17, 35, 16, 39, 84, 25, 11, 37, 100, 45, 26, 33, 122, 6, 22, 118, 124, 0, 34, 92, 63, 46, 8, 70, 65, 125, 36, 68, 106, 120, 18, 98, 69, 9, 99, 4, 89, 62, 32, 102, 105, 51, 38, 64, 20, 49, 14, 41, 95, 66, 2], [40, 97, 119, 31, 23, 81, 52, 13, 111, 53, 19, 79, 58, 112, 85, 25, 110, 60, 61, 117, 55, 123, 54, 24, 76, 57, 51, 126, 84, 20, 93, 113, 59, 73, 114, 104, 121, 88, 27, 91, 33, 108, 29, 47, 82, 18, 43, 26, 7, 28, 41, 86, 90, 72, 99, 103, 44, 109, 63, 107, 45, 77, 94, 122, 75, 30, 87, 70, 34, 105, 5, 21, 100, 42, 78, 74, 22, 127, 120, 50, 35, 101, 116, 32, 69, 96, 83, 56, 48, 14, 1, 115, 8, 15, 89, 38, 46, 124, 125, 17, 80, 37, 68, 49, 98, 12, 92, 16, 11, 36, 6, 118, 39, 9, 62, 102, 106, 2, 67, 95, 71, 0, 3, 66, 10, 4, 64, 65], [40, 97, 119, 31, 81, 85, 52, 23, 19, 111, 24, 79, 76, 73, 126, 57, 112, 54, 5, 93, 58, 53, 44, 104, 110, 117, 13, 48, 7, 59, 108, 107, 60, 15, 70, 123, 61, 113, 120, 34, 55, 114, 43, 25, 29, 3, 89, 1, 50, 109, 12, 30, 28, 6, 88, 82, 83, 116, 22, 39, 78, 91, 42, 56, 87, 2, 80, 121, 74, 69, 75, 127, 26, 51, 27, 115, 21, 68, 37, 103, 32, 46, 101, 94, 45, 47, 118, 99, 66, 62, 38, 122, 100, 124, 35, 20, 102, 77, 86, 64, 14, 41, 11, 96, 90, 92, 17, 33, 106, 105, 98, 16, 9, 63, 36, 10, 65, 8, 84, 125, 0, 49, 4, 71, 72, 18, 95, 67], [40, 97, 119, 31, 26, 81, 52, 19, 85, 79, 23, 112, 126, 111, 73, 110, 13, 76, 53, 57, 25, 58, 93, 55, 104, 114, 54, 78, 5, 117, 96, 51, 60, 123, 59, 7, 113, 99, 61, 42, 20, 27, 88, 84, 82, 45, 77, 43, 1, 125, 91, 87, 48, 44, 116, 24, 107, 109, 3, 70, 80, 102, 16, 94, 15, 69, 106, 21, 2, 9, 90, 56, 127, 121, 115, 83, 75, 12, 89, 33, 47, 122, 28, 101, 120, 92, 36, 34, 22, 17, 29, 6, 74, 41, 103, 108, 49, 32, 30, 63, 62, 14, 11, 86, 100, 105, 64, 0, 10, 67, 46, 35, 68, 118, 50, 39, 98, 37, 124, 66, 72, 38, 71, 4, 65, 18, 8, 95]], "model.layers.3.self_attn.k_proj": [[104, 34, 93, 56, 62, 119, 60, 58, 80, 83, 24, 14, 86, 12, 10, 0, 26, 70, 5, 2, 67, 125, 72, 54, 116, 114, 77, 25, 85, 73, 22, 9, 6, 71, 118, 115, 18, 13, 42, 112, 96, 32, 37, 68, 95, 117, 8, 92, 29, 49, 41, 51, 65, 84, 59, 7, 113, 61, 111, 100, 43, 105, 17, 103, 45, 127, 35, 121, 108, 55, 99, 110, 57, 109, 124, 30, 89, 75, 106, 122, 48, 107, 33, 63, 88, 50, 91, 28, 21, 120, 31, 76, 87, 101, 46, 102, 44, 47, 38, 82, 1, 15, 20, 78, 53, 27, 126, 97, 79, 4, 64, 123, 39, 36, 23, 52, 69, 94, 11, 90, 74, 81, 66, 3, 16, 19, 98, 40], [47, 122, 102, 123, 120, 64, 65, 69, 33, 8, 10, 12, 71, 81, 84, 67, 14, 23, 68, 66, 0, 2, 1, 75, 5, 3, 70, 24, 86, 113, 25, 13, 6, 19, 73, 43, 72, 88, 124, 87, 9, 42, 21, 40, 118, 59, 119, 111, 41, 38, 61, 103, 105, 39, 83, 79, 117, 49, 100, 114, 27, 15, 18, 16, 116, 60, 104, 82, 125, 121, 45, 50, 110, 53, 11, 108, 52, 37, 85, 55, 4, 109, 106, 127, 48, 115, 92, 96, 98, 58, 63, 28, 30, 89, 26, 107, 90, 31, 54, 80, 36, 77, 46, 95, 99, 56, 62, 51, 57, 112, 91, 29, 34, 35, 126, 94, 44, 22, 101, 20, 93, 74, 7, 17, 78, 32, 76, 97], [105, 98, 52, 79, 18, 9, 0, 20, 22, 76, 7, 111, 69, 110, 14, 120, 10, 2, 62, 50, 63, 67, 1, 4, 126, 53, 6, 127, 41, 59, 114, 125, 24, 113, 65, 43, 11, 8, 46, 48, 89, 123, 19, 77, 117, 119, 54, 58, 81, 90, 70, 17, 47, 60, 68, 95, 28, 64, 3, 40, 122, 112, 72, 91, 71, 108, 75, 85, 61, 44, 83, 51, 121, 124, 73, 115, 32, 93, 116, 66, 30, 74, 97, 29, 45, 87, 57, 33, 94, 38, 16, 55, 99, 39, 23, 21, 100, 31, 26, 88, 109, 118, 96, 56, 27, 101, 42, 103, 49, 104, 102, 78, 106, 35, 92, 37, 107, 36, 80, 25, 86, 82, 12, 15, 5, 13, 84, 34], [39, 52, 33, 45, 125, 110, 28, 74, 119, 87, 117, 46, 78, 89, 4, 21, 12, 80, 0, 66, 11, 86, 8, 17, 71, 82, 20, 1, 7, 58, 62, 65, 79, 24, 6, 53, 67, 57, 95, 3, 90, 94, 64, 72, 127, 5, 56, 50, 54, 9, 116, 126, 63, 48, 108, 55, 123, 19, 75, 43, 109, 61, 92, 69, 68, 15, 118, 49, 73, 59, 13, 60, 106, 122, 51, 77, 88, 41, 120, 113, 124, 115, 101, 112, 107, 44, 84, 32, 42, 105, 37, 121, 96, 114, 83, 102, 104, 30, 14, 111, 10, 16, 100, 40, 38, 29, 99, 35, 34, 47, 36, 2, 98, 31, 91, 27, 81, 76, 93, 26, 18, 103, 22, 70, 97, 23, 85, 25], [44, 40, 64, 97, 108, 13, 1, 112, 16, 10, 56, 23, 46, 50, 67, 18, 70, 66, 47, 7, 68, 69, 123, 2, 104, 61, 72, 20, 52, 55, 57, 120, 51, 12, 3, 125, 116, 118, 58, 119, 117, 54, 49, 109, 4, 124, 14, 73, 11, 39, 53, 6, 43, 115, 114, 86, 75, 21, 5, 85, 45, 60, 126, 62, 78, 22, 65, 107, 41, 90, 83, 42, 81, 36, 15, 76, 27, 122, 38, 19, 127, 99, 71, 95, 25, 106, 91, 89, 111, 110, 88, 79, 121, 103, 92, 17, 63, 29, 98, 31, 24, 96, 105, 26, 93, 30, 28, 59, 113, 94, 32, 84, 102, 101, 37, 77, 35, 87, 48, 9, 34, 100, 74, 82, 0, 80, 8, 33], [104, 127, 53, 110, 95, 33, 90, 85, 122, 35, 83, 64, 88, 111, 81, 19, 115, 91, 14, 87, 102, 106, 75, 70, 76, 9, 29, 71, 66, 80, 93, 24, 18, 61, 99, 48, 45, 63, 20, 92, 126, 54, 107, 103, 125, 13, 4, 97, 105, 1, 60, 108, 72, 121, 77, 2, 59, 57, 123, 6, 3, 62, 117, 49, 114, 56, 67, 5, 44, 42, 36, 50, 43, 51, 109, 28, 58, 47, 113, 116, 37, 74, 98, 55, 112, 101, 27, 124, 89, 118, 34, 46, 120, 119, 79, 32, 52, 25, 94, 69, 78, 86, 96, 30, 10, 15, 39, 82, 100, 16, 23, 84, 0, 8, 22, 41, 26, 68, 65, 21, 73, 31, 38, 11, 17, 12, 40, 7], [103, 98, 124, 119, 62, 48, 11, 24, 17, 117, 20, 15, 13, 72, 112, 26, 0, 70, 68, 1, 30, 69, 53, 2, 3, 45, 9, 47, 111, 109, 78, 7, 54, 43, 10, 67, 19, 22, 76, 52, 86, 115, 64, 87, 49, 125, 57, 46, 126, 51, 56, 122, 66, 61, 118, 63, 127, 60, 71, 44, 120, 113, 80, 107, 55, 92, 121, 101, 106, 40, 105, 110, 38, 74, 108, 95, 73, 100, 42, 35, 58, 114, 32, 29, 104, 41, 50, 28, 116, 21, 37, 33, 123, 102, 4, 31, 93, 94, 14, 25, 82, 36, 97, 59, 96, 27, 23, 83, 85, 99, 39, 5, 8, 84, 89, 91, 34, 90, 18, 6, 16, 75, 88, 12, 77, 65, 81, 79], [104, 33, 119, 23, 19, 79, 95, 47, 85, 76, 112, 81, 55, 52, 53, 73, 113, 7, 65, 75, 59, 58, 126, 5, 46, 60, 57, 29, 61, 108, 13, 64, 49, 3, 123, 107, 54, 71, 14, 44, 117, 127, 10, 69, 80, 109, 43, 68, 114, 67, 37, 86, 25, 48, 77, 24, 28, 91, 2, 56, 11, 27, 18, 111, 4, 118, 124, 72, 30, 9, 115, 66, 40, 121, 62, 42, 16, 106, 103, 22, 38, 125, 70, 63, 74, 120, 93, 50, 39, 20, 6, 105, 35, 98, 90, 17, 101, 34, 32, 94, 96, 88, 92, 26, 110, 100, 99, 102, 89, 116, 87, 45, 51, 82, 41, 122, 36, 78, 21, 84, 0, 8, 1, 12, 15, 97, 83, 31]], "model.layers.3.self_attn.qk_proj": [[119, 104, 47, 62, 120, 52, 44, 123, 122, 53, 117, 127, 105, 40, 108, 125, 97, 110, 124, 48, 46, 56, 84, 20, 58, 60, 12, 87, 41, 109, 23, 74, 17, 76, 81, 78, 111, 112, 82, 10, 7, 14, 126, 64, 39, 15, 0, 79, 71, 103, 77, 57, 18, 13, 16, 33, 54, 114, 63, 24, 72, 88, 38, 83, 22, 86, 70, 55, 3, 19, 80, 21, 67, 9, 85, 29, 8, 45, 50, 59, 65, 5, 73, 69, 34, 89, 11, 92, 66, 90, 4, 116, 1, 25, 61, 2, 95, 113, 93, 68, 98, 75, 31, 43, 118, 26, 49, 6, 27, 115, 51, 121, 94, 28, 102, 35, 42, 30, 107, 32, 37, 106, 99, 91, 36, 96, 101, 100], [119, 104, 47, 52, 62, 120, 123, 44, 122, 53, 117, 127, 105, 40, 125, 108, 97, 110, 56, 124, 48, 46, 60, 58, 20, 84, 41, 76, 87, 109, 23, 17, 12, 74, 81, 10, 0, 14, 111, 112, 78, 64, 82, 15, 7, 103, 71, 70, 18, 86, 33, 39, 114, 63, 22, 19, 24, 80, 72, 77, 79, 57, 38, 83, 88, 13, 54, 3, 1, 65, 59, 16, 50, 8, 5, 21, 126, 69, 85, 29, 55, 92, 73, 9, 67, 2, 90, 66, 4, 68, 31, 45, 34, 11, 113, 98, 25, 116, 61, 95, 43, 89, 93, 75, 26, 51, 27, 118, 49, 6, 115, 102, 28, 94, 107, 121, 35, 30, 37, 42, 32, 96, 91, 99, 106, 101, 36, 100], [119, 104, 47, 62, 52, 120, 44, 123, 122, 53, 117, 127, 40, 105, 125, 108, 97, 56, 110, 124, 48, 58, 46, 20, 60, 84, 87, 23, 41, 12, 76, 109, 17, 74, 81, 64, 111, 82, 78, 10, 0, 14, 7, 112, 39, 18, 33, 71, 15, 38, 79, 86, 70, 67, 13, 3, 22, 24, 103, 57, 77, 88, 83, 5, 80, 16, 21, 19, 54, 126, 72, 69, 8, 1, 59, 65, 9, 55, 73, 114, 66, 4, 63, 50, 34, 29, 85, 2, 68, 92, 11, 45, 113, 93, 25, 89, 98, 90, 31, 116, 95, 61, 43, 75, 6, 26, 28, 49, 27, 51, 94, 115, 102, 118, 107, 121, 35, 42, 32, 30, 37, 91, 99, 106, 36, 96, 100, 101], [119, 104, 47, 62, 52, 120, 123, 122, 53, 44, 127, 117, 105, 40, 125, 108, 97, 48, 110, 124, 56, 46, 58, 60, 84, 20, 87, 41, 12, 23, 74, 112, 17, 109, 76, 81, 111, 82, 0, 78, 10, 14, 18, 64, 79, 86, 7, 38, 71, 57, 39, 67, 24, 15, 103, 33, 19, 54, 13, 5, 8, 22, 65, 80, 114, 70, 55, 63, 88, 3, 83, 69, 126, 72, 1, 16, 9, 29, 50, 77, 85, 59, 45, 4, 92, 66, 31, 73, 2, 93, 68, 116, 90, 21, 113, 98, 89, 25, 6, 95, 34, 61, 75, 11, 43, 26, 27, 115, 118, 51, 102, 49, 28, 94, 107, 30, 121, 42, 32, 106, 91, 37, 35, 99, 96, 101, 100, 36], [119, 104, 47, 52, 62, 120, 123, 53, 44, 122, 127, 117, 40, 105, 125, 108, 97, 48, 124, 110, 56, 60, 46, 58, 84, 12, 20, 87, 17, 76, 41, 112, 10, 23, 81, 78, 74, 109, 111, 0, 7, 18, 64, 71, 79, 14, 82, 24, 86, 33, 8, 77, 5, 19, 63, 22, 114, 39, 103, 57, 126, 67, 69, 72, 15, 38, 13, 9, 54, 59, 16, 88, 55, 80, 68, 3, 1, 65, 83, 6, 50, 29, 113, 21, 85, 73, 4, 45, 66, 92, 70, 90, 2, 93, 98, 89, 11, 95, 116, 75, 31, 61, 43, 34, 25, 26, 94, 115, 27, 51, 118, 49, 121, 28, 102, 107, 42, 32, 106, 30, 35, 91, 37, 96, 36, 100, 99, 101], [119, 104, 47, 52, 62, 120, 123, 44, 53, 122, 127, 117, 105, 40, 125, 108, 97, 124, 110, 56, 46, 48, 84, 87, 58, 20, 60, 12, 76, 41, 17, 74, 23, 78, 109, 81, 112, 10, 111, 7, 0, 64, 14, 71, 18, 79, 82, 24, 86, 19, 39, 69, 15, 13, 54, 8, 114, 77, 67, 3, 9, 57, 63, 83, 103, 88, 5, 6, 33, 126, 55, 16, 38, 72, 22, 80, 85, 59, 65, 29, 21, 50, 73, 2, 66, 113, 68, 1, 116, 45, 11, 4, 92, 95, 90, 61, 31, 75, 89, 98, 34, 93, 25, 70, 43, 115, 26, 118, 27, 51, 49, 42, 94, 102, 121, 28, 107, 30, 37, 91, 106, 32, 99, 35, 101, 96, 36, 100], [119, 104, 47, 52, 120, 62, 123, 122, 44, 53, 105, 117, 40, 127, 108, 125, 97, 110, 56, 124, 58, 87, 84, 46, 41, 20, 60, 48, 76, 12, 74, 23, 17, 81, 112, 109, 82, 71, 14, 10, 78, 103, 18, 79, 39, 7, 64, 0, 111, 15, 6, 22, 13, 16, 24, 54, 19, 77, 88, 86, 126, 8, 69, 57, 85, 59, 83, 33, 5, 63, 9, 3, 72, 38, 21, 80, 67, 29, 61, 113, 114, 1, 50, 73, 55, 66, 34, 11, 68, 65, 116, 75, 2, 25, 93, 95, 90, 4, 92, 89, 45, 98, 31, 43, 115, 27, 118, 26, 94, 51, 49, 70, 121, 42, 102, 30, 107, 35, 28, 99, 32, 37, 91, 106, 101, 36, 96, 100], [119, 104, 52, 47, 120, 62, 123, 44, 122, 53, 117, 105, 127, 40, 125, 108, 97, 110, 56, 124, 58, 48, 87, 84, 20, 46, 41, 76, 12, 60, 17, 23, 81, 78, 74, 10, 109, 14, 79, 18, 0, 6, 111, 112, 7, 82, 64, 13, 15, 19, 86, 71, 39, 16, 103, 22, 77, 80, 88, 33, 9, 24, 8, 38, 54, 83, 63, 5, 57, 85, 21, 126, 73, 72, 59, 65, 3, 69, 55, 114, 1, 2, 29, 66, 50, 61, 34, 45, 93, 75, 68, 67, 90, 89, 95, 4, 11, 92, 98, 113, 25, 116, 31, 26, 118, 49, 70, 51, 115, 28, 27, 43, 42, 121, 94, 35, 102, 107, 32, 37, 30, 101, 91, 106, 36, 99, 96, 100], [119, 104, 52, 47, 62, 120, 123, 44, 122, 53, 127, 117, 105, 40, 125, 108, 97, 124, 110, 56, 58, 48, 46, 20, 60, 84, 87, 41, 76, 12, 81, 23, 17, 109, 78, 111, 10, 74, 14, 112, 79, 64, 7, 39, 82, 18, 0, 71, 63, 86, 13, 16, 15, 103, 19, 33, 6, 8, 24, 80, 67, 114, 22, 83, 38, 77, 88, 21, 3, 5, 50, 126, 1, 57, 59, 54, 72, 55, 29, 9, 85, 69, 65, 45, 2, 4, 89, 66, 116, 31, 73, 98, 34, 90, 92, 68, 25, 11, 75, 113, 93, 95, 61, 26, 70, 43, 49, 28, 27, 115, 121, 51, 118, 94, 102, 107, 35, 42, 30, 37, 101, 99, 32, 91, 106, 96, 100, 36], [119, 104, 47, 52, 62, 120, 123, 44, 122, 53, 105, 117, 40, 127, 108, 125, 97, 124, 56, 110, 58, 46, 48, 84, 87, 20, 12, 41, 23, 60, 81, 17, 109, 74, 76, 18, 10, 14, 78, 82, 15, 33, 111, 112, 7, 79, 86, 64, 22, 0, 103, 39, 80, 19, 83, 24, 71, 38, 13, 16, 77, 88, 57, 21, 63, 59, 55, 85, 8, 54, 29, 5, 114, 45, 69, 6, 9, 72, 3, 73, 92, 126, 67, 50, 2, 113, 66, 98, 34, 93, 89, 116, 1, 65, 61, 90, 68, 43, 95, 4, 75, 25, 26, 31, 70, 11, 49, 27, 115, 118, 28, 30, 102, 51, 94, 35, 42, 121, 107, 32, 37, 99, 106, 96, 91, 101, 36, 100], [119, 104, 47, 62, 120, 52, 123, 122, 44, 53, 127, 40, 117, 105, 125, 108, 97, 48, 124, 56, 110, 46, 60, 20, 84, 41, 58, 12, 87, 76, 17, 111, 109, 10, 23, 112, 81, 0, 14, 18, 74, 78, 64, 7, 71, 39, 79, 15, 103, 82, 63, 33, 1, 8, 24, 19, 38, 86, 80, 69, 77, 13, 57, 55, 114, 50, 85, 22, 83, 3, 59, 88, 72, 16, 54, 5, 73, 29, 65, 126, 4, 21, 45, 67, 70, 116, 66, 31, 2, 9, 95, 90, 93, 68, 75, 61, 26, 92, 98, 113, 6, 34, 25, 89, 11, 118, 49, 94, 43, 115, 51, 27, 102, 28, 121, 107, 42, 91, 106, 30, 35, 37, 32, 99, 100, 101, 96, 36], [119, 104, 47, 52, 62, 120, 123, 53, 44, 122, 127, 40, 117, 125, 105, 108, 97, 124, 56, 110, 48, 46, 20, 60, 58, 84, 87, 41, 76, 112, 12, 81, 17, 14, 23, 10, 109, 111, 74, 7, 0, 3, 39, 78, 82, 64, 71, 24, 67, 103, 18, 79, 86, 114, 15, 88, 70, 33, 5, 57, 69, 8, 38, 72, 54, 22, 19, 63, 77, 80, 1, 13, 126, 55, 83, 16, 65, 85, 59, 21, 50, 29, 73, 9, 61, 68, 66, 2, 90, 92, 4, 116, 75, 95, 34, 45, 113, 11, 25, 98, 89, 93, 31, 26, 6, 27, 118, 51, 94, 115, 43, 49, 102, 28, 121, 42, 30, 107, 32, 35, 37, 106, 99, 91, 100, 36, 101, 96], [119, 104, 52, 47, 62, 120, 123, 44, 122, 117, 53, 105, 40, 127, 108, 125, 97, 56, 110, 124, 58, 20, 84, 87, 48, 41, 46, 76, 23, 60, 12, 17, 81, 10, 14, 74, 109, 78, 71, 82, 18, 15, 79, 112, 7, 80, 86, 33, 83, 70, 39, 103, 19, 24, 22, 64, 13, 77, 111, 38, 0, 88, 63, 5, 21, 16, 57, 69, 72, 85, 8, 9, 54, 55, 29, 67, 126, 92, 116, 93, 50, 59, 113, 3, 1, 2, 114, 25, 61, 73, 66, 75, 34, 89, 4, 65, 11, 45, 90, 95, 68, 98, 31, 27, 118, 26, 43, 49, 94, 28, 115, 51, 30, 107, 102, 6, 35, 42, 32, 121, 96, 37, 91, 99, 106, 101, 100, 36], [119, 104, 47, 52, 62, 120, 123, 44, 122, 53, 127, 117, 105, 40, 125, 108, 97, 110, 124, 56, 20, 48, 58, 46, 84, 60, 23, 41, 76, 17, 12, 109, 87, 74, 111, 81, 10, 14, 71, 112, 64, 82, 15, 18, 78, 103, 7, 70, 0, 39, 79, 86, 22, 13, 33, 19, 69, 24, 57, 83, 16, 38, 80, 114, 72, 54, 59, 8, 63, 77, 126, 88, 1, 73, 5, 85, 50, 55, 66, 29, 9, 21, 67, 2, 3, 45, 25, 65, 68, 90, 92, 113, 4, 34, 116, 11, 61, 93, 95, 98, 75, 31, 89, 43, 49, 26, 115, 51, 118, 6, 27, 28, 94, 121, 102, 30, 107, 42, 32, 99, 91, 37, 35, 106, 36, 101, 100, 96], [119, 104, 47, 62, 120, 52, 123, 44, 122, 53, 117, 127, 105, 40, 125, 108, 97, 110, 124, 58, 56, 48, 20, 84, 60, 87, 41, 46, 23, 12, 76, 81, 111, 14, 74, 17, 71, 10, 112, 0, 109, 64, 7, 79, 39, 18, 67, 72, 103, 78, 15, 69, 3, 86, 82, 126, 1, 33, 24, 13, 55, 5, 38, 70, 22, 80, 54, 19, 16, 57, 83, 114, 88, 9, 73, 85, 77, 68, 113, 8, 63, 65, 59, 2, 21, 29, 50, 66, 90, 31, 98, 116, 6, 4, 75, 92, 61, 93, 25, 45, 89, 34, 11, 95, 26, 49, 118, 51, 27, 115, 28, 102, 43, 42, 94, 121, 106, 35, 30, 99, 107, 32, 91, 101, 37, 96, 36, 100], [119, 104, 47, 62, 52, 120, 123, 122, 44, 53, 127, 117, 105, 40, 125, 108, 97, 48, 110, 56, 124, 46, 20, 58, 84, 41, 60, 87, 76, 12, 17, 81, 23, 111, 112, 109, 71, 10, 74, 14, 78, 39, 7, 15, 0, 82, 72, 18, 103, 86, 64, 63, 24, 33, 57, 13, 55, 38, 79, 69, 114, 67, 83, 126, 22, 88, 3, 21, 80, 16, 59, 50, 29, 54, 19, 77, 9, 5, 85, 65, 73, 8, 1, 116, 92, 90, 113, 70, 68, 4, 45, 6, 98, 95, 93, 2, 31, 61, 66, 26, 11, 34, 43, 75, 25, 89, 118, 51, 49, 115, 94, 102, 27, 121, 28, 42, 30, 106, 107, 35, 91, 32, 99, 37, 100, 101, 96, 36], [119, 104, 52, 47, 120, 62, 123, 44, 122, 53, 117, 105, 127, 40, 108, 125, 97, 110, 124, 56, 20, 48, 46, 58, 84, 87, 23, 41, 76, 12, 60, 10, 17, 81, 74, 78, 18, 109, 14, 7, 111, 71, 15, 112, 82, 79, 22, 80, 13, 86, 64, 69, 19, 83, 0, 57, 33, 39, 24, 77, 9, 38, 103, 88, 6, 5, 21, 72, 29, 63, 85, 54, 55, 16, 73, 8, 126, 50, 3, 114, 75, 92, 67, 59, 68, 65, 66, 2, 89, 1, 113, 116, 95, 4, 34, 93, 45, 11, 25, 90, 98, 61, 115, 31, 70, 26, 49, 27, 43, 51, 28, 118, 102, 94, 30, 42, 121, 107, 37, 91, 35, 32, 99, 106, 100, 96, 101, 36], [119, 104, 52, 47, 62, 120, 123, 44, 122, 53, 117, 105, 127, 40, 108, 125, 97, 56, 124, 110, 20, 58, 84, 48, 41, 23, 76, 60, 87, 46, 17, 12, 10, 109, 74, 81, 82, 14, 78, 112, 6, 64, 15, 0, 71, 7, 111, 18, 22, 79, 69, 39, 16, 57, 86, 33, 19, 24, 103, 3, 13, 83, 77, 80, 38, 72, 67, 1, 114, 59, 63, 54, 21, 55, 88, 8, 73, 85, 29, 9, 2, 126, 93, 66, 113, 45, 4, 116, 75, 65, 50, 5, 92, 95, 98, 90, 61, 25, 31, 68, 34, 89, 11, 26, 70, 28, 43, 51, 49, 27, 118, 115, 102, 30, 42, 94, 37, 121, 107, 32, 91, 35, 106, 99, 101, 96, 36, 100], [119, 104, 47, 52, 62, 120, 123, 122, 53, 44, 127, 117, 105, 40, 125, 97, 108, 110, 124, 56, 48, 58, 60, 46, 20, 84, 76, 87, 23, 41, 12, 81, 17, 10, 74, 14, 112, 78, 111, 109, 64, 82, 71, 7, 15, 79, 39, 18, 0, 6, 86, 33, 103, 57, 126, 38, 16, 114, 69, 24, 1, 77, 19, 8, 67, 22, 13, 83, 80, 88, 54, 85, 63, 72, 55, 73, 59, 3, 29, 5, 9, 116, 50, 2, 75, 93, 4, 21, 66, 61, 92, 65, 98, 34, 90, 45, 68, 31, 95, 113, 89, 25, 11, 26, 70, 49, 43, 51, 118, 115, 27, 94, 28, 102, 42, 107, 121, 32, 30, 35, 37, 91, 99, 106, 101, 36, 96, 100], [119, 104, 47, 62, 52, 120, 122, 123, 44, 53, 117, 127, 105, 40, 125, 108, 97, 110, 56, 124, 58, 60, 46, 48, 84, 87, 20, 41, 12, 76, 17, 74, 81, 10, 109, 111, 23, 14, 112, 71, 7, 78, 79, 18, 82, 86, 69, 64, 15, 19, 33, 0, 24, 57, 39, 6, 13, 83, 22, 103, 63, 77, 38, 73, 80, 114, 72, 1, 88, 8, 55, 16, 67, 9, 5, 126, 54, 29, 21, 2, 3, 50, 85, 116, 59, 113, 45, 92, 68, 75, 4, 90, 93, 98, 31, 34, 65, 95, 66, 61, 89, 43, 26, 70, 11, 25, 49, 51, 102, 28, 115, 118, 27, 94, 42, 30, 107, 121, 35, 37, 32, 91, 101, 99, 96, 106, 100, 36], [119, 104, 62, 52, 47, 120, 123, 53, 122, 44, 127, 117, 40, 105, 125, 108, 97, 110, 48, 124, 56, 46, 20, 84, 60, 58, 87, 41, 109, 17, 12, 23, 112, 76, 111, 81, 74, 10, 82, 78, 14, 71, 39, 7, 0, 79, 57, 18, 38, 64, 24, 3, 22, 33, 15, 16, 126, 67, 54, 19, 55, 80, 114, 77, 86, 63, 59, 72, 9, 88, 69, 103, 83, 13, 8, 29, 5, 50, 1, 85, 21, 116, 4, 95, 68, 89, 92, 113, 90, 6, 45, 73, 70, 65, 98, 31, 66, 93, 75, 2, 11, 61, 34, 25, 26, 51, 115, 49, 94, 118, 42, 43, 121, 28, 27, 107, 30, 102, 37, 35, 91, 99, 106, 100, 32, 101, 36, 96], [119, 104, 47, 52, 120, 62, 123, 122, 53, 44, 117, 127, 105, 40, 125, 108, 97, 110, 58, 124, 56, 84, 46, 87, 48, 20, 60, 41, 12, 17, 23, 76, 112, 111, 81, 109, 10, 0, 64, 74, 7, 14, 18, 39, 71, 57, 79, 33, 82, 15, 78, 86, 24, 54, 70, 22, 126, 38, 77, 103, 69, 63, 1, 80, 8, 16, 114, 5, 55, 67, 2, 19, 9, 72, 83, 29, 50, 68, 3, 88, 13, 66, 73, 85, 21, 116, 4, 34, 65, 59, 31, 113, 93, 45, 61, 95, 89, 90, 92, 98, 11, 26, 75, 6, 43, 25, 118, 115, 49, 27, 51, 102, 28, 42, 94, 107, 121, 30, 35, 32, 91, 99, 106, 101, 37, 96, 36, 100], [119, 104, 52, 47, 62, 120, 123, 122, 44, 53, 117, 127, 40, 105, 125, 97, 108, 110, 48, 124, 56, 46, 84, 58, 60, 20, 87, 23, 41, 12, 76, 17, 74, 81, 109, 14, 10, 111, 112, 18, 7, 78, 71, 82, 79, 22, 15, 33, 86, 70, 0, 64, 24, 39, 19, 8, 38, 83, 57, 16, 103, 29, 88, 13, 5, 63, 80, 85, 77, 9, 59, 67, 54, 69, 114, 72, 55, 21, 65, 126, 50, 68, 116, 73, 4, 1, 113, 61, 3, 45, 92, 89, 98, 2, 93, 34, 31, 90, 75, 11, 66, 95, 25, 26, 118, 6, 43, 27, 94, 28, 49, 51, 102, 115, 42, 107, 30, 121, 32, 91, 35, 106, 96, 37, 99, 101, 36, 100], [119, 104, 47, 52, 62, 120, 123, 53, 44, 122, 127, 117, 105, 40, 125, 97, 108, 110, 48, 124, 56, 46, 20, 84, 58, 60, 87, 41, 12, 76, 74, 23, 17, 112, 81, 111, 78, 109, 10, 82, 18, 14, 15, 7, 86, 39, 71, 103, 57, 0, 24, 8, 70, 16, 19, 126, 64, 38, 67, 33, 13, 22, 83, 79, 63, 77, 114, 88, 55, 80, 50, 3, 59, 9, 5, 92, 54, 116, 29, 85, 1, 73, 113, 69, 21, 34, 68, 72, 89, 45, 98, 61, 95, 4, 65, 2, 11, 90, 31, 75, 66, 93, 43, 25, 26, 51, 115, 118, 49, 27, 94, 6, 28, 102, 42, 107, 30, 121, 37, 106, 91, 32, 35, 99, 101, 36, 100, 96], [119, 104, 47, 52, 62, 120, 123, 122, 44, 53, 117, 127, 105, 40, 125, 108, 97, 110, 56, 124, 58, 48, 60, 20, 84, 46, 87, 41, 12, 76, 23, 17, 109, 81, 10, 78, 74, 112, 7, 111, 82, 39, 15, 14, 57, 18, 79, 126, 71, 64, 0, 103, 33, 86, 24, 88, 16, 54, 83, 22, 5, 8, 13, 77, 85, 80, 38, 69, 19, 70, 114, 59, 21, 72, 29, 63, 3, 1, 67, 61, 9, 55, 92, 50, 73, 95, 31, 93, 90, 4, 2, 66, 65, 25, 113, 34, 45, 75, 11, 89, 116, 98, 68, 118, 26, 6, 51, 49, 43, 27, 94, 115, 42, 102, 28, 30, 35, 121, 32, 107, 37, 106, 99, 91, 96, 36, 101, 100], [119, 104, 52, 47, 62, 120, 123, 44, 122, 53, 127, 117, 40, 105, 125, 108, 97, 56, 110, 48, 124, 20, 46, 58, 87, 60, 84, 41, 12, 76, 23, 81, 10, 112, 17, 74, 109, 111, 7, 39, 14, 18, 0, 78, 82, 64, 15, 71, 103, 79, 57, 33, 19, 22, 83, 16, 13, 86, 126, 77, 38, 69, 80, 8, 88, 3, 24, 5, 50, 67, 54, 116, 85, 70, 72, 9, 63, 1, 114, 21, 55, 59, 92, 73, 2, 29, 34, 65, 25, 68, 61, 113, 89, 45, 4, 66, 90, 95, 31, 6, 11, 98, 118, 93, 51, 75, 28, 26, 115, 27, 49, 43, 30, 107, 94, 42, 102, 121, 106, 37, 35, 91, 32, 36, 101, 100, 99, 96], [119, 104, 47, 52, 62, 120, 123, 44, 122, 53, 117, 127, 105, 40, 108, 125, 97, 56, 110, 124, 20, 58, 48, 84, 41, 46, 60, 23, 12, 87, 109, 76, 74, 17, 81, 111, 10, 112, 18, 78, 14, 7, 33, 71, 0, 15, 39, 64, 83, 82, 57, 79, 77, 86, 38, 22, 103, 88, 16, 19, 24, 3, 80, 126, 67, 59, 8, 72, 54, 13, 55, 21, 63, 65, 85, 50, 69, 45, 5, 29, 92, 68, 6, 73, 1, 25, 89, 9, 114, 34, 2, 95, 113, 4, 93, 98, 11, 90, 66, 116, 75, 49, 70, 31, 61, 26, 27, 121, 43, 115, 118, 102, 51, 28, 94, 35, 42, 107, 30, 32, 91, 37, 106, 100, 99, 96, 36, 101], [119, 104, 47, 52, 120, 62, 123, 44, 122, 53, 117, 105, 127, 40, 125, 108, 97, 110, 124, 56, 48, 58, 84, 46, 76, 20, 87, 60, 41, 12, 74, 81, 23, 10, 17, 112, 0, 7, 71, 109, 14, 64, 78, 111, 18, 15, 57, 82, 79, 77, 126, 6, 39, 72, 69, 103, 86, 33, 8, 114, 59, 88, 1, 38, 80, 5, 16, 83, 13, 73, 22, 24, 63, 54, 67, 19, 3, 55, 9, 2, 85, 50, 21, 29, 65, 68, 66, 113, 93, 92, 34, 45, 75, 4, 98, 116, 31, 90, 61, 11, 95, 49, 25, 26, 89, 115, 27, 43, 118, 51, 70, 102, 94, 42, 28, 37, 121, 30, 107, 35, 99, 91, 32, 100, 106, 96, 36, 101], [119, 104, 47, 120, 62, 52, 123, 53, 122, 44, 127, 117, 40, 105, 125, 108, 97, 110, 124, 56, 20, 48, 60, 58, 46, 87, 84, 41, 76, 12, 74, 17, 23, 112, 111, 109, 10, 81, 78, 14, 7, 39, 71, 18, 82, 0, 79, 33, 86, 64, 114, 15, 103, 24, 77, 6, 83, 38, 8, 1, 72, 19, 22, 13, 57, 3, 126, 16, 54, 88, 55, 59, 5, 9, 63, 80, 50, 73, 67, 21, 69, 29, 65, 92, 116, 85, 113, 31, 95, 93, 68, 98, 4, 90, 66, 2, 45, 11, 34, 61, 75, 43, 25, 89, 118, 26, 115, 49, 70, 102, 27, 51, 121, 94, 28, 107, 30, 42, 37, 32, 35, 91, 106, 99, 100, 36, 101, 96], [119, 104, 47, 62, 52, 120, 123, 44, 122, 53, 127, 40, 105, 117, 125, 97, 108, 124, 48, 56, 46, 110, 20, 84, 60, 12, 58, 41, 87, 76, 23, 17, 74, 111, 112, 81, 109, 7, 10, 14, 78, 0, 39, 82, 71, 18, 15, 64, 79, 67, 6, 77, 103, 83, 72, 5, 22, 57, 33, 54, 59, 38, 126, 24, 86, 88, 13, 69, 16, 3, 63, 19, 8, 114, 29, 80, 9, 73, 55, 85, 65, 50, 68, 21, 1, 116, 2, 92, 11, 113, 4, 45, 89, 95, 31, 66, 61, 90, 34, 98, 43, 93, 25, 70, 118, 27, 75, 26, 115, 121, 51, 49, 102, 30, 94, 42, 91, 107, 28, 106, 37, 32, 35, 99, 101, 96, 100, 36], [119, 104, 47, 52, 120, 62, 123, 44, 122, 53, 117, 105, 40, 127, 108, 125, 97, 124, 56, 110, 58, 20, 87, 84, 46, 41, 76, 60, 23, 48, 12, 74, 17, 10, 81, 111, 0, 78, 14, 109, 18, 64, 82, 79, 71, 86, 7, 112, 103, 15, 33, 39, 83, 5, 22, 57, 72, 77, 38, 19, 13, 59, 24, 54, 16, 80, 6, 88, 9, 55, 126, 21, 69, 8, 3, 63, 73, 65, 29, 2, 85, 34, 4, 50, 113, 67, 114, 92, 66, 1, 89, 45, 75, 70, 95, 25, 68, 11, 116, 61, 98, 93, 31, 90, 43, 26, 115, 118, 27, 49, 102, 28, 51, 30, 94, 121, 35, 32, 42, 99, 37, 107, 91, 106, 96, 101, 36, 100], [119, 104, 47, 52, 120, 62, 123, 44, 122, 53, 127, 40, 105, 117, 125, 108, 97, 56, 46, 110, 124, 48, 60, 20, 87, 41, 84, 58, 76, 12, 17, 109, 23, 81, 10, 74, 111, 112, 14, 78, 82, 103, 7, 71, 64, 15, 18, 39, 79, 72, 0, 13, 22, 80, 33, 63, 86, 83, 5, 38, 24, 126, 3, 57, 88, 114, 16, 55, 77, 67, 19, 59, 85, 116, 69, 9, 8, 54, 29, 65, 21, 2, 50, 73, 1, 34, 70, 113, 66, 4, 89, 92, 98, 6, 61, 25, 45, 95, 11, 31, 90, 75, 68, 93, 118, 115, 43, 26, 51, 27, 49, 28, 102, 121, 42, 30, 94, 107, 32, 37, 35, 106, 101, 36, 99, 91, 100, 96]], "model.layers.4.self_attn.q_proj": [[42, 122, 117, 56, 53, 123, 101, 124, 102, 121, 33, 61, 27, 107, 104, 119, 59, 48, 110, 39, 116, 83, 55, 109, 127, 115, 37, 114, 113, 126, 92, 57, 60, 43, 58, 17, 50, 26, 38, 120, 47, 125, 44, 45, 51, 54, 89, 62, 105, 111, 94, 21, 52, 46, 87, 41, 36, 108, 32, 106, 91, 49, 63, 112, 86, 118, 40, 23, 31, 30, 76, 79, 99, 22, 34, 103, 84, 96, 100, 72, 97, 98, 28, 78, 82, 25, 24, 95, 93, 16, 75, 0, 29, 35, 15, 13, 81, 10, 66, 6, 5, 73, 2, 11, 14, 3, 85, 19, 64, 8, 12, 74, 4, 68, 90, 69, 20, 65, 70, 88, 67, 7, 80, 71, 77, 9, 1, 18], [42, 101, 117, 114, 123, 56, 122, 102, 33, 53, 48, 124, 107, 59, 111, 39, 89, 94, 91, 27, 86, 121, 54, 57, 21, 37, 104, 28, 125, 112, 49, 79, 116, 40, 109, 36, 113, 43, 44, 41, 60, 118, 99, 26, 47, 38, 84, 82, 58, 46, 87, 25, 32, 17, 115, 52, 110, 61, 95, 92, 108, 62, 119, 24, 127, 45, 50, 120, 55, 51, 85, 29, 63, 90, 126, 30, 15, 93, 105, 106, 81, 34, 83, 22, 12, 96, 76, 16, 31, 98, 78, 75, 19, 35, 23, 74, 97, 13, 88, 8, 73, 20, 14, 100, 103, 77, 68, 72, 71, 6, 7, 69, 5, 11, 9, 66, 10, 4, 1, 65, 70, 3, 64, 67, 2, 0, 18, 80], [101, 42, 117, 33, 123, 122, 56, 53, 114, 87, 84, 82, 124, 91, 94, 39, 61, 79, 78, 75, 16, 73, 13, 6, 48, 86, 27, 72, 46, 111, 107, 2, 57, 89, 32, 95, 30, 21, 68, 22, 104, 20, 19, 74, 54, 71, 58, 102, 23, 109, 67, 44, 14, 85, 25, 8, 11, 88, 63, 55, 90, 10, 24, 106, 65, 41, 110, 36, 98, 64, 120, 35, 121, 92, 105, 7, 81, 99, 17, 49, 113, 28, 15, 60, 3, 77, 118, 108, 40, 116, 93, 76, 80, 18, 29, 52, 12, 38, 83, 26, 96, 4, 69, 119, 34, 70, 43, 31, 1, 9, 62, 47, 103, 115, 125, 51, 112, 127, 126, 59, 50, 97, 37, 5, 100, 0, 45, 66], [101, 117, 56, 122, 123, 33, 53, 42, 87, 82, 91, 84, 124, 54, 73, 15, 16, 103, 76, 78, 75, 24, 71, 27, 121, 13, 88, 68, 6, 37, 72, 114, 107, 86, 85, 104, 58, 59, 67, 66, 10, 3, 48, 65, 1, 126, 116, 25, 105, 95, 12, 109, 61, 118, 44, 89, 64, 45, 14, 92, 7, 120, 79, 115, 9, 127, 18, 29, 80, 43, 26, 98, 90, 77, 4, 94, 102, 70, 49, 74, 93, 0, 110, 11, 28, 23, 55, 19, 8, 81, 34, 99, 35, 20, 36, 100, 41, 125, 111, 52, 22, 32, 31, 17, 113, 46, 47, 83, 39, 51, 96, 21, 69, 5, 2, 112, 30, 62, 50, 63, 40, 60, 57, 38, 106, 119, 108, 97], [39, 52, 118, 33, 31, 79, 13, 87, 8, 11, 53, 70, 20, 117, 54, 82, 81, 9, 68, 63, 50, 66, 113, 26, 120, 121, 111, 125, 90, 10, 61, 114, 49, 119, 46, 23, 74, 3, 51, 112, 25, 47, 116, 84, 55, 21, 6, 29, 95, 38, 67, 69, 12, 73, 18, 5, 19, 60, 77, 17, 107, 0, 28, 93, 85, 97, 57, 44, 106, 62, 15, 59, 22, 100, 72, 2, 24, 83, 92, 91, 7, 94, 86, 80, 98, 36, 14, 115, 71, 102, 78, 75, 105, 34, 1, 16, 123, 65, 58, 110, 30, 42, 76, 89, 43, 32, 4, 27, 45, 124, 104, 40, 88, 48, 96, 56, 99, 41, 109, 127, 37, 101, 64, 108, 35, 122, 126, 103], [39, 118, 52, 33, 31, 102, 20, 87, 63, 25, 116, 11, 54, 47, 82, 81, 90, 117, 13, 85, 79, 49, 80, 123, 111, 121, 56, 86, 76, 104, 26, 50, 28, 53, 23, 91, 9, 7, 105, 120, 41, 112, 51, 71, 61, 44, 70, 83, 55, 114, 27, 57, 8, 60, 125, 107, 46, 110, 115, 106, 101, 124, 40, 97, 42, 10, 14, 59, 127, 29, 43, 78, 126, 113, 35, 45, 16, 69, 122, 74, 62, 119, 65, 22, 98, 108, 58, 36, 48, 3, 93, 17, 84, 37, 30, 12, 68, 99, 109, 88, 92, 64, 18, 67, 38, 100, 34, 66, 96, 19, 89, 21, 24, 32, 75, 72, 77, 94, 5, 95, 15, 73, 1, 6, 4, 103, 0, 2], [53, 39, 33, 52, 118, 31, 90, 50, 102, 81, 87, 113, 59, 63, 54, 125, 20, 114, 98, 61, 55, 97, 60, 117, 108, 47, 107, 26, 124, 121, 92, 49, 24, 44, 86, 112, 42, 79, 126, 110, 28, 116, 103, 57, 111, 82, 14, 43, 83, 120, 45, 119, 10, 127, 46, 29, 122, 85, 106, 19, 12, 51, 56, 41, 37, 32, 115, 96, 48, 62, 109, 22, 100, 105, 34, 88, 13, 40, 89, 58, 123, 101, 11, 94, 91, 25, 104, 93, 36, 5, 78, 27, 38, 99, 35, 17, 71, 21, 80, 23, 76, 74, 84, 30, 16, 95, 77, 75, 8, 18, 15, 72, 67, 6, 9, 7, 73, 69, 3, 4, 65, 1, 66, 70, 0, 68, 64, 2], [39, 118, 52, 33, 53, 31, 8, 20, 82, 87, 13, 79, 11, 54, 70, 63, 117, 102, 81, 74, 9, 50, 125, 68, 121, 46, 90, 86, 23, 61, 16, 49, 66, 10, 55, 59, 60, 15, 47, 42, 51, 69, 115, 67, 95, 12, 26, 111, 119, 97, 22, 72, 112, 114, 77, 120, 17, 80, 124, 21, 18, 94, 89, 116, 3, 25, 2, 45, 56, 92, 75, 84, 78, 85, 28, 0, 19, 14, 38, 29, 57, 27, 83, 30, 71, 24, 113, 96, 107, 76, 40, 7, 123, 99, 62, 122, 88, 44, 48, 36, 6, 100, 41, 5, 73, 98, 106, 43, 34, 127, 91, 64, 1, 93, 32, 105, 37, 126, 4, 108, 110, 101, 104, 35, 58, 109, 65, 103], [41, 39, 99, 116, 124, 118, 52, 95, 54, 28, 86, 92, 62, 75, 105, 81, 26, 31, 24, 21, 122, 121, 58, 17, 83, 55, 87, 127, 22, 61, 79, 56, 123, 117, 93, 50, 12, 53, 14, 115, 35, 88, 110, 106, 13, 82, 112, 113, 94, 47, 18, 34, 125, 57, 42, 120, 101, 108, 30, 48, 20, 126, 98, 32, 111, 46, 89, 43, 51, 78, 114, 96, 49, 104, 90, 15, 72, 40, 25, 109, 9, 84, 59, 38, 37, 107, 100, 63, 60, 44, 45, 33, 23, 16, 11, 119, 29, 85, 102, 36, 97, 27, 91, 74, 19, 8, 65, 68, 1, 69, 73, 76, 5, 4, 70, 77, 71, 6, 3, 10, 80, 7, 66, 64, 2, 0, 67, 103], [39, 99, 28, 116, 124, 118, 16, 52, 41, 83, 74, 13, 86, 95, 72, 54, 70, 49, 75, 71, 79, 92, 4, 26, 22, 3, 21, 35, 24, 12, 81, 1, 62, 2, 122, 23, 61, 31, 18, 55, 32, 85, 123, 87, 30, 50, 11, 73, 77, 127, 58, 89, 7, 112, 19, 48, 27, 117, 78, 126, 64, 111, 25, 88, 80, 42, 47, 66, 82, 53, 14, 121, 8, 59, 67, 100, 10, 101, 51, 5, 17, 6, 106, 94, 110, 113, 76, 0, 15, 90, 105, 34, 65, 107, 91, 104, 60, 63, 119, 69, 20, 46, 93, 120, 102, 125, 84, 43, 33, 97, 37, 96, 29, 36, 115, 40, 108, 68, 98, 103, 56, 45, 9, 57, 109, 38, 44, 114], [39, 116, 99, 124, 118, 52, 41, 95, 92, 86, 26, 31, 28, 54, 49, 83, 98, 87, 81, 112, 24, 62, 79, 75, 105, 22, 30, 35, 61, 84, 16, 34, 93, 13, 117, 88, 47, 121, 120, 58, 106, 21, 123, 114, 44, 110, 46, 104, 45, 60, 122, 14, 42, 108, 53, 96, 89, 125, 113, 25, 33, 27, 50, 127, 90, 48, 40, 109, 59, 20, 38, 111, 63, 37, 97, 126, 17, 55, 51, 91, 43, 107, 32, 119, 102, 101, 36, 100, 12, 57, 94, 72, 29, 56, 115, 74, 23, 78, 85, 103, 82, 11, 18, 15, 19, 4, 70, 1, 68, 76, 71, 73, 9, 5, 69, 8, 6, 65, 2, 64, 80, 77, 66, 7, 0, 10, 3, 67], [39, 99, 118, 124, 52, 116, 28, 95, 72, 13, 83, 4, 79, 86, 16, 22, 70, 75, 74, 66, 54, 105, 2, 68, 65, 64, 81, 35, 84, 87, 92, 61, 1, 21, 0, 26, 24, 3, 17, 115, 106, 77, 98, 55, 11, 89, 31, 30, 8, 14, 19, 71, 67, 88, 62, 110, 7, 123, 23, 73, 58, 82, 6, 94, 42, 33, 15, 117, 10, 41, 109, 12, 5, 103, 49, 122, 121, 76, 80, 127, 25, 57, 125, 56, 51, 40, 93, 48, 53, 34, 113, 78, 85, 18, 96, 69, 47, 59, 114, 46, 63, 27, 20, 90, 45, 44, 100, 29, 32, 60, 120, 111, 126, 43, 101, 91, 36, 119, 50, 37, 97, 108, 38, 112, 9, 102, 107, 104], [45, 102, 0, 97, 64, 31, 109, 25, 4, 66, 1, 65, 6, 76, 10, 124, 79, 69, 9, 68, 22, 17, 2, 11, 48, 38, 105, 126, 95, 125, 81, 51, 82, 59, 20, 56, 52, 5, 78, 104, 90, 18, 127, 84, 67, 118, 61, 7, 41, 63, 60, 122, 53, 71, 113, 74, 70, 73, 57, 75, 100, 15, 50, 120, 42, 14, 77, 13, 72, 28, 110, 12, 47, 114, 24, 49, 87, 107, 93, 19, 88, 121, 23, 33, 26, 16, 83, 36, 3, 46, 80, 112, 55, 39, 40, 85, 92, 29, 58, 115, 8, 30, 43, 101, 86, 96, 108, 106, 34, 111, 37, 91, 35, 99, 89, 21, 98, 32, 117, 119, 27, 123, 94, 103, 54, 62, 116, 44], [102, 45, 97, 31, 124, 79, 10, 17, 11, 5, 109, 25, 76, 89, 22, 70, 9, 4, 69, 6, 84, 48, 52, 51, 66, 82, 1, 78, 115, 75, 56, 65, 59, 104, 126, 53, 19, 90, 61, 72, 2, 105, 14, 87, 125, 20, 41, 77, 81, 42, 57, 71, 122, 38, 114, 15, 86, 28, 16, 120, 127, 118, 3, 60, 73, 63, 23, 74, 7, 83, 67, 0, 18, 13, 50, 123, 92, 12, 121, 95, 99, 24, 35, 68, 111, 88, 43, 39, 80, 113, 21, 34, 106, 30, 27, 29, 46, 93, 107, 117, 85, 101, 8, 110, 100, 94, 108, 26, 47, 96, 116, 98, 91, 36, 119, 58, 37, 62, 33, 112, 49, 32, 40, 44, 54, 55, 103, 64], [45, 102, 97, 31, 65, 25, 124, 109, 6, 11, 4, 1, 10, 76, 9, 79, 17, 0, 67, 69, 3, 48, 81, 66, 84, 51, 20, 105, 5, 52, 71, 126, 61, 90, 56, 15, 122, 125, 70, 72, 78, 118, 22, 95, 59, 120, 41, 23, 53, 57, 63, 38, 8, 7, 16, 82, 60, 113, 18, 73, 12, 64, 24, 30, 74, 127, 2, 14, 75, 47, 83, 80, 85, 68, 111, 86, 28, 19, 39, 21, 46, 87, 50, 49, 13, 29, 77, 104, 121, 26, 100, 88, 91, 93, 42, 27, 110, 58, 107, 117, 94, 101, 119, 114, 40, 108, 115, 96, 36, 103, 89, 116, 123, 37, 62, 92, 44, 34, 43, 55, 106, 112, 35, 98, 99, 54, 32, 33], [124, 102, 97, 45, 31, 90, 22, 52, 86, 120, 84, 109, 89, 78, 111, 104, 41, 53, 121, 13, 122, 18, 36, 33, 38, 115, 51, 114, 59, 113, 107, 63, 25, 34, 117, 57, 79, 127, 106, 46, 42, 26, 48, 44, 62, 17, 123, 126, 61, 100, 39, 54, 96, 56, 116, 21, 60, 49, 108, 103, 58, 105, 29, 43, 112, 110, 28, 99, 32, 101, 27, 24, 118, 35, 119, 50, 37, 91, 55, 88, 23, 76, 98, 47, 30, 40, 94, 125, 93, 82, 20, 11, 92, 14, 19, 83, 85, 77, 80, 16, 87, 10, 72, 9, 8, 12, 81, 15, 73, 74, 95, 5, 75, 7, 71, 70, 69, 67, 68, 1, 3, 6, 2, 65, 4, 66, 64, 0], [63, 59, 52, 104, 119, 125, 56, 122, 60, 113, 62, 123, 114, 124, 50, 61, 127, 53, 54, 57, 58, 46, 109, 118, 111, 49, 48, 126, 116, 51, 47, 55, 117, 82, 120, 44, 115, 108, 45, 121, 112, 43, 110, 79, 88, 107, 84, 106, 42, 39, 41, 80, 87, 102, 28, 90, 105, 91, 76, 85, 86, 96, 103, 19, 30, 93, 9, 38, 100, 12, 81, 14, 101, 16, 13, 37, 36, 7, 89, 73, 4, 5, 33, 40, 74, 32, 99, 83, 35, 21, 97, 8, 94, 11, 25, 10, 15, 27, 65, 77, 72, 70, 92, 69, 34, 22, 2, 78, 23, 75, 17, 98, 31, 95, 1, 67, 24, 18, 29, 71, 0, 26, 20, 3, 6, 66, 68, 64], [104, 34, 52, 63, 59, 77, 17, 90, 10, 7, 78, 87, 68, 75, 27, 20, 31, 21, 13, 118, 4, 119, 66, 79, 89, 93, 124, 71, 46, 70, 125, 14, 100, 26, 23, 82, 6, 83, 73, 84, 22, 19, 122, 86, 95, 64, 74, 85, 11, 1, 76, 113, 8, 81, 88, 15, 18, 80, 25, 111, 29, 56, 28, 60, 2, 65, 94, 67, 108, 123, 50, 72, 120, 36, 0, 69, 12, 5, 3, 91, 40, 102, 41, 30, 32, 61, 116, 39, 92, 127, 48, 9, 98, 16, 115, 62, 24, 126, 47, 99, 121, 38, 42, 110, 45, 109, 37, 49, 57, 101, 96, 97, 117, 33, 54, 103, 106, 105, 58, 35, 55, 51, 44, 43, 112, 107, 53, 114], [104, 34, 52, 63, 59, 7, 92, 71, 87, 17, 78, 119, 28, 68, 10, 91, 31, 75, 83, 125, 90, 77, 85, 94, 60, 1, 22, 3, 122, 100, 18, 4, 16, 8, 124, 26, 65, 113, 118, 23, 84, 46, 74, 56, 89, 93, 72, 123, 14, 25, 5, 13, 76, 79, 9, 81, 19, 12, 21, 6, 82, 62, 30, 116, 11, 88, 86, 70, 27, 66, 98, 102, 80, 24, 67, 120, 36, 111, 69, 40, 108, 20, 2, 64, 61, 48, 39, 73, 15, 96, 95, 117, 43, 101, 0, 38, 29, 37, 33, 50, 121, 32, 55, 35, 97, 109, 47, 103, 45, 99, 105, 106, 127, 54, 110, 57, 44, 41, 42, 49, 115, 51, 107, 112, 58, 126, 114, 53], [104, 52, 63, 59, 119, 125, 124, 60, 46, 62, 113, 118, 27, 123, 48, 39, 116, 50, 56, 40, 122, 88, 34, 32, 108, 57, 111, 109, 106, 61, 115, 47, 110, 30, 28, 51, 54, 120, 55, 43, 35, 117, 49, 114, 107, 121, 42, 41, 98, 58, 103, 105, 36, 102, 100, 79, 33, 45, 53, 37, 97, 76, 44, 38, 126, 80, 86, 101, 24, 82, 112, 127, 85, 26, 99, 94, 95, 9, 96, 84, 19, 73, 20, 91, 22, 31, 7, 25, 93, 81, 14, 13, 5, 74, 92, 4, 87, 90, 8, 89, 11, 16, 1, 12, 70, 17, 69, 23, 18, 72, 10, 2, 29, 21, 83, 65, 77, 15, 78, 75, 71, 67, 3, 0, 64, 6, 66, 68], [105, 112, 39, 34, 101, 48, 50, 111, 118, 85, 124, 53, 23, 59, 21, 125, 90, 31, 82, 119, 30, 108, 56, 54, 117, 25, 93, 87, 60, 18, 96, 63, 127, 41, 19, 22, 52, 61, 122, 28, 123, 92, 88, 51, 103, 94, 89, 47, 95, 26, 37, 86, 16, 80, 57, 110, 121, 81, 38, 102, 84, 55, 29, 49, 91, 17, 97, 32, 45, 33, 11, 106, 44, 40, 107, 27, 99, 109, 62, 58, 114, 20, 78, 42, 120, 79, 14, 100, 104, 13, 116, 126, 46, 15, 24, 115, 36, 83, 12, 76, 35, 43, 75, 113, 71, 77, 9, 6, 5, 74, 98, 10, 73, 72, 8, 69, 7, 70, 2, 66, 68, 3, 65, 67, 0, 1, 64, 4], [50, 48, 105, 124, 34, 111, 38, 112, 117, 108, 119, 90, 57, 54, 39, 106, 116, 94, 114, 120, 122, 125, 118, 109, 127, 42, 63, 110, 103, 126, 52, 51, 93, 49, 92, 45, 85, 35, 82, 23, 59, 36, 31, 60, 107, 113, 55, 46, 58, 29, 104, 87, 9, 101, 47, 61, 83, 62, 40, 121, 89, 56, 53, 99, 97, 123, 44, 80, 96, 43, 115, 28, 91, 76, 37, 100, 24, 19, 88, 102, 78, 71, 16, 14, 33, 32, 86, 77, 22, 30, 95, 26, 41, 27, 84, 25, 74, 98, 20, 79, 72, 17, 13, 21, 15, 18, 7, 68, 73, 75, 11, 6, 10, 2, 67, 8, 12, 4, 81, 69, 70, 66, 64, 3, 5, 0, 1, 65], [105, 101, 34, 112, 48, 50, 89, 31, 39, 85, 83, 124, 23, 111, 87, 80, 54, 14, 82, 76, 118, 123, 59, 25, 41, 93, 21, 119, 16, 29, 63, 125, 108, 53, 19, 95, 56, 9, 117, 103, 94, 49, 116, 84, 90, 22, 20, 60, 15, 75, 52, 122, 47, 71, 26, 24, 109, 46, 74, 127, 17, 28, 32, 35, 11, 33, 57, 12, 38, 96, 62, 102, 42, 120, 92, 91, 113, 30, 114, 77, 13, 79, 107, 10, 88, 73, 104, 70, 121, 43, 78, 97, 100, 61, 81, 18, 99, 44, 27, 72, 51, 6, 106, 58, 8, 110, 55, 5, 115, 126, 7, 86, 40, 36, 69, 98, 45, 37, 68, 67, 3, 66, 4, 2, 65, 1, 0, 64], [50, 101, 38, 105, 34, 112, 118, 59, 119, 83, 31, 85, 89, 37, 23, 111, 90, 78, 49, 61, 103, 124, 21, 20, 74, 71, 125, 52, 88, 113, 53, 57, 19, 122, 104, 92, 11, 44, 106, 82, 54, 14, 109, 48, 63, 29, 22, 123, 40, 51, 28, 96, 76, 79, 108, 8, 41, 17, 9, 87, 60, 18, 68, 102, 16, 127, 56, 107, 126, 25, 114, 42, 72, 121, 24, 84, 30, 110, 93, 13, 27, 10, 117, 100, 62, 46, 39, 116, 4, 47, 35, 15, 81, 58, 91, 2, 115, 67, 45, 97, 120, 32, 94, 69, 33, 43, 7, 86, 26, 99, 55, 80, 77, 6, 1, 64, 36, 95, 70, 66, 5, 65, 0, 3, 75, 98, 12, 73], [110, 39, 33, 31, 46, 85, 70, 16, 53, 10, 14, 72, 94, 82, 12, 75, 68, 3, 0, 2, 1, 9, 65, 66, 6, 50, 67, 8, 104, 21, 86, 13, 120, 124, 17, 22, 4, 79, 18, 83, 57, 54, 118, 63, 90, 11, 69, 58, 123, 73, 119, 51, 126, 103, 78, 7, 127, 41, 24, 20, 99, 38, 115, 87, 80, 88, 29, 121, 56, 49, 101, 71, 102, 114, 35, 76, 98, 28, 74, 81, 36, 23, 84, 108, 125, 89, 47, 19, 96, 77, 113, 107, 45, 111, 100, 64, 5, 40, 61, 48, 117, 95, 34, 92, 26, 25, 91, 42, 52, 55, 37, 122, 93, 116, 112, 27, 105, 15, 43, 62, 106, 60, 59, 30, 109, 44, 32, 97], [110, 39, 33, 31, 46, 12, 94, 10, 6, 16, 82, 4, 72, 14, 85, 50, 74, 2, 79, 53, 70, 17, 86, 67, 115, 124, 51, 69, 21, 23, 28, 24, 76, 80, 120, 22, 57, 78, 8, 63, 117, 75, 18, 123, 66, 73, 127, 65, 126, 104, 49, 84, 118, 103, 88, 56, 58, 96, 64, 48, 77, 90, 13, 54, 20, 32, 9, 68, 121, 0, 38, 122, 108, 41, 62, 7, 11, 101, 81, 83, 59, 113, 45, 43, 93, 87, 44, 55, 47, 15, 89, 112, 27, 109, 92, 119, 114, 107, 25, 116, 5, 98, 125, 19, 95, 105, 99, 60, 91, 40, 34, 36, 26, 61, 37, 1, 111, 29, 52, 71, 35, 100, 102, 106, 42, 3, 30, 97], [39, 33, 110, 53, 31, 23, 85, 46, 82, 79, 94, 16, 12, 14, 88, 19, 104, 10, 126, 57, 17, 112, 50, 70, 75, 51, 5, 63, 72, 124, 66, 115, 68, 120, 106, 64, 65, 71, 86, 81, 60, 48, 84, 55, 8, 123, 9, 125, 47, 11, 108, 56, 21, 40, 42, 3, 121, 41, 59, 24, 116, 95, 25, 49, 91, 119, 58, 38, 101, 96, 54, 22, 111, 117, 99, 122, 87, 113, 35, 18, 26, 105, 32, 34, 73, 118, 90, 127, 78, 29, 37, 100, 107, 114, 83, 27, 15, 44, 13, 45, 61, 102, 28, 109, 52, 89, 7, 80, 98, 67, 20, 93, 43, 36, 62, 74, 103, 92, 4, 2, 6, 76, 30, 0, 69, 77, 1, 97], [110, 33, 39, 31, 85, 46, 94, 24, 74, 82, 16, 14, 72, 10, 12, 86, 88, 83, 22, 53, 79, 23, 4, 13, 124, 51, 73, 90, 50, 80, 126, 5, 115, 123, 11, 120, 57, 71, 6, 78, 18, 63, 2, 70, 8, 48, 17, 75, 9, 103, 21, 67, 58, 119, 65, 118, 91, 106, 68, 56, 30, 104, 15, 69, 84, 92, 121, 87, 49, 19, 54, 40, 28, 41, 117, 77, 61, 59, 81, 125, 76, 36, 114, 20, 26, 27, 111, 99, 127, 7, 25, 62, 3, 32, 55, 60, 35, 42, 96, 112, 101, 89, 45, 43, 47, 113, 44, 93, 34, 38, 100, 102, 52, 105, 98, 108, 109, 66, 37, 116, 122, 1, 64, 95, 97, 29, 107, 0], [112, 40, 34, 53, 23, 27, 122, 29, 19, 81, 76, 21, 25, 87, 63, 31, 56, 79, 118, 119, 77, 59, 15, 93, 62, 57, 30, 16, 72, 90, 47, 9, 82, 18, 26, 11, 92, 97, 109, 125, 33, 95, 78, 101, 123, 32, 44, 96, 49, 83, 35, 105, 73, 120, 24, 51, 86, 80, 106, 121, 103, 88, 98, 55, 36, 14, 22, 52, 38, 10, 71, 46, 67, 12, 28, 89, 91, 110, 127, 111, 61, 6, 54, 37, 107, 13, 94, 60, 42, 85, 84, 17, 102, 58, 5, 41, 99, 43, 113, 126, 74, 20, 115, 124, 108, 48, 45, 100, 8, 69, 116, 7, 39, 114, 50, 70, 4, 104, 117, 68, 2, 3, 1, 75, 65, 66, 0, 64], [112, 53, 40, 38, 34, 56, 47, 119, 44, 43, 52, 63, 62, 49, 122, 117, 114, 125, 61, 116, 120, 111, 109, 45, 123, 55, 31, 23, 25, 95, 59, 60, 126, 51, 118, 29, 106, 42, 127, 57, 107, 50, 54, 121, 27, 92, 41, 58, 24, 115, 46, 16, 113, 105, 48, 30, 108, 39, 110, 124, 84, 21, 93, 82, 96, 103, 88, 101, 19, 35, 22, 100, 90, 89, 102, 37, 36, 33, 32, 18, 87, 26, 17, 97, 99, 81, 86, 28, 20, 94, 85, 80, 77, 11, 14, 98, 78, 83, 13, 15, 12, 91, 76, 3, 74, 68, 8, 9, 10, 65, 7, 6, 79, 71, 4, 72, 75, 66, 73, 70, 2, 104, 5, 0, 69, 1, 67, 64], [53, 40, 112, 34, 19, 23, 81, 27, 56, 125, 21, 77, 93, 47, 82, 57, 122, 88, 120, 58, 25, 76, 59, 11, 9, 28, 14, 118, 61, 95, 62, 67, 79, 70, 104, 30, 91, 114, 92, 31, 26, 36, 44, 80, 16, 73, 119, 107, 52, 15, 7, 72, 90, 121, 20, 29, 63, 83, 126, 6, 85, 99, 12, 116, 105, 100, 18, 86, 106, 48, 60, 38, 22, 43, 78, 110, 115, 127, 69, 24, 50, 97, 87, 46, 103, 1, 84, 35, 123, 13, 41, 17, 4, 5, 89, 94, 32, 55, 10, 54, 102, 37, 98, 96, 74, 109, 45, 42, 108, 49, 111, 124, 75, 33, 51, 39, 117, 68, 113, 101, 3, 65, 71, 8, 0, 2, 64, 66], [40, 53, 34, 112, 91, 19, 21, 29, 81, 122, 79, 73, 93, 76, 6, 56, 16, 11, 47, 125, 52, 8, 63, 70, 67, 59, 62, 65, 95, 72, 17, 119, 9, 118, 27, 126, 57, 1, 12, 38, 104, 10, 120, 74, 77, 71, 61, 7, 121, 58, 86, 85, 24, 44, 30, 75, 23, 88, 84, 4, 3, 31, 68, 15, 28, 13, 78, 32, 83, 114, 14, 80, 46, 89, 20, 82, 25, 90, 123, 92, 87, 0, 2, 94, 117, 69, 26, 66, 36, 96, 18, 22, 5, 100, 35, 99, 60, 45, 37, 54, 51, 124, 108, 97, 33, 55, 101, 105, 102, 42, 103, 41, 107, 43, 49, 127, 64, 39, 106, 109, 111, 115, 110, 50, 113, 116, 48, 98]], "model.layers.4.self_attn.k_proj": [[37, 53, 56, 123, 122, 97, 117, 106, 30, 84, 16, 27, 87, 82, 13, 26, 75, 100, 50, 6, 40, 77, 73, 83, 78, 31, 42, 72, 17, 28, 64, 86, 103, 65, 38, 108, 21, 94, 35, 120, 5, 68, 118, 60, 45, 25, 47, 3, 74, 61, 127, 101, 2, 0, 89, 126, 24, 88, 43, 29, 58, 79, 52, 96, 113, 110, 55, 51, 4, 46, 49, 125, 119, 54, 66, 33, 109, 62, 105, 104, 57, 59, 121, 115, 63, 116, 41, 91, 111, 8, 10, 12, 112, 85, 44, 107, 23, 98, 93, 71, 34, 114, 22, 48, 124, 67, 32, 99, 39, 70, 92, 76, 14, 1, 11, 7, 90, 36, 102, 18, 95, 69, 19, 81, 80, 15, 20, 9], [103, 118, 52, 87, 97, 95, 20, 0, 13, 82, 81, 79, 70, 11, 9, 10, 68, 90, 3, 8, 66, 1, 47, 28, 110, 42, 53, 14, 63, 5, 71, 121, 86, 43, 22, 127, 55, 26, 65, 113, 92, 123, 2, 120, 69, 58, 46, 74, 122, 44, 88, 109, 48, 102, 39, 56, 61, 107, 125, 115, 16, 36, 89, 67, 57, 117, 126, 54, 50, 62, 73, 64, 45, 59, 29, 80, 93, 124, 114, 106, 116, 7, 38, 78, 6, 104, 100, 25, 96, 40, 27, 60, 108, 51, 83, 77, 37, 15, 119, 112, 101, 19, 99, 85, 105, 32, 21, 91, 30, 12, 76, 72, 98, 111, 4, 94, 41, 34, 35, 18, 49, 33, 24, 23, 17, 84, 75, 31], [103, 52, 118, 124, 35, 86, 92, 83, 79, 13, 1, 74, 72, 75, 31, 0, 16, 4, 70, 81, 105, 71, 26, 3, 21, 69, 2, 117, 116, 24, 53, 28, 14, 94, 5, 39, 12, 61, 112, 123, 41, 46, 95, 121, 82, 22, 56, 113, 54, 47, 55, 106, 84, 58, 59, 99, 48, 122, 9, 89, 98, 49, 126, 115, 50, 30, 40, 96, 34, 114, 63, 45, 23, 119, 111, 60, 51, 108, 100, 125, 17, 101, 7, 42, 107, 127, 87, 36, 93, 104, 67, 62, 43, 88, 20, 102, 85, 120, 33, 109, 29, 57, 91, 37, 44, 76, 32, 97, 38, 110, 90, 27, 25, 18, 73, 77, 80, 66, 19, 78, 68, 6, 64, 15, 65, 10, 11, 8], [109, 38, 0, 95, 33, 45, 89, 124, 66, 65, 17, 6, 79, 4, 10, 76, 2, 112, 64, 9, 69, 11, 126, 60, 56, 84, 59, 115, 61, 3, 47, 50, 18, 125, 52, 7, 105, 63, 118, 68, 78, 39, 116, 111, 46, 67, 40, 113, 110, 122, 121, 57, 23, 8, 127, 58, 51, 22, 44, 86, 53, 83, 88, 13, 70, 16, 108, 104, 117, 41, 92, 5, 37, 43, 119, 99, 48, 103, 101, 42, 90, 96, 80, 54, 29, 30, 55, 71, 77, 91, 123, 120, 35, 85, 94, 32, 93, 98, 62, 100, 114, 107, 26, 75, 102, 27, 36, 106, 87, 24, 28, 73, 19, 49, 34, 82, 1, 21, 74, 72, 97, 12, 15, 14, 81, 20, 25, 31], [40, 52, 59, 63, 98, 75, 26, 95, 17, 119, 78, 116, 22, 10, 77, 20, 0, 2, 6, 4, 83, 7, 118, 29, 113, 72, 123, 124, 110, 67, 18, 60, 125, 70, 111, 3, 23, 28, 50, 122, 15, 115, 55, 56, 54, 46, 121, 57, 48, 53, 47, 49, 120, 87, 62, 51, 117, 126, 114, 58, 127, 16, 61, 89, 106, 24, 9, 109, 112, 12, 43, 42, 45, 44, 21, 5, 103, 91, 108, 65, 107, 105, 8, 64, 41, 36, 39, 11, 102, 37, 27, 92, 99, 101, 93, 84, 38, 104, 35, 33, 31, 94, 32, 14, 90, 30, 96, 86, 97, 100, 69, 85, 66, 1, 25, 19, 74, 88, 80, 82, 71, 13, 79, 34, 81, 73, 76, 68], [41, 48, 98, 50, 37, 95, 23, 89, 82, 93, 90, 118, 114, 76, 80, 85, 74, 65, 44, 83, 64, 14, 59, 6, 77, 47, 53, 19, 68, 124, 86, 16, 27, 81, 20, 8, 111, 102, 9, 78, 66, 121, 125, 17, 71, 7, 112, 67, 119, 84, 106, 39, 94, 12, 32, 54, 63, 116, 117, 88, 72, 113, 96, 26, 62, 42, 69, 110, 115, 127, 3, 87, 22, 43, 107, 104, 4, 56, 51, 122, 60, 99, 58, 52, 123, 30, 15, 49, 92, 46, 108, 11, 38, 36, 61, 79, 35, 97, 33, 120, 45, 126, 91, 18, 28, 13, 109, 103, 70, 29, 40, 5, 75, 21, 2, 100, 57, 55, 10, 24, 0, 31, 25, 73, 1, 105, 101, 34], [46, 103, 110, 97, 53, 14, 0, 85, 95, 82, 16, 75, 12, 72, 17, 10, 66, 70, 71, 68, 79, 3, 51, 1, 118, 5, 124, 63, 30, 126, 8, 114, 11, 23, 40, 9, 50, 123, 90, 120, 56, 65, 86, 117, 77, 119, 57, 81, 113, 125, 122, 58, 112, 88, 67, 18, 121, 83, 84, 19, 116, 87, 62, 47, 32, 20, 127, 29, 78, 91, 44, 89, 28, 25, 93, 6, 24, 54, 2, 69, 92, 107, 27, 37, 42, 43, 76, 105, 100, 101, 34, 15, 22, 35, 59, 45, 7, 109, 99, 102, 36, 60, 55, 98, 108, 61, 115, 26, 96, 48, 111, 49, 80, 106, 41, 33, 38, 73, 52, 13, 94, 104, 74, 64, 4, 21, 31, 39], [104, 53, 112, 98, 48, 21, 11, 81, 19, 16, 0, 27, 93, 5, 73, 77, 117, 76, 2, 79, 8, 6, 65, 59, 122, 111, 25, 62, 102, 68, 110, 69, 57, 67, 72, 30, 50, 71, 56, 3, 84, 116, 15, 52, 94, 92, 74, 125, 91, 45, 121, 119, 31, 39, 58, 63, 13, 108, 70, 44, 55, 54, 7, 46, 61, 107, 90, 51, 32, 105, 118, 126, 28, 88, 109, 66, 41, 22, 96, 10, 114, 82, 113, 106, 86, 100, 60, 115, 120, 26, 124, 99, 24, 64, 127, 97, 23, 33, 29, 38, 103, 36, 14, 78, 42, 1, 95, 47, 43, 49, 35, 9, 18, 37, 101, 123, 87, 89, 75, 12, 85, 20, 83, 17, 4, 80, 40, 34]], "model.layers.4.self_attn.qk_proj": [[52, 118, 53, 124, 109, 46, 112, 45, 110, 63, 59, 50, 56, 48, 122, 117, 123, 39, 95, 103, 33, 41, 104, 31, 87, 17, 23, 11, 75, 81, 15, 38, 79, 85, 21, 28, 116, 102, 119, 40, 74, 18, 82, 42, 13, 80, 22, 10, 72, 97, 25, 64, 77, 20, 16, 6, 19, 83, 0, 12, 84, 70, 89, 91, 26, 86, 90, 78, 14, 76, 68, 125, 4, 37, 99, 61, 8, 94, 73, 9, 101, 126, 47, 65, 1, 35, 2, 98, 111, 54, 113, 66, 60, 114, 105, 51, 120, 29, 121, 92, 71, 7, 57, 108, 62, 67, 115, 127, 30, 44, 93, 5, 88, 27, 69, 3, 34, 106, 49, 24, 55, 107, 58, 43, 96, 32, 36, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 59, 63, 50, 48, 56, 117, 122, 123, 39, 95, 103, 33, 41, 31, 87, 104, 11, 23, 17, 81, 15, 38, 116, 28, 0, 79, 40, 85, 75, 64, 21, 74, 18, 72, 10, 97, 102, 25, 89, 42, 22, 6, 70, 19, 82, 26, 20, 83, 91, 68, 77, 16, 80, 12, 13, 125, 78, 119, 1, 90, 14, 84, 37, 4, 76, 86, 98, 101, 54, 105, 94, 65, 66, 113, 2, 47, 9, 111, 121, 73, 126, 35, 8, 114, 61, 120, 108, 99, 57, 51, 62, 3, 115, 60, 29, 69, 71, 5, 67, 92, 106, 7, 43, 58, 34, 24, 93, 127, 27, 30, 49, 44, 55, 88, 107, 96, 32, 100, 36], [52, 118, 53, 124, 46, 109, 112, 45, 110, 63, 59, 50, 56, 122, 117, 48, 123, 39, 103, 95, 33, 41, 87, 104, 31, 23, 11, 15, 81, 0, 38, 72, 70, 75, 85, 17, 28, 64, 18, 116, 74, 82, 10, 79, 21, 13, 80, 40, 16, 22, 6, 97, 4, 83, 25, 42, 102, 19, 77, 20, 14, 12, 91, 26, 89, 84, 65, 68, 78, 76, 1, 90, 119, 125, 54, 86, 37, 66, 105, 2, 98, 94, 99, 121, 9, 8, 101, 126, 47, 114, 73, 3, 61, 120, 35, 111, 67, 5, 113, 7, 71, 69, 93, 57, 60, 108, 92, 51, 24, 29, 62, 30, 115, 44, 34, 88, 127, 58, 55, 27, 106, 49, 107, 43, 96, 32, 36, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 59, 63, 50, 56, 122, 48, 117, 39, 123, 95, 103, 33, 41, 31, 104, 87, 79, 23, 17, 11, 64, 81, 75, 72, 18, 38, 0, 70, 28, 85, 15, 21, 102, 74, 80, 97, 25, 116, 13, 40, 19, 91, 10, 83, 82, 16, 42, 6, 89, 4, 14, 22, 84, 77, 12, 86, 20, 76, 119, 78, 26, 94, 90, 98, 68, 2, 121, 65, 125, 66, 37, 101, 1, 47, 99, 105, 54, 9, 8, 114, 67, 113, 73, 3, 69, 60, 111, 120, 115, 35, 126, 61, 71, 58, 34, 29, 92, 93, 5, 88, 57, 108, 30, 44, 7, 62, 51, 24, 127, 43, 27, 106, 49, 107, 55, 96, 32, 36, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 63, 59, 56, 117, 50, 122, 48, 123, 95, 103, 39, 41, 33, 104, 87, 79, 64, 11, 75, 81, 17, 31, 70, 72, 23, 0, 38, 40, 85, 6, 15, 116, 28, 18, 21, 80, 82, 10, 74, 13, 97, 16, 22, 83, 84, 4, 42, 77, 12, 19, 25, 78, 76, 102, 26, 20, 91, 2, 89, 68, 86, 8, 65, 119, 14, 66, 120, 1, 90, 98, 9, 94, 61, 125, 113, 73, 37, 126, 47, 111, 101, 99, 121, 35, 114, 7, 67, 115, 105, 51, 57, 69, 29, 5, 60, 71, 3, 93, 92, 54, 30, 34, 108, 62, 44, 58, 106, 127, 88, 27, 24, 49, 107, 55, 43, 36, 96, 32, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 59, 63, 50, 48, 56, 122, 117, 123, 95, 39, 103, 33, 41, 104, 81, 31, 87, 79, 11, 17, 23, 75, 0, 38, 85, 64, 15, 28, 82, 21, 40, 70, 10, 6, 72, 4, 102, 80, 18, 116, 13, 74, 97, 25, 12, 16, 77, 78, 76, 83, 20, 22, 8, 91, 84, 86, 68, 19, 89, 42, 119, 14, 90, 26, 66, 125, 47, 126, 2, 1, 73, 101, 61, 94, 65, 98, 37, 54, 99, 105, 9, 113, 35, 5, 111, 29, 121, 114, 3, 71, 120, 7, 51, 115, 34, 49, 62, 60, 67, 57, 92, 108, 69, 58, 127, 93, 107, 24, 106, 27, 30, 44, 88, 43, 55, 96, 36, 32, 100], [52, 118, 53, 124, 109, 46, 45, 112, 110, 59, 63, 50, 56, 48, 122, 117, 123, 39, 103, 95, 33, 41, 104, 17, 31, 87, 79, 23, 81, 38, 11, 40, 85, 75, 28, 25, 82, 116, 18, 15, 21, 6, 74, 0, 42, 102, 13, 22, 84, 97, 76, 26, 78, 10, 20, 64, 14, 83, 16, 80, 70, 72, 19, 12, 89, 86, 119, 8, 68, 91, 4, 77, 90, 47, 61, 37, 101, 126, 1, 94, 125, 120, 9, 66, 2, 73, 98, 65, 121, 54, 113, 35, 29, 99, 111, 114, 57, 60, 71, 105, 7, 34, 93, 127, 51, 67, 62, 3, 58, 92, 108, 69, 115, 27, 5, 44, 30, 88, 24, 106, 55, 49, 43, 107, 96, 36, 100, 32], [52, 118, 53, 124, 109, 46, 112, 45, 110, 63, 59, 50, 56, 122, 48, 117, 123, 39, 95, 103, 33, 41, 104, 81, 87, 23, 17, 79, 75, 31, 85, 28, 38, 6, 15, 11, 21, 40, 64, 82, 116, 74, 10, 25, 18, 97, 76, 0, 42, 16, 77, 70, 22, 19, 84, 80, 78, 8, 119, 13, 83, 89, 20, 26, 91, 102, 14, 12, 86, 68, 4, 101, 37, 125, 66, 72, 1, 90, 65, 9, 54, 111, 98, 94, 60, 35, 126, 44, 105, 73, 120, 113, 57, 2, 93, 47, 121, 61, 7, 99, 29, 51, 24, 69, 58, 92, 67, 114, 3, 27, 71, 115, 108, 34, 5, 30, 127, 62, 106, 43, 88, 49, 55, 107, 96, 36, 32, 100], [52, 118, 53, 124, 46, 109, 112, 45, 110, 59, 63, 50, 56, 48, 122, 117, 123, 39, 95, 103, 33, 41, 87, 104, 23, 81, 31, 17, 11, 79, 85, 21, 75, 38, 82, 6, 15, 40, 97, 10, 64, 74, 83, 0, 28, 18, 80, 25, 8, 116, 22, 20, 16, 13, 42, 102, 70, 91, 76, 89, 78, 19, 84, 86, 77, 90, 12, 68, 54, 14, 119, 26, 125, 105, 4, 37, 98, 101, 66, 47, 72, 94, 111, 65, 1, 2, 61, 121, 99, 9, 126, 120, 73, 58, 113, 35, 34, 92, 93, 29, 57, 114, 51, 115, 7, 67, 108, 69, 62, 60, 3, 30, 71, 24, 44, 27, 106, 5, 43, 55, 88, 127, 49, 32, 107, 96, 36, 100], [52, 118, 53, 124, 109, 46, 45, 112, 110, 59, 63, 50, 48, 56, 122, 117, 123, 39, 103, 95, 33, 87, 41, 81, 23, 31, 104, 17, 75, 15, 21, 38, 11, 28, 85, 116, 79, 42, 18, 25, 82, 74, 40, 97, 83, 102, 0, 78, 8, 84, 16, 13, 19, 10, 90, 6, 22, 64, 12, 80, 89, 86, 26, 91, 20, 77, 70, 68, 14, 76, 119, 37, 4, 125, 101, 105, 94, 99, 54, 1, 111, 65, 47, 121, 98, 120, 72, 60, 73, 114, 126, 9, 92, 35, 66, 29, 2, 71, 61, 24, 34, 69, 7, 3, 115, 27, 113, 67, 51, 106, 57, 93, 44, 108, 5, 127, 49, 88, 58, 30, 62, 55, 107, 43, 96, 36, 32, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 63, 59, 56, 48, 50, 122, 117, 39, 123, 95, 103, 33, 41, 104, 31, 87, 75, 11, 64, 17, 79, 8, 81, 15, 23, 6, 82, 38, 28, 10, 40, 0, 21, 116, 85, 42, 70, 80, 18, 102, 97, 13, 74, 16, 83, 68, 22, 19, 77, 12, 119, 25, 20, 84, 91, 78, 26, 4, 14, 76, 86, 89, 47, 1, 66, 2, 65, 72, 101, 99, 90, 94, 9, 73, 98, 125, 37, 126, 121, 114, 105, 35, 67, 115, 127, 61, 111, 5, 60, 120, 69, 54, 113, 71, 92, 7, 3, 57, 108, 106, 29, 58, 51, 93, 30, 62, 24, 34, 107, 43, 49, 44, 27, 88, 55, 96, 36, 32, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 59, 63, 56, 50, 122, 48, 117, 123, 95, 39, 33, 103, 41, 104, 31, 15, 87, 23, 81, 75, 8, 17, 116, 64, 28, 70, 11, 40, 38, 85, 102, 18, 10, 6, 21, 0, 82, 16, 97, 79, 83, 42, 25, 77, 68, 13, 91, 19, 12, 20, 74, 22, 84, 80, 119, 89, 26, 125, 4, 14, 66, 76, 86, 78, 113, 2, 90, 101, 9, 61, 72, 65, 94, 47, 121, 51, 98, 73, 126, 111, 1, 37, 120, 105, 99, 54, 67, 35, 57, 7, 34, 69, 115, 60, 5, 93, 114, 92, 3, 62, 108, 55, 29, 71, 44, 30, 106, 127, 24, 58, 27, 88, 43, 49, 107, 32, 96, 36, 100], [52, 118, 53, 124, 109, 46, 45, 112, 110, 50, 59, 63, 48, 56, 122, 117, 123, 39, 103, 95, 33, 41, 104, 87, 17, 81, 31, 23, 38, 40, 28, 85, 75, 15, 11, 79, 25, 116, 21, 82, 83, 97, 16, 10, 22, 0, 8, 70, 18, 102, 42, 86, 26, 74, 6, 20, 89, 12, 84, 14, 80, 13, 76, 91, 19, 119, 90, 77, 78, 64, 37, 4, 101, 94, 68, 9, 72, 125, 98, 113, 1, 65, 29, 35, 105, 111, 61, 126, 2, 47, 99, 54, 60, 66, 51, 93, 121, 120, 7, 114, 73, 34, 57, 3, 27, 92, 58, 24, 71, 44, 108, 55, 5, 115, 88, 62, 49, 69, 127, 106, 67, 30, 43, 107, 36, 96, 32, 100], [52, 118, 53, 124, 109, 46, 45, 112, 110, 59, 63, 50, 56, 48, 117, 122, 123, 95, 39, 33, 103, 41, 87, 31, 104, 81, 17, 11, 23, 38, 75, 28, 79, 70, 15, 0, 85, 40, 64, 18, 10, 74, 8, 25, 97, 16, 22, 42, 102, 21, 82, 83, 116, 80, 86, 6, 84, 77, 78, 20, 12, 13, 14, 19, 91, 76, 90, 68, 72, 89, 119, 4, 9, 26, 1, 37, 125, 98, 47, 65, 2, 66, 101, 99, 105, 94, 51, 7, 61, 121, 54, 111, 35, 126, 73, 29, 120, 92, 113, 5, 60, 57, 108, 114, 67, 34, 115, 44, 127, 27, 71, 88, 3, 62, 93, 69, 58, 55, 24, 49, 30, 106, 43, 107, 36, 96, 32, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 59, 63, 50, 56, 48, 122, 117, 123, 39, 95, 33, 103, 41, 104, 87, 31, 75, 11, 23, 17, 38, 116, 70, 15, 74, 0, 81, 79, 21, 85, 42, 64, 28, 40, 119, 82, 6, 18, 16, 97, 102, 72, 19, 8, 25, 10, 13, 83, 22, 20, 80, 89, 84, 14, 4, 68, 78, 91, 77, 12, 76, 86, 26, 2, 90, 125, 1, 94, 9, 98, 37, 66, 65, 101, 120, 47, 73, 121, 126, 54, 3, 67, 7, 111, 105, 44, 99, 35, 92, 113, 57, 5, 115, 51, 61, 60, 114, 93, 27, 69, 29, 34, 71, 30, 49, 127, 108, 62, 88, 24, 55, 58, 106, 43, 107, 36, 96, 100, 32], [52, 118, 53, 124, 109, 46, 112, 45, 110, 63, 59, 50, 56, 48, 122, 117, 123, 95, 39, 103, 41, 33, 104, 87, 31, 11, 75, 23, 81, 38, 79, 17, 74, 28, 15, 70, 85, 64, 40, 18, 20, 116, 97, 102, 21, 16, 0, 72, 25, 6, 13, 10, 82, 91, 19, 80, 83, 84, 89, 22, 42, 86, 12, 76, 119, 125, 77, 4, 90, 68, 78, 8, 14, 94, 101, 66, 120, 26, 54, 73, 2, 98, 37, 111, 9, 1, 35, 126, 47, 105, 65, 34, 113, 99, 61, 51, 108, 29, 57, 121, 114, 3, 115, 60, 71, 7, 92, 67, 62, 93, 69, 5, 106, 30, 127, 58, 107, 44, 24, 43, 88, 49, 55, 27, 96, 100, 36, 32], [52, 118, 53, 124, 46, 109, 45, 112, 110, 63, 59, 50, 122, 56, 48, 117, 123, 39, 103, 95, 33, 41, 87, 23, 17, 31, 81, 15, 38, 11, 85, 79, 28, 75, 104, 72, 82, 18, 21, 74, 16, 25, 40, 14, 20, 22, 97, 6, 86, 89, 19, 10, 0, 102, 70, 84, 76, 77, 116, 91, 83, 64, 68, 13, 42, 12, 78, 80, 90, 4, 26, 125, 8, 47, 1, 9, 101, 94, 119, 105, 61, 37, 65, 98, 73, 99, 126, 113, 29, 2, 121, 66, 120, 114, 35, 111, 7, 71, 60, 34, 51, 54, 5, 58, 92, 3, 57, 24, 69, 93, 67, 88, 127, 108, 27, 115, 55, 62, 44, 30, 49, 106, 43, 96, 107, 36, 32, 100], [52, 118, 53, 124, 46, 109, 45, 112, 110, 63, 59, 50, 56, 122, 48, 39, 123, 117, 103, 95, 33, 41, 87, 31, 17, 104, 15, 75, 81, 21, 85, 23, 72, 82, 11, 28, 38, 79, 6, 18, 16, 64, 42, 10, 40, 74, 116, 89, 83, 0, 97, 70, 20, 25, 22, 12, 19, 14, 13, 102, 125, 84, 78, 80, 76, 77, 91, 86, 68, 90, 119, 26, 4, 105, 9, 126, 37, 99, 1, 98, 94, 66, 65, 8, 101, 73, 121, 2, 51, 111, 113, 3, 54, 47, 60, 7, 120, 67, 29, 127, 114, 61, 35, 71, 93, 5, 92, 57, 115, 34, 69, 44, 49, 108, 24, 62, 27, 88, 30, 43, 58, 55, 106, 107, 32, 96, 36, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 63, 59, 50, 56, 122, 48, 117, 123, 39, 95, 103, 33, 41, 31, 104, 17, 87, 75, 38, 23, 15, 0, 72, 6, 81, 79, 21, 11, 85, 116, 82, 10, 40, 97, 16, 28, 64, 89, 18, 70, 83, 19, 42, 20, 74, 102, 25, 13, 76, 14, 84, 80, 119, 22, 77, 90, 78, 68, 91, 26, 12, 4, 65, 37, 86, 101, 66, 98, 1, 8, 111, 9, 105, 73, 125, 94, 114, 2, 120, 3, 99, 35, 47, 67, 126, 121, 29, 60, 113, 51, 54, 61, 62, 34, 69, 93, 7, 30, 57, 92, 5, 71, 44, 115, 108, 88, 127, 24, 49, 27, 43, 58, 55, 106, 107, 96, 32, 36, 100], [52, 118, 53, 124, 46, 109, 45, 112, 110, 63, 59, 50, 56, 48, 122, 117, 123, 39, 95, 33, 103, 41, 17, 31, 87, 81, 23, 75, 11, 116, 104, 38, 15, 79, 28, 72, 21, 85, 74, 10, 0, 6, 40, 64, 70, 20, 18, 97, 16, 83, 19, 77, 82, 102, 90, 78, 84, 68, 25, 89, 13, 91, 76, 22, 4, 80, 42, 119, 125, 86, 12, 26, 14, 94, 65, 8, 37, 1, 98, 9, 101, 73, 66, 54, 105, 99, 120, 113, 47, 2, 121, 111, 61, 35, 71, 29, 3, 126, 7, 58, 62, 5, 69, 60, 92, 34, 51, 115, 114, 57, 93, 67, 106, 108, 24, 43, 127, 88, 44, 49, 27, 55, 30, 96, 36, 32, 107, 100], [52, 118, 53, 124, 46, 109, 112, 45, 110, 63, 59, 56, 50, 122, 117, 48, 39, 123, 95, 33, 103, 41, 31, 87, 104, 11, 81, 79, 23, 75, 17, 38, 18, 15, 85, 6, 72, 21, 28, 97, 40, 102, 10, 83, 0, 74, 64, 119, 82, 16, 116, 91, 25, 70, 77, 89, 76, 22, 80, 4, 19, 84, 42, 13, 68, 20, 12, 121, 26, 86, 78, 90, 14, 8, 47, 99, 105, 125, 94, 65, 66, 73, 120, 9, 37, 98, 114, 61, 1, 2, 101, 35, 34, 60, 126, 113, 54, 111, 29, 51, 5, 3, 69, 57, 24, 71, 108, 115, 92, 62, 7, 106, 30, 67, 93, 127, 58, 49, 43, 44, 88, 27, 55, 107, 96, 32, 36, 100], [52, 118, 53, 124, 46, 109, 112, 45, 110, 63, 59, 50, 56, 48, 122, 117, 123, 39, 95, 103, 33, 31, 41, 104, 87, 17, 38, 79, 75, 81, 85, 23, 15, 64, 116, 28, 11, 21, 0, 70, 18, 102, 83, 97, 89, 72, 40, 19, 82, 42, 26, 10, 80, 74, 91, 16, 6, 25, 77, 14, 84, 13, 20, 78, 4, 8, 22, 76, 119, 12, 68, 90, 1, 86, 37, 65, 66, 98, 47, 125, 73, 105, 94, 101, 9, 99, 60, 113, 3, 2, 126, 54, 111, 115, 57, 114, 61, 121, 35, 92, 7, 24, 69, 29, 120, 5, 67, 62, 51, 34, 49, 27, 108, 127, 93, 43, 71, 30, 58, 44, 106, 107, 88, 55, 32, 96, 100, 36], [52, 118, 53, 124, 109, 46, 112, 45, 110, 63, 59, 50, 56, 122, 48, 123, 117, 39, 95, 103, 33, 41, 87, 104, 31, 81, 11, 38, 23, 15, 17, 21, 28, 40, 85, 79, 0, 116, 75, 70, 74, 10, 16, 83, 97, 18, 22, 19, 64, 89, 82, 8, 84, 25, 77, 80, 6, 20, 42, 86, 119, 12, 91, 26, 72, 76, 13, 102, 4, 90, 78, 68, 37, 14, 66, 94, 65, 98, 1, 73, 125, 105, 101, 2, 47, 9, 35, 121, 111, 61, 120, 29, 113, 99, 114, 3, 54, 126, 51, 92, 60, 69, 34, 7, 24, 93, 30, 71, 58, 115, 27, 67, 57, 106, 5, 127, 62, 49, 108, 44, 43, 88, 107, 55, 96, 32, 100, 36], [52, 118, 53, 124, 109, 46, 45, 112, 110, 59, 63, 50, 48, 56, 122, 117, 123, 39, 95, 33, 103, 41, 31, 87, 104, 11, 81, 23, 17, 79, 38, 85, 75, 74, 40, 15, 116, 64, 28, 97, 18, 70, 8, 83, 25, 22, 21, 102, 42, 91, 80, 16, 6, 82, 90, 119, 68, 76, 13, 77, 89, 10, 19, 12, 86, 84, 26, 20, 78, 72, 14, 4, 0, 98, 37, 101, 9, 111, 65, 66, 105, 94, 54, 126, 125, 120, 99, 47, 2, 1, 73, 61, 113, 35, 121, 51, 115, 127, 29, 60, 71, 34, 57, 55, 93, 114, 69, 3, 7, 62, 92, 5, 67, 108, 106, 24, 30, 27, 88, 58, 49, 44, 107, 43, 96, 100, 36, 32], [52, 118, 53, 124, 109, 46, 45, 112, 110, 59, 63, 50, 56, 122, 48, 117, 123, 39, 103, 95, 33, 41, 104, 81, 87, 31, 17, 11, 23, 116, 15, 38, 75, 70, 85, 21, 18, 40, 79, 28, 82, 74, 83, 22, 84, 8, 77, 119, 42, 16, 19, 25, 20, 97, 80, 0, 6, 89, 10, 26, 76, 64, 12, 91, 102, 14, 78, 90, 86, 68, 47, 13, 4, 72, 65, 1, 125, 101, 37, 94, 113, 126, 73, 98, 54, 111, 9, 35, 2, 61, 114, 66, 71, 29, 60, 57, 120, 127, 121, 105, 93, 99, 34, 108, 51, 3, 92, 7, 24, 62, 69, 67, 55, 30, 106, 115, 88, 5, 44, 58, 27, 49, 43, 107, 96, 32, 100, 36], [52, 118, 53, 124, 46, 109, 45, 112, 110, 63, 50, 59, 56, 48, 123, 117, 122, 39, 95, 103, 33, 41, 87, 31, 81, 23, 104, 75, 15, 85, 11, 79, 17, 38, 28, 8, 40, 70, 74, 116, 82, 21, 97, 25, 22, 64, 18, 83, 42, 10, 89, 16, 119, 0, 102, 19, 20, 6, 14, 91, 13, 77, 80, 84, 76, 12, 90, 78, 26, 4, 68, 101, 86, 37, 111, 125, 1, 9, 98, 61, 66, 120, 72, 73, 105, 47, 65, 2, 94, 60, 57, 35, 113, 121, 51, 99, 126, 58, 92, 54, 7, 29, 106, 34, 115, 93, 62, 127, 67, 108, 114, 24, 5, 3, 49, 69, 27, 43, 55, 44, 30, 88, 71, 107, 96, 32, 36, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 59, 63, 50, 56, 48, 117, 122, 123, 39, 103, 95, 33, 41, 87, 104, 31, 11, 81, 85, 23, 15, 97, 0, 17, 28, 75, 79, 21, 8, 40, 38, 82, 102, 70, 18, 25, 119, 74, 22, 116, 16, 83, 19, 20, 80, 13, 77, 91, 10, 6, 64, 12, 14, 42, 89, 4, 26, 84, 76, 68, 90, 78, 47, 86, 99, 94, 125, 101, 37, 105, 66, 65, 72, 1, 126, 98, 73, 60, 9, 57, 35, 113, 2, 111, 61, 114, 29, 54, 121, 92, 120, 3, 67, 7, 51, 127, 69, 93, 30, 24, 71, 5, 106, 34, 27, 62, 115, 49, 44, 108, 58, 88, 107, 43, 55, 96, 36, 32, 100], [52, 118, 53, 124, 46, 109, 45, 112, 110, 63, 59, 50, 56, 48, 122, 117, 123, 39, 95, 103, 33, 41, 104, 31, 11, 17, 87, 75, 81, 0, 8, 15, 23, 79, 64, 116, 74, 40, 85, 28, 6, 38, 42, 21, 18, 20, 10, 82, 83, 97, 70, 4, 80, 76, 77, 22, 25, 102, 16, 91, 13, 14, 78, 86, 19, 12, 89, 68, 1, 119, 26, 66, 84, 113, 125, 65, 90, 47, 98, 72, 120, 94, 9, 2, 101, 37, 105, 60, 111, 73, 54, 99, 121, 35, 126, 61, 51, 67, 114, 7, 71, 34, 57, 3, 29, 69, 5, 115, 92, 127, 44, 62, 93, 58, 88, 108, 49, 55, 30, 24, 27, 106, 43, 107, 36, 96, 32, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 63, 59, 50, 56, 48, 122, 117, 123, 39, 95, 33, 103, 41, 11, 31, 104, 87, 75, 81, 116, 38, 79, 8, 23, 28, 17, 6, 15, 21, 74, 0, 85, 40, 82, 80, 64, 97, 25, 10, 42, 83, 102, 18, 19, 70, 89, 76, 91, 22, 77, 14, 119, 68, 13, 84, 16, 20, 4, 86, 12, 78, 72, 26, 90, 101, 121, 2, 125, 1, 37, 73, 9, 105, 65, 47, 66, 114, 94, 113, 98, 120, 111, 35, 99, 51, 108, 54, 34, 115, 61, 71, 3, 60, 67, 7, 5, 92, 29, 69, 126, 57, 62, 93, 58, 24, 30, 127, 106, 55, 49, 88, 44, 27, 43, 107, 96, 32, 36, 100], [52, 118, 53, 124, 109, 46, 112, 45, 110, 59, 63, 50, 122, 48, 56, 117, 123, 39, 95, 33, 103, 41, 104, 31, 15, 87, 11, 75, 23, 17, 81, 6, 79, 38, 0, 28, 8, 85, 10, 18, 64, 22, 21, 82, 40, 97, 116, 16, 83, 13, 74, 25, 102, 77, 80, 70, 19, 86, 42, 76, 4, 91, 68, 78, 20, 12, 84, 90, 14, 89, 72, 26, 47, 66, 60, 1, 119, 125, 101, 73, 94, 37, 105, 2, 65, 98, 9, 126, 35, 113, 114, 61, 111, 120, 99, 121, 69, 7, 51, 62, 3, 54, 57, 29, 71, 108, 67, 5, 34, 115, 58, 93, 92, 106, 127, 30, 49, 24, 27, 44, 107, 88, 43, 55, 96, 32, 36, 100], [52, 118, 53, 124, 109, 46, 45, 112, 110, 63, 50, 59, 56, 122, 48, 117, 123, 103, 39, 95, 33, 41, 87, 31, 38, 81, 17, 23, 104, 85, 75, 11, 15, 6, 28, 0, 18, 79, 40, 42, 97, 89, 21, 10, 82, 25, 64, 70, 80, 102, 86, 74, 22, 8, 14, 20, 19, 26, 90, 68, 76, 77, 83, 116, 78, 72, 16, 12, 4, 13, 91, 37, 101, 119, 65, 84, 9, 1, 125, 66, 98, 111, 113, 126, 105, 73, 94, 61, 35, 47, 120, 2, 54, 99, 121, 69, 67, 51, 7, 29, 34, 114, 115, 60, 71, 62, 57, 93, 49, 58, 92, 27, 5, 44, 3, 127, 108, 24, 30, 106, 88, 55, 43, 107, 96, 36, 32, 100], [52, 118, 53, 124, 109, 46, 45, 112, 110, 59, 63, 50, 56, 48, 122, 123, 117, 39, 95, 103, 41, 33, 104, 31, 81, 87, 23, 11, 75, 15, 17, 85, 40, 79, 38, 6, 10, 42, 82, 74, 97, 25, 72, 0, 28, 20, 89, 64, 21, 102, 70, 116, 77, 18, 16, 19, 91, 80, 119, 76, 14, 125, 101, 83, 8, 13, 78, 26, 68, 22, 12, 84, 86, 47, 4, 90, 37, 111, 98, 54, 105, 126, 9, 66, 2, 121, 1, 94, 61, 65, 73, 120, 114, 99, 60, 35, 115, 29, 71, 113, 57, 62, 51, 108, 58, 67, 3, 93, 5, 7, 34, 92, 24, 69, 44, 106, 127, 88, 30, 27, 49, 43, 96, 55, 107, 32, 36, 100]], "model.layers.5.self_attn.q_proj": [[39, 106, 98, 50, 20, 80, 42, 23, 127, 116, 14, 49, 18, 10, 124, 51, 27, 47, 74, 61, 120, 103, 54, 12, 24, 112, 87, 57, 84, 71, 25, 115, 68, 48, 63, 29, 111, 123, 16, 96, 15, 26, 76, 113, 85, 82, 83, 9, 79, 88, 125, 52, 118, 92, 114, 28, 121, 91, 122, 21, 78, 93, 41, 62, 94, 99, 8, 59, 75, 86, 58, 6, 89, 81, 126, 30, 44, 22, 90, 97, 35, 11, 95, 60, 31, 2, 45, 104, 109, 110, 119, 36, 108, 70, 117, 102, 107, 19, 33, 40, 105, 56, 38, 32, 46, 13, 53, 3, 17, 77, 37, 43, 100, 101, 55, 7, 69, 34, 73, 4, 72, 5, 1, 65, 0, 66, 67, 64], [39, 98, 106, 49, 47, 51, 127, 57, 54, 23, 48, 27, 120, 116, 44, 63, 124, 50, 111, 92, 59, 123, 126, 60, 28, 46, 121, 105, 61, 41, 42, 52, 55, 112, 115, 43, 107, 118, 58, 125, 108, 53, 36, 119, 22, 110, 62, 117, 18, 102, 45, 113, 32, 40, 82, 104, 109, 96, 100, 21, 38, 35, 114, 56, 101, 122, 99, 30, 37, 25, 80, 97, 93, 33, 95, 31, 85, 89, 29, 87, 83, 78, 94, 91, 90, 14, 26, 34, 10, 79, 84, 20, 24, 19, 88, 16, 17, 103, 86, 12, 76, 81, 4, 74, 75, 77, 73, 15, 7, 11, 67, 13, 64, 70, 69, 72, 8, 71, 9, 3, 66, 68, 5, 6, 0, 65, 1, 2], [39, 106, 98, 50, 18, 74, 20, 88, 80, 14, 12, 23, 42, 68, 103, 116, 49, 6, 47, 51, 10, 9, 54, 4, 2, 7, 91, 21, 44, 83, 61, 121, 75, 64, 124, 127, 57, 70, 120, 71, 115, 87, 72, 92, 125, 16, 73, 13, 15, 11, 48, 28, 3, 24, 76, 17, 52, 22, 78, 67, 84, 89, 111, 63, 85, 123, 82, 112, 77, 59, 126, 86, 5, 8, 58, 60, 30, 81, 79, 66, 27, 113, 25, 19, 0, 1, 26, 118, 69, 110, 33, 114, 38, 94, 105, 122, 65, 95, 32, 31, 29, 41, 97, 55, 36, 102, 109, 93, 96, 101, 119, 46, 90, 53, 99, 117, 100, 108, 43, 45, 35, 34, 37, 40, 104, 62, 107, 56], [106, 39, 50, 98, 18, 12, 80, 20, 6, 23, 14, 9, 2, 74, 42, 47, 49, 116, 103, 64, 70, 28, 127, 87, 54, 51, 57, 91, 7, 71, 124, 68, 120, 61, 75, 115, 60, 3, 10, 4, 76, 24, 78, 67, 121, 27, 48, 26, 69, 13, 1, 11, 118, 126, 63, 89, 125, 84, 19, 17, 44, 123, 82, 16, 21, 66, 111, 15, 59, 83, 112, 119, 73, 65, 22, 8, 55, 52, 5, 77, 58, 41, 0, 62, 72, 105, 46, 81, 88, 85, 110, 108, 53, 30, 107, 33, 113, 109, 40, 114, 79, 104, 101, 29, 38, 43, 35, 99, 45, 117, 96, 122, 25, 36, 100, 102, 97, 95, 93, 56, 31, 86, 94, 90, 92, 32, 37, 34], [38, 110, 126, 125, 115, 48, 72, 112, 7, 23, 5, 4, 74, 6, 76, 70, 67, 29, 20, 11, 16, 13, 46, 51, 90, 81, 75, 12, 93, 9, 78, 26, 83, 18, 73, 66, 14, 80, 68, 65, 10, 84, 2, 69, 62, 59, 117, 17, 21, 19, 79, 122, 123, 15, 121, 56, 113, 116, 120, 55, 50, 8, 105, 91, 31, 64, 63, 124, 85, 114, 95, 87, 118, 49, 61, 53, 47, 111, 32, 58, 104, 89, 109, 27, 54, 88, 119, 71, 40, 127, 41, 44, 77, 82, 96, 45, 52, 60, 35, 108, 106, 107, 43, 42, 37, 57, 94, 28, 101, 103, 24, 1, 100, 36, 22, 86, 98, 39, 34, 3, 99, 97, 33, 25, 92, 30, 102, 0], [110, 38, 126, 112, 48, 46, 115, 125, 51, 62, 17, 116, 122, 59, 123, 56, 16, 105, 50, 121, 117, 14, 124, 84, 120, 104, 85, 32, 113, 49, 26, 55, 114, 61, 13, 119, 63, 53, 102, 118, 47, 31, 111, 41, 58, 88, 109, 27, 107, 45, 29, 127, 54, 44, 60, 40, 15, 108, 93, 52, 11, 42, 74, 106, 100, 24, 43, 57, 37, 91, 96, 103, 87, 19, 36, 90, 99, 101, 39, 35, 76, 33, 98, 34, 82, 97, 28, 95, 81, 94, 9, 89, 22, 30, 21, 92, 20, 25, 23, 72, 18, 8, 86, 71, 83, 75, 80, 6, 77, 10, 79, 78, 7, 0, 68, 5, 69, 66, 3, 12, 1, 65, 73, 70, 64, 2, 4, 67], [38, 110, 48, 112, 125, 115, 126, 46, 93, 51, 78, 83, 26, 21, 11, 72, 88, 122, 32, 123, 10, 31, 7, 124, 62, 116, 79, 77, 81, 50, 95, 15, 74, 56, 5, 29, 41, 85, 75, 61, 84, 59, 121, 18, 55, 19, 86, 90, 73, 117, 17, 106, 53, 113, 27, 120, 63, 91, 40, 80, 70, 111, 127, 47, 58, 14, 6, 92, 96, 49, 109, 104, 60, 105, 114, 4, 25, 44, 23, 45, 119, 24, 118, 97, 9, 30, 107, 28, 99, 89, 37, 108, 13, 67, 35, 43, 94, 22, 39, 68, 52, 34, 100, 101, 20, 54, 87, 103, 33, 66, 98, 16, 36, 42, 76, 57, 65, 12, 82, 8, 102, 64, 71, 3, 69, 2, 0, 1], [38, 110, 112, 115, 48, 46, 125, 51, 26, 31, 27, 122, 62, 88, 50, 102, 93, 21, 116, 117, 59, 56, 123, 23, 124, 126, 120, 104, 105, 106, 32, 41, 83, 53, 40, 61, 58, 86, 101, 111, 17, 29, 100, 113, 121, 47, 60, 49, 63, 95, 78, 33, 45, 119, 35, 109, 114, 16, 22, 96, 91, 74, 54, 99, 55, 84, 36, 37, 85, 30, 52, 28, 89, 94, 43, 107, 11, 42, 108, 118, 87, 44, 34, 14, 103, 18, 72, 98, 90, 80, 127, 57, 39, 97, 92, 13, 20, 7, 6, 79, 24, 25, 9, 19, 5, 76, 75, 15, 66, 68, 10, 82, 65, 77, 12, 81, 3, 73, 1, 0, 71, 67, 70, 64, 8, 4, 2, 69], [113, 121, 86, 61, 125, 49, 57, 59, 85, 116, 52, 60, 56, 122, 22, 62, 55, 117, 53, 124, 114, 63, 127, 54, 115, 119, 51, 123, 18, 58, 118, 50, 112, 120, 110, 111, 126, 109, 48, 46, 45, 47, 44, 108, 107, 43, 106, 23, 42, 105, 41, 40, 90, 104, 39, 35, 36, 38, 94, 95, 102, 103, 87, 34, 37, 15, 96, 100, 82, 97, 98, 64, 99, 1, 30, 31, 101, 21, 91, 66, 33, 16, 28, 3, 84, 25, 93, 65, 88, 12, 92, 80, 0, 77, 14, 69, 26, 78, 13, 89, 74, 4, 75, 24, 73, 71, 29, 2, 67, 20, 83, 8, 6, 19, 17, 68, 27, 79, 9, 10, 32, 11, 5, 7, 70, 76, 81, 72], [121, 113, 61, 125, 49, 22, 57, 59, 116, 52, 56, 62, 122, 55, 60, 117, 63, 114, 53, 127, 124, 119, 115, 51, 58, 54, 123, 118, 50, 112, 120, 110, 111, 126, 25, 48, 109, 46, 90, 47, 45, 44, 64, 19, 108, 107, 106, 30, 43, 66, 3, 69, 65, 96, 105, 42, 95, 38, 41, 26, 92, 40, 39, 104, 34, 27, 4, 94, 102, 1, 100, 36, 103, 71, 35, 97, 23, 98, 9, 67, 29, 87, 99, 33, 70, 86, 32, 24, 6, 15, 2, 31, 37, 0, 101, 84, 28, 18, 93, 85, 68, 13, 8, 88, 10, 80, 91, 83, 5, 77, 76, 12, 89, 82, 11, 78, 17, 16, 79, 75, 81, 7, 20, 14, 72, 21, 73, 74], [113, 121, 61, 125, 49, 57, 86, 22, 59, 116, 52, 60, 56, 122, 117, 62, 55, 53, 63, 114, 124, 54, 119, 51, 127, 123, 58, 115, 118, 120, 21, 50, 110, 112, 111, 126, 109, 46, 48, 45, 47, 44, 83, 108, 107, 106, 87, 43, 92, 42, 105, 30, 25, 41, 23, 89, 96, 40, 39, 104, 38, 90, 20, 34, 88, 94, 36, 103, 102, 64, 35, 100, 99, 18, 24, 97, 66, 26, 19, 1, 27, 93, 95, 65, 3, 98, 69, 33, 31, 37, 28, 0, 101, 77, 4, 10, 32, 11, 29, 85, 71, 76, 67, 13, 9, 2, 81, 8, 12, 6, 68, 91, 14, 82, 80, 84, 72, 15, 70, 78, 79, 5, 75, 16, 17, 73, 74, 7], [37, 61, 125, 49, 121, 57, 113, 59, 22, 96, 62, 55, 122, 32, 52, 116, 20, 60, 127, 56, 91, 115, 88, 124, 83, 117, 30, 77, 28, 54, 119, 53, 123, 110, 51, 63, 29, 114, 58, 112, 45, 92, 94, 50, 118, 9, 46, 120, 44, 111, 47, 109, 48, 79, 126, 69, 11, 71, 89, 76, 18, 26, 108, 93, 105, 43, 66, 87, 107, 33, 41, 36, 106, 81, 64, 39, 8, 3, 82, 42, 6, 104, 34, 99, 40, 10, 65, 23, 90, 4, 27, 17, 78, 74, 24, 98, 97, 103, 102, 19, 101, 100, 84, 31, 1, 25, 38, 73, 14, 80, 35, 75, 95, 12, 68, 13, 16, 7, 15, 85, 70, 67, 21, 2, 72, 86, 0, 5], [38, 44, 115, 90, 51, 22, 84, 108, 17, 72, 79, 81, 74, 18, 29, 126, 8, 12, 127, 16, 10, 78, 33, 82, 28, 19, 89, 112, 123, 120, 36, 4, 116, 5, 124, 122, 13, 125, 71, 60, 76, 98, 103, 35, 39, 110, 49, 107, 50, 91, 62, 47, 52, 15, 67, 97, 111, 80, 42, 45, 121, 73, 118, 113, 119, 114, 105, 20, 25, 109, 63, 55, 59, 53, 96, 86, 58, 23, 41, 30, 54, 87, 61, 106, 6, 46, 40, 37, 43, 101, 117, 99, 48, 26, 31, 34, 70, 14, 100, 94, 57, 95, 32, 24, 104, 68, 21, 92, 9, 77, 65, 56, 85, 27, 88, 93, 2, 75, 11, 0, 102, 83, 7, 1, 3, 69, 66, 64], [38, 44, 115, 69, 71, 51, 79, 12, 17, 22, 18, 108, 84, 74, 81, 8, 78, 90, 2, 64, 3, 33, 5, 66, 102, 7, 68, 65, 120, 126, 1, 10, 49, 15, 67, 14, 57, 112, 70, 76, 95, 59, 125, 82, 20, 52, 23, 88, 9, 73, 19, 75, 26, 83, 56, 4, 16, 0, 13, 11, 87, 127, 119, 86, 92, 29, 98, 89, 116, 114, 124, 80, 72, 37, 6, 93, 58, 25, 61, 28, 91, 36, 110, 77, 104, 99, 41, 45, 27, 117, 35, 122, 106, 63, 21, 34, 96, 30, 85, 118, 121, 31, 62, 123, 100, 94, 24, 111, 48, 50, 60, 101, 32, 42, 39, 105, 97, 46, 40, 103, 109, 47, 55, 54, 53, 43, 113, 107], [38, 44, 115, 74, 18, 84, 79, 12, 51, 108, 69, 22, 71, 3, 8, 78, 2, 64, 70, 102, 33, 1, 17, 67, 90, 68, 76, 81, 6, 7, 15, 66, 120, 16, 28, 4, 112, 23, 82, 10, 52, 59, 126, 91, 65, 86, 88, 49, 98, 26, 73, 127, 125, 72, 92, 95, 5, 57, 56, 89, 41, 85, 83, 9, 24, 118, 114, 117, 35, 0, 13, 20, 14, 58, 46, 29, 93, 19, 25, 116, 45, 75, 123, 80, 105, 50, 21, 111, 62, 11, 31, 110, 37, 124, 40, 63, 30, 32, 42, 60, 107, 119, 104, 113, 36, 47, 94, 109, 101, 77, 48, 39, 99, 122, 61, 87, 103, 53, 121, 34, 106, 55, 100, 43, 96, 97, 54, 27], [38, 44, 115, 84, 51, 22, 18, 108, 12, 17, 8, 79, 78, 74, 16, 72, 33, 19, 70, 89, 67, 5, 68, 10, 4, 81, 24, 126, 120, 90, 71, 65, 127, 2, 92, 112, 76, 49, 82, 6, 73, 69, 125, 28, 7, 75, 13, 60, 14, 3, 80, 29, 116, 23, 25, 114, 86, 98, 35, 56, 9, 50, 57, 117, 64, 107, 20, 123, 0, 58, 52, 32, 36, 124, 103, 41, 87, 93, 88, 91, 21, 26, 15, 1, 102, 39, 96, 37, 118, 43, 11, 95, 53, 83, 30, 63, 111, 100, 110, 31, 61, 62, 101, 106, 85, 40, 104, 47, 94, 113, 55, 77, 27, 109, 45, 97, 121, 59, 46, 34, 119, 99, 48, 122, 105, 54, 42, 66], [38, 44, 34, 119, 118, 53, 56, 81, 30, 78, 23, 84, 126, 47, 11, 25, 71, 122, 5, 8, 12, 52, 79, 9, 82, 87, 93, 54, 27, 29, 61, 116, 20, 50, 19, 94, 90, 125, 86, 13, 14, 66, 55, 17, 67, 7, 75, 15, 18, 127, 28, 10, 106, 16, 51, 70, 89, 101, 4, 22, 62, 46, 77, 88, 21, 121, 26, 68, 85, 69, 102, 80, 48, 73, 3, 74, 2, 96, 49, 97, 63, 105, 1, 58, 98, 42, 0, 91, 114, 24, 83, 110, 35, 59, 72, 41, 92, 113, 76, 64, 32, 117, 33, 40, 65, 99, 36, 95, 39, 43, 123, 109, 37, 31, 103, 6, 100, 108, 120, 124, 104, 115, 60, 107, 57, 112, 111, 45], [44, 53, 38, 118, 47, 34, 27, 101, 119, 126, 116, 22, 122, 54, 58, 94, 102, 30, 79, 56, 82, 46, 114, 84, 108, 59, 41, 125, 23, 106, 57, 62, 55, 93, 103, 52, 110, 63, 26, 113, 90, 50, 109, 29, 123, 61, 115, 60, 42, 124, 51, 48, 117, 31, 40, 105, 49, 121, 43, 86, 104, 127, 112, 33, 45, 9, 120, 107, 100, 80, 98, 39, 18, 37, 24, 99, 36, 92, 111, 25, 91, 73, 96, 88, 83, 28, 3, 13, 32, 35, 76, 21, 95, 85, 97, 69, 81, 72, 71, 89, 11, 20, 14, 74, 16, 75, 19, 15, 70, 7, 12, 10, 87, 6, 77, 68, 67, 0, 65, 17, 8, 2, 4, 78, 66, 64, 5, 1], [44, 38, 119, 56, 118, 53, 34, 58, 27, 84, 30, 94, 42, 79, 101, 25, 122, 125, 21, 116, 114, 82, 41, 23, 26, 50, 9, 127, 18, 62, 117, 47, 24, 54, 93, 113, 59, 52, 92, 51, 46, 105, 99, 57, 108, 55, 86, 96, 126, 48, 61, 60, 81, 33, 29, 28, 123, 103, 39, 90, 124, 31, 110, 22, 89, 120, 88, 112, 87, 12, 106, 49, 15, 91, 102, 121, 63, 109, 13, 71, 45, 104, 40, 11, 35, 115, 83, 97, 19, 85, 100, 95, 77, 75, 36, 37, 20, 16, 111, 107, 43, 32, 80, 78, 73, 98, 3, 17, 7, 70, 10, 67, 74, 76, 0, 5, 6, 14, 2, 66, 4, 64, 69, 8, 68, 72, 65, 1], [38, 53, 118, 119, 56, 34, 12, 44, 88, 23, 25, 84, 30, 47, 27, 81, 108, 6, 8, 126, 94, 1, 18, 89, 9, 86, 87, 79, 19, 33, 67, 21, 112, 54, 15, 58, 20, 52, 105, 65, 82, 41, 42, 55, 125, 46, 16, 117, 114, 101, 102, 77, 123, 116, 11, 48, 92, 122, 31, 26, 72, 62, 80, 57, 120, 90, 39, 70, 76, 115, 83, 110, 63, 61, 50, 32, 78, 97, 37, 106, 75, 85, 29, 124, 113, 45, 95, 59, 51, 5, 103, 100, 35, 2, 104, 0, 127, 17, 43, 74, 14, 22, 28, 107, 121, 64, 60, 7, 96, 109, 40, 13, 69, 111, 49, 93, 99, 36, 68, 10, 4, 91, 24, 73, 71, 66, 3, 98], [39, 51, 50, 114, 97, 115, 113, 54, 117, 85, 124, 87, 120, 121, 58, 29, 63, 27, 24, 55, 61, 122, 126, 91, 111, 75, 92, 108, 25, 32, 112, 83, 57, 33, 26, 93, 53, 22, 56, 20, 59, 116, 79, 82, 73, 18, 17, 60, 88, 23, 49, 69, 21, 81, 14, 99, 48, 119, 77, 95, 34, 90, 80, 109, 16, 38, 40, 72, 41, 28, 30, 127, 107, 84, 7, 94, 78, 71, 52, 123, 15, 43, 76, 89, 100, 118, 110, 45, 125, 47, 44, 42, 86, 96, 104, 36, 98, 37, 106, 46, 102, 101, 31, 35, 105, 9, 12, 62, 11, 13, 74, 3, 5, 67, 70, 19, 8, 6, 66, 2, 4, 1, 0, 68, 10, 103, 64, 65], [51, 39, 114, 113, 50, 121, 97, 116, 61, 53, 59, 124, 60, 54, 122, 29, 120, 118, 87, 52, 105, 45, 125, 24, 56, 115, 112, 86, 63, 123, 103, 58, 26, 88, 27, 119, 109, 83, 25, 110, 107, 95, 62, 46, 85, 117, 40, 111, 92, 55, 33, 57, 44, 18, 82, 43, 127, 94, 126, 49, 98, 108, 47, 93, 106, 20, 42, 90, 41, 34, 35, 75, 23, 102, 101, 96, 38, 48, 15, 100, 89, 36, 14, 17, 37, 99, 104, 91, 19, 80, 73, 31, 32, 77, 28, 84, 12, 21, 22, 81, 30, 16, 72, 74, 70, 69, 78, 11, 0, 13, 68, 67, 64, 66, 79, 76, 1, 3, 71, 9, 6, 2, 5, 65, 8, 7, 10, 4], [39, 114, 51, 50, 97, 121, 122, 11, 9, 21, 87, 29, 36, 116, 83, 34, 54, 12, 30, 98, 14, 92, 6, 48, 19, 109, 110, 8, 119, 10, 62, 94, 53, 5, 113, 126, 35, 63, 15, 42, 13, 28, 55, 71, 47, 59, 67, 127, 57, 76, 111, 108, 58, 117, 70, 101, 43, 2, 16, 91, 79, 118, 93, 115, 68, 40, 125, 100, 4, 120, 52, 32, 60, 45, 106, 73, 102, 74, 112, 123, 56, 23, 105, 41, 46, 49, 95, 38, 89, 72, 96, 81, 44, 65, 90, 104, 99, 37, 22, 61, 107, 82, 0, 84, 18, 124, 86, 26, 85, 20, 75, 27, 78, 31, 17, 25, 88, 103, 33, 24, 80, 77, 1, 7, 69, 3, 64, 66], [39, 51, 114, 50, 97, 113, 54, 122, 121, 85, 24, 61, 87, 63, 92, 29, 48, 116, 124, 83, 95, 25, 117, 57, 27, 34, 26, 80, 126, 40, 82, 28, 111, 120, 20, 119, 33, 53, 110, 58, 91, 60, 77, 14, 17, 75, 108, 32, 15, 55, 47, 56, 73, 42, 21, 115, 89, 59, 23, 62, 88, 125, 107, 127, 19, 36, 98, 86, 74, 104, 49, 94, 81, 90, 52, 118, 18, 41, 38, 78, 101, 79, 105, 106, 22, 84, 72, 30, 43, 123, 35, 112, 13, 12, 44, 37, 76, 11, 102, 109, 93, 100, 70, 45, 99, 69, 16, 96, 31, 46, 67, 7, 68, 71, 9, 0, 10, 8, 1, 6, 2, 65, 3, 4, 5, 66, 64, 103], [108, 124, 102, 122, 62, 34, 107, 23, 30, 60, 50, 35, 119, 104, 25, 120, 45, 31, 123, 114, 121, 49, 117, 61, 103, 87, 40, 106, 47, 29, 55, 44, 110, 22, 20, 28, 32, 86, 118, 52, 38, 58, 59, 41, 33, 63, 53, 92, 115, 113, 48, 88, 43, 54, 126, 96, 105, 89, 46, 99, 56, 26, 57, 111, 51, 42, 91, 116, 112, 125, 127, 109, 101, 97, 94, 37, 79, 100, 77, 21, 39, 93, 84, 95, 27, 36, 90, 24, 11, 16, 17, 13, 83, 69, 81, 18, 72, 19, 75, 8, 15, 98, 78, 5, 10, 14, 74, 3, 65, 7, 64, 0, 67, 66, 68, 85, 1, 71, 4, 12, 80, 82, 2, 73, 9, 6, 76, 70], [102, 124, 34, 108, 62, 122, 107, 23, 17, 93, 25, 21, 11, 79, 104, 77, 18, 16, 120, 30, 69, 15, 114, 96, 29, 22, 32, 10, 83, 19, 85, 126, 89, 54, 5, 20, 117, 26, 49, 40, 31, 50, 92, 87, 127, 123, 110, 73, 2, 28, 90, 86, 119, 60, 1, 81, 51, 118, 103, 24, 91, 43, 109, 35, 41, 27, 47, 44, 84, 45, 38, 36, 116, 8, 57, 74, 78, 37, 125, 100, 13, 82, 112, 63, 94, 71, 68, 53, 67, 115, 97, 106, 0, 88, 75, 14, 61, 99, 55, 101, 105, 64, 111, 58, 42, 95, 33, 39, 46, 113, 121, 56, 72, 59, 52, 65, 4, 3, 7, 80, 48, 66, 12, 6, 9, 76, 98, 70], [102, 62, 122, 34, 124, 21, 93, 18, 108, 16, 40, 23, 12, 29, 83, 90, 77, 25, 73, 85, 11, 92, 61, 76, 126, 96, 100, 8, 24, 6, 26, 44, 27, 28, 116, 49, 82, 70, 107, 22, 119, 20, 32, 120, 84, 112, 78, 5, 42, 19, 57, 53, 58, 7, 46, 71, 17, 48, 36, 79, 106, 69, 80, 95, 123, 127, 67, 88, 4, 59, 114, 75, 109, 65, 103, 2, 43, 33, 63, 50, 0, 104, 13, 99, 9, 68, 86, 110, 14, 15, 45, 97, 66, 47, 41, 113, 117, 87, 105, 10, 89, 3, 55, 72, 37, 54, 98, 51, 91, 52, 111, 1, 64, 74, 30, 94, 81, 56, 31, 121, 115, 101, 118, 35, 60, 38, 39, 125], [62, 102, 122, 108, 34, 124, 26, 120, 23, 51, 35, 123, 30, 90, 40, 61, 21, 95, 24, 29, 96, 75, 110, 48, 93, 60, 16, 54, 5, 127, 37, 45, 114, 22, 20, 39, 50, 72, 31, 18, 94, 58, 79, 107, 49, 104, 8, 36, 32, 89, 118, 69, 44, 77, 117, 86, 59, 112, 125, 25, 103, 116, 11, 57, 106, 121, 111, 87, 56, 92, 52, 97, 55, 126, 53, 83, 76, 27, 119, 101, 91, 47, 46, 28, 41, 84, 113, 63, 109, 33, 100, 88, 74, 115, 82, 105, 3, 17, 15, 42, 98, 85, 13, 81, 73, 99, 10, 43, 38, 70, 14, 12, 71, 19, 80, 9, 0, 78, 2, 1, 68, 7, 4, 66, 67, 65, 64, 6], [38, 97, 53, 117, 21, 81, 80, 75, 14, 71, 4, 87, 76, 9, 6, 66, 13, 1, 83, 24, 123, 70, 74, 68, 118, 2, 85, 19, 12, 16, 90, 72, 0, 65, 10, 73, 94, 113, 11, 46, 18, 17, 88, 3, 92, 112, 79, 106, 64, 103, 124, 119, 86, 77, 84, 82, 25, 122, 78, 69, 7, 55, 93, 27, 111, 23, 5, 115, 42, 96, 91, 89, 15, 51, 28, 41, 62, 29, 35, 30, 120, 39, 109, 22, 56, 57, 98, 26, 54, 61, 99, 121, 50, 47, 67, 48, 36, 100, 31, 59, 52, 107, 45, 125, 20, 108, 40, 58, 104, 60, 110, 101, 44, 95, 116, 127, 114, 49, 105, 43, 32, 34, 37, 63, 126, 8, 33, 102], [38, 53, 97, 117, 87, 80, 21, 75, 76, 81, 6, 14, 70, 74, 4, 71, 9, 83, 68, 123, 24, 13, 118, 2, 1, 113, 19, 94, 66, 46, 72, 73, 55, 11, 103, 92, 119, 106, 17, 85, 16, 89, 93, 23, 12, 45, 0, 88, 96, 122, 79, 77, 112, 10, 78, 29, 20, 42, 51, 91, 111, 82, 69, 64, 84, 62, 52, 41, 86, 124, 35, 15, 28, 33, 8, 65, 7, 25, 40, 60, 18, 26, 3, 36, 105, 104, 50, 90, 120, 27, 48, 121, 107, 101, 109, 30, 116, 47, 56, 5, 108, 54, 110, 63, 99, 95, 57, 125, 100, 115, 39, 59, 98, 127, 58, 67, 114, 61, 34, 31, 22, 49, 44, 37, 43, 32, 126, 102], [38, 53, 97, 117, 21, 87, 81, 76, 75, 80, 123, 14, 4, 66, 70, 6, 118, 9, 74, 24, 19, 90, 12, 7, 69, 16, 46, 92, 71, 51, 65, 82, 112, 78, 64, 103, 56, 84, 30, 106, 23, 122, 25, 110, 15, 11, 98, 119, 121, 94, 17, 113, 47, 3, 85, 83, 1, 26, 31, 125, 35, 41, 39, 111, 88, 57, 91, 115, 73, 60, 49, 42, 93, 86, 52, 37, 18, 54, 27, 50, 29, 107, 34, 124, 58, 101, 22, 44, 59, 13, 10, 20, 126, 77, 61, 96, 36, 109, 120, 105, 79, 89, 40, 116, 63, 55, 99, 95, 28, 43, 127, 108, 104, 62, 48, 2, 45, 114, 100, 32, 67, 0, 5, 72, 8, 102, 68, 33], [38, 53, 97, 117, 87, 80, 6, 76, 21, 81, 14, 75, 74, 9, 1, 19, 3, 113, 68, 8, 71, 123, 7, 5, 82, 118, 2, 72, 85, 65, 46, 18, 70, 24, 23, 122, 91, 55, 41, 83, 35, 119, 78, 79, 10, 88, 67, 105, 12, 40, 112, 33, 106, 94, 111, 28, 15, 16, 66, 69, 84, 109, 27, 64, 45, 107, 36, 50, 86, 124, 61, 13, 90, 121, 103, 93, 26, 56, 98, 120, 77, 47, 30, 60, 115, 114, 116, 96, 25, 92, 59, 95, 42, 51, 73, 20, 104, 48, 58, 89, 0, 126, 29, 52, 17, 108, 57, 44, 110, 49, 125, 37, 22, 99, 34, 43, 62, 31, 54, 63, 127, 11, 101, 32, 39, 100, 102, 4]], "model.layers.5.self_attn.k_proj": [[42, 103, 50, 34, 12, 9, 80, 23, 20, 14, 18, 114, 7, 51, 66, 111, 6, 4, 74, 52, 64, 113, 79, 49, 126, 54, 8, 61, 127, 57, 67, 112, 116, 92, 27, 65, 108, 73, 0, 88, 121, 58, 1, 21, 124, 5, 77, 120, 59, 28, 125, 26, 86, 123, 69, 46, 62, 98, 106, 38, 81, 60, 94, 105, 91, 99, 55, 47, 44, 85, 93, 22, 45, 71, 24, 70, 41, 102, 122, 109, 37, 48, 117, 119, 90, 40, 63, 118, 11, 97, 53, 43, 25, 17, 95, 115, 104, 89, 56, 32, 3, 96, 110, 30, 101, 19, 100, 35, 107, 75, 16, 72, 29, 33, 83, 13, 31, 36, 10, 84, 15, 76, 82, 87, 78, 2, 68, 39], [46, 102, 115, 112, 125, 93, 126, 23, 26, 83, 9, 79, 80, 21, 76, 81, 20, 6, 68, 24, 3, 12, 122, 15, 13, 71, 124, 50, 77, 8, 41, 66, 116, 5, 106, 91, 123, 117, 113, 31, 16, 56, 55, 62, 58, 82, 69, 53, 78, 105, 63, 104, 95, 127, 74, 108, 111, 44, 45, 109, 118, 0, 47, 51, 96, 121, 107, 52, 40, 29, 59, 48, 60, 119, 114, 75, 33, 1, 120, 72, 49, 61, 43, 37, 19, 11, 54, 42, 36, 17, 10, 22, 18, 85, 39, 35, 110, 101, 34, 97, 99, 57, 32, 100, 88, 103, 98, 65, 84, 30, 94, 14, 25, 86, 27, 89, 28, 7, 92, 73, 87, 90, 2, 70, 38, 64, 67, 4], [61, 121, 125, 101, 57, 49, 113, 22, 32, 127, 62, 115, 55, 56, 122, 117, 17, 123, 52, 84, 51, 60, 58, 99, 59, 124, 63, 119, 54, 120, 116, 93, 114, 126, 50, 112, 88, 118, 53, 30, 48, 91, 110, 109, 47, 111, 46, 45, 43, 44, 92, 24, 95, 14, 12, 102, 35, 108, 79, 42, 82, 18, 107, 39, 10, 106, 83, 40, 41, 77, 100, 38, 37, 94, 21, 20, 97, 105, 16, 87, 104, 103, 11, 85, 36, 78, 72, 89, 80, 25, 98, 9, 33, 96, 29, 34, 31, 75, 86, 15, 90, 71, 13, 28, 74, 70, 19, 4, 23, 8, 26, 81, 66, 64, 27, 69, 3, 65, 73, 5, 6, 7, 1, 0, 76, 67, 68, 2], [108, 115, 102, 12, 22, 78, 84, 74, 18, 17, 79, 44, 69, 64, 71, 8, 68, 66, 90, 3, 75, 97, 120, 73, 2, 65, 48, 116, 1, 6, 16, 126, 24, 49, 70, 29, 67, 125, 113, 51, 93, 57, 59, 114, 19, 89, 88, 9, 21, 117, 11, 85, 124, 14, 23, 92, 58, 7, 91, 83, 0, 80, 25, 81, 62, 107, 39, 118, 30, 63, 77, 27, 55, 87, 95, 53, 10, 36, 127, 56, 99, 26, 32, 34, 31, 4, 119, 112, 41, 105, 28, 103, 43, 94, 60, 45, 52, 61, 13, 121, 104, 106, 40, 37, 100, 42, 54, 96, 123, 122, 82, 98, 110, 47, 35, 46, 101, 111, 109, 50, 33, 76, 86, 72, 38, 20, 15, 5], [102, 119, 118, 56, 53, 98, 94, 27, 108, 23, 84, 81, 25, 79, 64, 12, 9, 66, 117, 58, 5, 78, 57, 54, 37, 109, 125, 42, 67, 113, 8, 82, 114, 104, 55, 52, 105, 11, 39, 126, 24, 115, 85, 71, 62, 124, 123, 46, 110, 45, 50, 61, 19, 122, 48, 63, 121, 38, 1, 107, 6, 13, 22, 127, 112, 120, 41, 80, 4, 51, 43, 49, 60, 35, 59, 47, 74, 33, 111, 40, 18, 69, 65, 99, 90, 103, 31, 10, 116, 3, 29, 36, 97, 83, 21, 44, 68, 77, 100, 106, 96, 92, 70, 86, 32, 75, 93, 0, 30, 91, 7, 95, 88, 87, 16, 28, 14, 26, 89, 76, 72, 2, 101, 17, 20, 15, 34, 73], [103, 114, 51, 33, 31, 87, 85, 79, 49, 115, 83, 77, 27, 46, 17, 24, 7, 122, 76, 78, 25, 18, 108, 29, 4, 10, 84, 98, 121, 75, 57, 6, 3, 8, 74, 86, 30, 62, 82, 55, 48, 42, 65, 113, 69, 54, 119, 111, 5, 110, 99, 109, 127, 64, 101, 45, 89, 104, 63, 9, 112, 126, 56, 91, 123, 2, 38, 93, 58, 47, 92, 100, 52, 44, 13, 66, 125, 43, 118, 72, 94, 73, 41, 102, 40, 61, 35, 106, 23, 50, 96, 105, 116, 117, 26, 59, 12, 32, 81, 120, 36, 53, 67, 15, 22, 97, 60, 37, 107, 21, 95, 34, 88, 124, 28, 16, 80, 19, 14, 20, 90, 71, 70, 11, 39, 1, 0, 68], [38, 122, 62, 29, 98, 124, 44, 16, 18, 104, 78, 21, 22, 20, 25, 79, 73, 12, 85, 19, 11, 71, 23, 24, 6, 32, 108, 90, 77, 66, 14, 81, 82, 43, 64, 92, 17, 126, 26, 46, 68, 58, 30, 48, 40, 8, 27, 9, 117, 116, 49, 65, 57, 109, 114, 119, 102, 76, 34, 61, 60, 7, 74, 51, 103, 113, 41, 110, 91, 121, 55, 93, 101, 56, 39, 63, 10, 36, 33, 50, 59, 97, 28, 4, 105, 112, 45, 15, 99, 106, 13, 100, 125, 95, 87, 84, 75, 42, 52, 54, 96, 31, 86, 3, 53, 83, 118, 88, 120, 111, 5, 72, 115, 107, 94, 47, 123, 37, 127, 80, 35, 0, 67, 89, 1, 69, 2, 70], [117, 53, 102, 33, 14, 21, 80, 87, 81, 74, 76, 0, 75, 9, 68, 6, 8, 71, 2, 83, 65, 3, 5, 55, 24, 78, 7, 82, 1, 10, 73, 67, 42, 77, 38, 118, 123, 19, 113, 27, 84, 111, 66, 72, 110, 11, 69, 62, 91, 70, 105, 86, 94, 93, 90, 35, 26, 25, 89, 103, 112, 88, 79, 92, 15, 115, 46, 124, 57, 20, 119, 122, 48, 120, 54, 31, 59, 41, 106, 56, 17, 44, 60, 4, 30, 29, 116, 61, 37, 18, 43, 22, 114, 85, 49, 98, 127, 104, 126, 40, 100, 47, 125, 45, 51, 32, 109, 12, 28, 95, 52, 96, 58, 34, 99, 107, 36, 121, 16, 63, 108, 50, 13, 101, 39, 23, 64, 97]], "model.layers.5.self_attn.qk_proj": [[53, 115, 117, 108, 51, 125, 122, 124, 114, 62, 38, 61, 119, 112, 118, 44, 102, 50, 121, 42, 46, 56, 113, 126, 49, 23, 87, 57, 103, 76, 84, 85, 78, 82, 21, 17, 12, 81, 20, 18, 86, 80, 93, 14, 16, 110, 55, 91, 116, 10, 29, 22, 127, 74, 98, 97, 120, 15, 111, 79, 54, 26, 48, 106, 59, 63, 30, 52, 60, 9, 7, 73, 11, 47, 39, 34, 123, 8, 90, 71, 104, 75, 89, 45, 83, 24, 72, 27, 19, 5, 33, 28, 88, 109, 6, 58, 107, 70, 25, 13, 69, 77, 105, 68, 94, 0, 4, 32, 40, 35, 3, 43, 67, 37, 66, 31, 41, 64, 101, 2, 95, 1, 99, 92, 36, 65, 96, 100], [53, 115, 117, 108, 51, 38, 122, 125, 124, 62, 61, 114, 112, 118, 44, 102, 119, 46, 121, 50, 42, 113, 49, 56, 126, 23, 87, 103, 57, 82, 76, 48, 84, 86, 21, 85, 93, 81, 20, 12, 116, 78, 29, 18, 80, 17, 97, 127, 14, 91, 120, 16, 22, 55, 60, 15, 98, 110, 59, 106, 10, 30, 54, 47, 26, 63, 74, 34, 39, 58, 111, 79, 90, 123, 9, 8, 73, 6, 52, 75, 33, 11, 89, 7, 107, 71, 27, 109, 24, 28, 45, 83, 104, 5, 19, 88, 105, 25, 40, 64, 94, 72, 4, 3, 68, 69, 0, 37, 13, 35, 77, 95, 41, 2, 66, 32, 96, 70, 67, 1, 92, 43, 65, 99, 31, 101, 100, 36], [53, 115, 117, 108, 51, 124, 122, 125, 62, 38, 114, 61, 44, 112, 121, 102, 118, 46, 119, 42, 50, 56, 113, 49, 23, 103, 87, 126, 82, 57, 76, 21, 84, 12, 85, 93, 20, 86, 78, 81, 14, 116, 29, 18, 17, 16, 80, 22, 97, 98, 48, 8, 91, 120, 60, 15, 10, 110, 79, 74, 106, 26, 30, 39, 127, 55, 54, 6, 90, 9, 63, 71, 11, 7, 34, 47, 59, 75, 52, 109, 73, 123, 27, 89, 88, 19, 33, 28, 5, 58, 24, 107, 111, 104, 0, 83, 77, 64, 69, 40, 68, 25, 45, 67, 4, 13, 41, 94, 66, 105, 2, 3, 37, 35, 72, 32, 1, 43, 92, 95, 70, 65, 101, 31, 99, 96, 36, 100], [53, 115, 117, 108, 51, 114, 38, 122, 124, 125, 62, 61, 118, 102, 44, 46, 121, 112, 50, 119, 42, 113, 56, 49, 126, 103, 23, 87, 21, 85, 84, 86, 82, 17, 76, 57, 14, 20, 18, 93, 12, 80, 81, 78, 16, 22, 29, 98, 79, 91, 116, 97, 127, 55, 8, 30, 26, 54, 39, 48, 34, 106, 58, 63, 10, 59, 15, 110, 120, 90, 52, 123, 74, 47, 9, 6, 60, 75, 89, 71, 83, 73, 11, 7, 64, 24, 69, 28, 33, 88, 27, 104, 111, 19, 0, 77, 109, 25, 13, 107, 45, 5, 67, 4, 72, 3, 105, 94, 40, 66, 65, 37, 68, 1, 92, 2, 41, 96, 70, 32, 95, 31, 101, 35, 43, 99, 100, 36], [53, 115, 117, 108, 51, 122, 114, 124, 62, 125, 61, 38, 118, 121, 46, 102, 44, 112, 119, 50, 42, 113, 56, 49, 23, 103, 126, 87, 57, 82, 76, 12, 78, 85, 21, 20, 17, 86, 16, 84, 93, 81, 14, 18, 120, 98, 8, 80, 29, 22, 34, 52, 10, 110, 79, 106, 116, 15, 58, 39, 91, 123, 74, 63, 127, 6, 55, 48, 59, 7, 9, 71, 30, 54, 11, 75, 90, 111, 97, 64, 47, 109, 73, 33, 60, 26, 0, 5, 89, 83, 69, 104, 19, 27, 68, 88, 4, 3, 45, 77, 13, 67, 28, 24, 1, 40, 2, 107, 72, 25, 94, 41, 70, 66, 37, 35, 65, 32, 43, 31, 105, 99, 92, 95, 101, 36, 100, 96], [53, 115, 117, 51, 122, 124, 108, 125, 114, 61, 62, 38, 118, 119, 112, 121, 50, 102, 44, 46, 42, 56, 113, 49, 126, 87, 103, 57, 23, 76, 12, 18, 21, 78, 20, 84, 86, 85, 82, 17, 81, 93, 16, 14, 80, 55, 48, 110, 22, 120, 98, 29, 91, 74, 10, 15, 34, 47, 8, 54, 30, 59, 52, 127, 79, 123, 58, 97, 106, 116, 60, 63, 7, 9, 39, 11, 73, 71, 90, 75, 26, 111, 104, 6, 83, 33, 89, 5, 88, 68, 109, 24, 4, 45, 27, 19, 69, 72, 28, 94, 2, 70, 13, 25, 0, 64, 77, 40, 107, 3, 67, 105, 43, 41, 31, 1, 95, 32, 35, 37, 66, 101, 65, 96, 92, 100, 99, 36], [53, 115, 117, 51, 124, 125, 108, 122, 114, 38, 62, 119, 118, 61, 44, 112, 102, 121, 46, 50, 49, 42, 56, 113, 126, 87, 21, 23, 57, 103, 85, 76, 17, 82, 12, 78, 14, 110, 18, 20, 84, 81, 16, 93, 86, 80, 106, 54, 120, 48, 22, 29, 55, 60, 98, 79, 97, 127, 59, 11, 10, 111, 91, 63, 74, 39, 15, 30, 58, 34, 47, 116, 45, 8, 52, 9, 90, 123, 7, 26, 73, 88, 71, 75, 33, 19, 83, 89, 104, 27, 24, 70, 109, 40, 28, 94, 25, 41, 69, 43, 68, 6, 32, 5, 107, 72, 77, 4, 13, 3, 37, 35, 67, 105, 2, 95, 64, 31, 92, 0, 66, 101, 96, 65, 1, 36, 99, 100], [53, 115, 117, 51, 108, 125, 122, 114, 124, 62, 38, 61, 118, 119, 112, 102, 44, 46, 121, 42, 50, 49, 56, 113, 23, 87, 21, 126, 57, 103, 12, 20, 84, 85, 80, 86, 76, 17, 82, 14, 78, 18, 81, 93, 16, 54, 29, 127, 52, 79, 97, 106, 91, 15, 111, 120, 22, 110, 58, 116, 98, 55, 10, 48, 74, 39, 60, 70, 30, 34, 47, 9, 11, 63, 88, 26, 104, 45, 27, 33, 90, 75, 19, 7, 123, 8, 71, 73, 83, 24, 109, 89, 59, 28, 43, 25, 107, 5, 37, 41, 40, 72, 69, 77, 32, 13, 94, 66, 0, 35, 4, 67, 64, 3, 105, 68, 2, 92, 31, 65, 101, 1, 6, 99, 95, 36, 100, 96], [53, 115, 117, 108, 51, 122, 38, 125, 124, 62, 114, 61, 44, 118, 112, 102, 50, 119, 121, 46, 42, 56, 126, 113, 49, 23, 87, 103, 21, 57, 20, 17, 84, 85, 14, 18, 81, 76, 12, 86, 82, 93, 80, 16, 29, 22, 127, 78, 54, 120, 110, 98, 116, 55, 97, 106, 91, 48, 10, 34, 30, 111, 79, 15, 26, 70, 52, 47, 74, 39, 90, 123, 58, 59, 33, 27, 11, 75, 24, 104, 25, 88, 71, 7, 89, 72, 9, 83, 73, 8, 19, 60, 5, 45, 94, 109, 105, 63, 32, 28, 35, 13, 0, 69, 4, 64, 41, 40, 66, 77, 67, 68, 37, 107, 43, 95, 3, 31, 92, 101, 99, 2, 1, 96, 6, 65, 36, 100], [53, 115, 117, 108, 51, 122, 38, 114, 125, 62, 124, 61, 44, 118, 112, 119, 121, 102, 46, 42, 50, 113, 56, 49, 87, 23, 103, 85, 82, 17, 76, 12, 126, 21, 57, 86, 93, 18, 84, 20, 81, 14, 78, 80, 16, 29, 127, 22, 48, 15, 97, 55, 98, 79, 91, 110, 59, 52, 74, 54, 26, 30, 10, 106, 39, 60, 90, 120, 34, 47, 111, 109, 70, 9, 58, 11, 72, 89, 75, 71, 33, 116, 63, 7, 73, 83, 27, 88, 24, 104, 123, 19, 77, 94, 69, 45, 25, 105, 4, 68, 28, 40, 13, 8, 5, 43, 37, 3, 66, 0, 107, 32, 2, 35, 6, 92, 95, 67, 31, 96, 36, 64, 41, 1, 101, 100, 99, 65], [53, 115, 117, 108, 122, 125, 51, 114, 62, 38, 124, 61, 102, 118, 44, 121, 50, 112, 119, 42, 46, 56, 113, 49, 126, 23, 87, 103, 17, 18, 12, 76, 85, 78, 57, 93, 20, 21, 81, 84, 82, 14, 86, 74, 80, 110, 16, 98, 29, 22, 79, 15, 72, 91, 48, 97, 10, 54, 116, 58, 52, 30, 120, 34, 111, 47, 55, 106, 39, 127, 90, 109, 9, 11, 73, 26, 7, 75, 70, 33, 60, 63, 27, 71, 83, 59, 69, 88, 89, 5, 107, 104, 64, 4, 6, 68, 77, 0, 3, 13, 19, 123, 8, 28, 2, 65, 45, 24, 31, 94, 66, 105, 37, 25, 67, 1, 40, 95, 41, 32, 101, 43, 35, 96, 92, 100, 99, 36], [53, 115, 117, 51, 108, 122, 125, 114, 62, 124, 38, 61, 121, 102, 118, 50, 44, 112, 46, 119, 42, 56, 113, 49, 126, 87, 23, 103, 57, 76, 84, 21, 17, 85, 18, 20, 12, 14, 78, 86, 82, 93, 58, 48, 80, 81, 72, 16, 29, 98, 22, 91, 74, 34, 116, 79, 54, 30, 10, 55, 52, 120, 106, 63, 59, 15, 127, 97, 9, 111, 110, 11, 39, 109, 47, 90, 7, 89, 75, 104, 6, 71, 107, 26, 123, 68, 27, 73, 45, 70, 5, 0, 33, 19, 28, 88, 69, 60, 24, 83, 8, 64, 67, 4, 37, 77, 3, 13, 25, 66, 94, 105, 40, 1, 2, 43, 65, 35, 41, 32, 31, 95, 92, 101, 99, 100, 36, 96], [53, 115, 117, 108, 51, 122, 62, 125, 114, 38, 124, 61, 112, 44, 119, 118, 102, 46, 50, 121, 42, 49, 113, 56, 126, 87, 23, 103, 57, 84, 76, 21, 20, 85, 81, 18, 17, 86, 93, 82, 12, 16, 78, 14, 80, 58, 48, 29, 22, 59, 15, 52, 127, 54, 91, 63, 97, 106, 110, 98, 120, 111, 26, 34, 10, 39, 9, 55, 116, 79, 74, 30, 72, 47, 90, 7, 109, 6, 19, 11, 33, 75, 27, 71, 24, 89, 73, 88, 83, 104, 123, 28, 107, 25, 60, 40, 68, 5, 45, 94, 77, 4, 43, 37, 13, 32, 41, 69, 3, 35, 105, 67, 101, 66, 95, 70, 2, 0, 31, 64, 92, 36, 8, 65, 99, 100, 96, 1], [53, 115, 117, 108, 51, 122, 125, 38, 114, 62, 124, 61, 112, 118, 44, 119, 102, 121, 46, 42, 50, 49, 56, 113, 126, 23, 103, 87, 21, 76, 78, 20, 18, 12, 57, 85, 84, 17, 48, 82, 81, 80, 86, 55, 93, 110, 14, 22, 16, 54, 6, 127, 72, 79, 29, 91, 10, 15, 58, 26, 98, 74, 30, 75, 116, 9, 39, 106, 34, 123, 120, 7, 97, 90, 71, 59, 111, 52, 11, 89, 88, 63, 73, 19, 47, 60, 33, 24, 104, 83, 68, 27, 40, 28, 5, 25, 77, 69, 0, 4, 94, 105, 2, 64, 37, 66, 8, 43, 109, 45, 100, 107, 13, 32, 3, 92, 41, 101, 35, 67, 95, 36, 65, 1, 31, 96, 99, 70], [53, 115, 117, 108, 51, 122, 125, 62, 38, 124, 61, 114, 102, 118, 44, 121, 112, 119, 46, 42, 50, 56, 126, 49, 87, 23, 113, 103, 84, 57, 81, 48, 85, 18, 76, 20, 21, 12, 78, 93, 82, 17, 110, 80, 14, 22, 98, 16, 86, 10, 29, 91, 79, 6, 72, 34, 63, 15, 74, 120, 39, 55, 97, 106, 54, 30, 116, 90, 127, 71, 104, 26, 58, 7, 52, 60, 89, 27, 59, 109, 11, 75, 9, 73, 33, 123, 19, 64, 88, 83, 24, 47, 111, 37, 5, 8, 69, 68, 107, 28, 94, 25, 40, 13, 66, 77, 4, 45, 2, 0, 105, 3, 32, 43, 67, 1, 92, 41, 70, 65, 35, 96, 101, 100, 31, 95, 99, 36], [53, 115, 117, 108, 51, 125, 122, 62, 124, 114, 38, 61, 44, 118, 112, 102, 121, 119, 50, 46, 42, 113, 56, 126, 49, 87, 23, 103, 57, 20, 14, 82, 85, 21, 12, 84, 76, 17, 18, 81, 86, 63, 80, 48, 78, 93, 22, 91, 16, 98, 110, 58, 34, 15, 74, 10, 29, 106, 60, 116, 127, 79, 54, 120, 6, 55, 59, 52, 39, 30, 72, 97, 11, 104, 90, 8, 7, 9, 89, 33, 47, 73, 26, 19, 111, 109, 107, 37, 75, 71, 69, 5, 83, 28, 123, 24, 43, 88, 25, 27, 64, 67, 13, 0, 68, 4, 70, 3, 77, 40, 94, 35, 45, 105, 92, 41, 65, 31, 100, 32, 95, 2, 101, 1, 66, 36, 96, 99], [53, 115, 117, 108, 51, 125, 124, 114, 122, 38, 62, 61, 112, 119, 118, 44, 121, 46, 102, 42, 50, 49, 113, 56, 126, 23, 87, 103, 84, 85, 81, 20, 14, 21, 12, 76, 18, 82, 80, 93, 57, 86, 78, 17, 15, 22, 16, 97, 10, 116, 52, 110, 29, 98, 48, 59, 54, 55, 60, 127, 91, 106, 58, 79, 30, 9, 120, 74, 7, 90, 8, 63, 26, 33, 73, 11, 71, 34, 39, 19, 24, 111, 75, 83, 89, 109, 72, 27, 28, 88, 104, 107, 47, 105, 6, 68, 123, 5, 25, 13, 40, 77, 70, 69, 4, 37, 32, 94, 43, 45, 92, 0, 64, 2, 31, 66, 35, 101, 41, 3, 67, 95, 65, 96, 100, 99, 36, 1], [53, 115, 117, 108, 51, 122, 62, 125, 38, 124, 61, 114, 44, 118, 112, 121, 102, 119, 50, 42, 46, 23, 49, 56, 113, 126, 87, 103, 84, 21, 12, 20, 82, 81, 57, 76, 14, 78, 85, 93, 18, 86, 17, 80, 16, 48, 110, 29, 97, 22, 91, 15, 106, 98, 10, 26, 8, 79, 116, 120, 74, 59, 55, 39, 30, 90, 58, 127, 54, 34, 9, 60, 47, 71, 11, 75, 52, 70, 33, 89, 7, 27, 73, 19, 28, 123, 111, 88, 5, 63, 24, 105, 83, 25, 43, 45, 104, 77, 72, 94, 69, 107, 13, 4, 40, 64, 109, 68, 32, 6, 67, 92, 66, 37, 0, 2, 95, 96, 41, 3, 101, 31, 99, 65, 35, 36, 100, 1], [53, 115, 117, 108, 51, 125, 38, 122, 62, 114, 124, 61, 118, 44, 102, 112, 121, 119, 50, 42, 46, 113, 56, 49, 23, 126, 103, 87, 20, 21, 12, 84, 14, 76, 85, 93, 82, 18, 16, 78, 110, 80, 17, 81, 22, 57, 48, 86, 29, 98, 39, 8, 55, 58, 52, 74, 34, 79, 106, 10, 70, 63, 97, 54, 91, 15, 30, 26, 90, 127, 116, 120, 109, 9, 89, 59, 60, 11, 75, 47, 71, 104, 7, 73, 33, 111, 27, 28, 19, 83, 24, 69, 0, 88, 64, 5, 25, 68, 123, 40, 94, 67, 66, 3, 65, 32, 45, 77, 13, 37, 43, 4, 41, 31, 2, 92, 107, 105, 6, 72, 95, 100, 1, 36, 35, 99, 96, 101], [53, 115, 117, 51, 108, 125, 122, 114, 38, 124, 62, 61, 121, 118, 44, 119, 112, 102, 46, 50, 113, 42, 49, 56, 87, 23, 126, 21, 103, 84, 57, 12, 76, 18, 82, 16, 20, 81, 86, 14, 78, 17, 85, 80, 93, 22, 48, 8, 29, 91, 10, 79, 98, 74, 15, 70, 47, 39, 55, 54, 109, 110, 63, 97, 9, 11, 59, 30, 116, 58, 127, 106, 34, 90, 60, 7, 73, 71, 111, 120, 89, 75, 52, 26, 83, 107, 33, 27, 104, 24, 4, 5, 19, 69, 77, 28, 68, 88, 123, 25, 94, 45, 43, 40, 13, 0, 105, 64, 72, 2, 37, 32, 67, 66, 3, 35, 99, 41, 92, 31, 65, 1, 95, 6, 36, 100, 96, 101], [53, 115, 117, 51, 108, 114, 125, 62, 122, 38, 61, 124, 44, 102, 119, 121, 118, 50, 112, 46, 42, 113, 126, 56, 49, 87, 103, 23, 82, 84, 21, 76, 78, 12, 86, 57, 93, 85, 20, 17, 18, 14, 81, 16, 110, 80, 8, 91, 97, 120, 22, 29, 54, 116, 15, 98, 30, 79, 63, 60, 48, 74, 10, 106, 34, 39, 58, 55, 70, 90, 127, 47, 52, 9, 11, 71, 26, 73, 107, 7, 111, 28, 75, 33, 19, 24, 59, 89, 104, 69, 27, 88, 83, 123, 109, 25, 37, 5, 77, 105, 68, 43, 40, 94, 4, 13, 64, 3, 72, 0, 35, 45, 31, 32, 66, 65, 67, 92, 95, 101, 6, 41, 2, 99, 96, 36, 1, 100], [53, 115, 117, 51, 108, 114, 125, 62, 122, 38, 124, 61, 44, 118, 121, 102, 112, 119, 46, 42, 50, 113, 49, 126, 87, 56, 103, 57, 21, 23, 76, 82, 84, 93, 20, 12, 86, 80, 14, 78, 85, 18, 81, 17, 120, 110, 16, 22, 29, 60, 55, 79, 48, 98, 97, 91, 63, 8, 54, 106, 15, 127, 39, 59, 116, 30, 74, 34, 10, 71, 26, 90, 52, 33, 47, 11, 9, 58, 75, 104, 19, 7, 27, 111, 89, 123, 83, 24, 45, 25, 70, 107, 73, 69, 5, 88, 13, 77, 109, 28, 94, 64, 40, 0, 68, 37, 105, 72, 6, 3, 66, 43, 67, 4, 101, 92, 65, 1, 31, 2, 32, 41, 35, 99, 96, 95, 100, 36], [53, 115, 117, 108, 51, 114, 125, 62, 38, 124, 122, 61, 112, 121, 44, 118, 46, 102, 119, 42, 50, 113, 56, 49, 87, 126, 103, 23, 57, 21, 93, 76, 20, 18, 84, 82, 86, 14, 85, 81, 17, 12, 22, 16, 80, 78, 39, 106, 98, 97, 127, 29, 15, 120, 34, 79, 91, 48, 116, 10, 30, 55, 54, 111, 74, 110, 8, 52, 58, 59, 26, 9, 11, 71, 7, 90, 33, 60, 109, 104, 63, 6, 27, 73, 25, 75, 47, 83, 89, 19, 28, 5, 24, 88, 69, 77, 107, 13, 70, 45, 72, 123, 68, 94, 64, 37, 40, 0, 32, 43, 67, 4, 35, 3, 31, 65, 101, 1, 66, 99, 2, 105, 92, 41, 95, 36, 100, 96], [53, 115, 117, 51, 108, 122, 125, 62, 38, 114, 124, 61, 102, 118, 112, 44, 119, 50, 121, 46, 42, 56, 113, 87, 49, 126, 103, 23, 21, 76, 86, 82, 18, 85, 84, 20, 93, 17, 57, 12, 14, 59, 81, 78, 16, 48, 80, 29, 91, 22, 116, 97, 110, 98, 127, 15, 30, 10, 34, 26, 106, 111, 74, 55, 6, 60, 11, 39, 120, 52, 90, 54, 79, 63, 47, 75, 58, 8, 73, 72, 7, 89, 109, 9, 24, 33, 27, 19, 71, 83, 123, 104, 25, 68, 28, 88, 40, 13, 107, 69, 5, 94, 3, 37, 43, 64, 77, 105, 4, 101, 41, 95, 45, 0, 31, 70, 35, 67, 96, 32, 100, 66, 92, 36, 2, 99, 65, 1], [53, 115, 117, 51, 108, 122, 125, 114, 62, 124, 38, 118, 61, 44, 119, 112, 102, 121, 42, 46, 50, 113, 49, 56, 126, 87, 23, 103, 21, 57, 76, 20, 85, 18, 14, 12, 17, 86, 81, 84, 82, 78, 80, 93, 59, 54, 16, 110, 22, 116, 98, 91, 120, 6, 29, 15, 63, 10, 48, 97, 106, 39, 55, 60, 79, 74, 30, 75, 127, 111, 52, 71, 58, 9, 11, 90, 26, 34, 33, 19, 72, 73, 47, 109, 27, 7, 104, 89, 88, 28, 83, 8, 24, 37, 107, 69, 25, 68, 123, 5, 43, 13, 94, 105, 40, 77, 45, 32, 67, 41, 4, 70, 2, 3, 64, 0, 35, 31, 66, 101, 95, 65, 92, 1, 100, 99, 96, 36], [53, 115, 117, 51, 108, 122, 125, 38, 114, 124, 62, 61, 118, 44, 121, 119, 102, 112, 46, 42, 50, 113, 49, 126, 56, 87, 57, 103, 23, 21, 76, 20, 82, 81, 78, 84, 18, 85, 12, 86, 14, 80, 93, 17, 54, 16, 120, 97, 29, 48, 91, 59, 98, 22, 15, 116, 10, 110, 52, 79, 127, 106, 90, 26, 74, 30, 47, 72, 60, 11, 6, 39, 55, 34, 9, 63, 58, 75, 73, 33, 111, 104, 19, 24, 7, 27, 71, 88, 89, 5, 28, 37, 123, 13, 69, 25, 107, 83, 94, 41, 40, 45, 105, 0, 77, 109, 43, 4, 2, 8, 101, 70, 32, 68, 64, 31, 3, 35, 66, 96, 65, 67, 1, 95, 92, 99, 100, 36], [53, 115, 117, 108, 51, 122, 38, 125, 62, 124, 61, 114, 44, 118, 112, 102, 50, 121, 119, 42, 46, 126, 56, 113, 23, 49, 103, 87, 21, 57, 17, 85, 20, 18, 84, 12, 82, 93, 76, 81, 86, 80, 78, 14, 22, 110, 29, 97, 55, 48, 16, 98, 106, 10, 91, 72, 26, 127, 47, 79, 30, 116, 39, 15, 59, 34, 74, 58, 90, 120, 111, 54, 123, 73, 33, 60, 52, 7, 89, 75, 9, 11, 19, 63, 104, 6, 27, 25, 69, 83, 24, 88, 71, 94, 28, 109, 5, 45, 77, 4, 105, 64, 32, 68, 40, 35, 70, 13, 67, 8, 107, 31, 37, 0, 3, 66, 41, 101, 96, 95, 92, 2, 65, 43, 99, 1, 36, 100], [53, 115, 117, 108, 51, 122, 125, 124, 62, 38, 114, 61, 118, 121, 44, 119, 112, 102, 46, 42, 50, 126, 49, 56, 113, 87, 23, 103, 12, 21, 81, 14, 76, 18, 110, 84, 78, 57, 82, 17, 20, 86, 85, 93, 16, 22, 80, 72, 10, 98, 127, 48, 74, 58, 106, 29, 120, 116, 63, 91, 7, 15, 47, 9, 26, 30, 79, 75, 71, 55, 97, 34, 11, 39, 59, 73, 90, 54, 89, 52, 109, 19, 33, 70, 123, 45, 111, 24, 6, 69, 5, 60, 28, 27, 83, 68, 77, 4, 0, 64, 104, 40, 88, 3, 67, 13, 107, 66, 94, 2, 8, 25, 65, 37, 105, 35, 32, 43, 41, 1, 31, 92, 96, 95, 101, 99, 100, 36], [53, 115, 117, 51, 108, 122, 125, 114, 124, 62, 38, 61, 118, 44, 121, 119, 102, 112, 50, 42, 46, 56, 113, 126, 49, 87, 23, 103, 12, 57, 21, 18, 84, 78, 76, 20, 86, 82, 14, 110, 85, 93, 81, 48, 16, 80, 17, 22, 72, 58, 98, 60, 106, 91, 116, 54, 10, 29, 79, 55, 127, 74, 120, 97, 34, 30, 39, 15, 63, 59, 70, 52, 33, 47, 90, 73, 75, 26, 9, 11, 104, 111, 71, 7, 89, 109, 123, 5, 19, 37, 88, 69, 24, 28, 45, 27, 35, 68, 13, 83, 40, 4, 25, 0, 64, 105, 8, 6, 2, 77, 43, 94, 66, 107, 3, 67, 1, 95, 65, 32, 31, 100, 96, 41, 99, 36, 101, 92], [53, 115, 117, 51, 108, 125, 122, 114, 124, 62, 38, 61, 119, 118, 44, 112, 50, 121, 102, 46, 126, 42, 113, 49, 56, 87, 23, 57, 103, 85, 12, 21, 76, 20, 82, 18, 78, 14, 17, 86, 93, 84, 16, 59, 80, 81, 116, 54, 98, 22, 29, 55, 58, 47, 72, 70, 91, 120, 15, 110, 10, 74, 63, 79, 48, 106, 127, 34, 9, 7, 30, 97, 52, 39, 75, 11, 60, 71, 111, 123, 73, 90, 26, 33, 69, 89, 24, 28, 5, 109, 19, 4, 40, 67, 27, 83, 64, 88, 37, 104, 68, 45, 25, 94, 0, 3, 8, 105, 77, 13, 107, 66, 2, 43, 1, 32, 65, 35, 41, 6, 31, 100, 95, 101, 96, 92, 99, 36], [53, 115, 117, 108, 51, 125, 122, 124, 38, 62, 114, 119, 61, 44, 118, 112, 121, 46, 102, 50, 42, 49, 113, 126, 56, 87, 103, 23, 21, 57, 84, 85, 12, 18, 82, 76, 20, 93, 81, 78, 17, 14, 59, 86, 80, 22, 16, 98, 116, 106, 74, 79, 47, 54, 55, 127, 29, 110, 48, 120, 39, 15, 70, 63, 72, 60, 30, 26, 97, 11, 91, 10, 73, 9, 7, 34, 75, 52, 58, 19, 111, 71, 90, 33, 45, 69, 4, 109, 68, 123, 104, 27, 89, 28, 83, 24, 37, 8, 40, 13, 88, 25, 5, 66, 0, 107, 105, 67, 3, 64, 94, 77, 6, 2, 43, 41, 32, 31, 1, 35, 65, 95, 92, 101, 96, 36, 100, 99], [53, 115, 117, 108, 51, 122, 125, 124, 38, 114, 62, 61, 119, 44, 118, 50, 112, 121, 102, 46, 42, 49, 113, 56, 126, 87, 23, 103, 21, 76, 57, 54, 14, 85, 20, 81, 78, 18, 84, 82, 127, 86, 93, 12, 17, 80, 55, 60, 59, 16, 22, 34, 63, 116, 74, 110, 29, 10, 26, 120, 48, 91, 98, 70, 97, 79, 30, 15, 123, 73, 47, 11, 111, 39, 9, 75, 33, 52, 72, 106, 109, 7, 71, 24, 19, 89, 90, 88, 8, 105, 5, 104, 58, 27, 43, 69, 83, 28, 45, 37, 4, 25, 68, 77, 64, 6, 94, 40, 107, 13, 0, 32, 3, 66, 41, 101, 1, 92, 67, 2, 95, 31, 96, 100, 35, 65, 36, 99]], "model.layers.6.self_attn.q_proj": [[108, 55, 36, 96, 91, 23, 44, 84, 77, 81, 15, 86, 10, 16, 7, 114, 57, 75, 78, 32, 30, 28, 111, 89, 6, 25, 87, 29, 66, 70, 11, 69, 68, 22, 101, 13, 74, 72, 85, 19, 95, 17, 92, 26, 90, 51, 88, 79, 121, 14, 40, 18, 3, 9, 20, 61, 27, 76, 126, 4, 1, 54, 123, 80, 71, 107, 97, 103, 12, 64, 94, 118, 99, 102, 83, 33, 21, 39, 93, 73, 49, 58, 60, 24, 82, 125, 41, 31, 34, 98, 112, 35, 110, 48, 37, 104, 56, 5, 115, 109, 53, 38, 120, 50, 124, 2, 106, 59, 113, 47, 105, 127, 8, 46, 52, 122, 63, 42, 65, 43, 119, 116, 117, 62, 45, 67, 100, 0], [108, 55, 36, 23, 44, 84, 15, 75, 91, 81, 77, 10, 8, 96, 29, 114, 3, 72, 70, 74, 6, 64, 111, 11, 67, 86, 69, 30, 57, 2, 79, 89, 83, 27, 4, 26, 25, 65, 94, 28, 73, 18, 103, 0, 14, 5, 82, 17, 9, 87, 13, 31, 68, 85, 12, 93, 21, 1, 88, 20, 16, 80, 112, 78, 51, 7, 22, 95, 39, 32, 24, 19, 66, 97, 76, 90, 71, 33, 118, 121, 56, 123, 35, 92, 54, 98, 34, 107, 102, 48, 40, 52, 127, 41, 99, 37, 61, 59, 119, 120, 110, 49, 115, 125, 101, 104, 122, 60, 58, 100, 38, 126, 46, 109, 47, 43, 105, 124, 63, 53, 62, 106, 45, 113, 116, 42, 50, 117], [55, 108, 112, 39, 127, 36, 111, 61, 44, 54, 51, 124, 113, 118, 60, 121, 50, 59, 122, 63, 56, 58, 119, 115, 101, 116, 123, 120, 97, 62, 53, 42, 92, 26, 117, 19, 47, 43, 48, 40, 49, 94, 98, 52, 32, 90, 46, 109, 106, 110, 105, 96, 83, 45, 114, 104, 107, 41, 38, 35, 95, 88, 125, 102, 99, 33, 86, 30, 34, 23, 37, 103, 126, 29, 91, 100, 57, 78, 25, 89, 16, 93, 27, 28, 24, 31, 73, 21, 85, 81, 22, 18, 7, 14, 82, 15, 84, 75, 87, 65, 2, 77, 9, 12, 66, 11, 17, 10, 6, 4, 68, 67, 80, 76, 0, 64, 71, 5, 70, 8, 72, 79, 13, 1, 20, 69, 74, 3], [108, 55, 39, 44, 36, 94, 103, 126, 111, 90, 102, 114, 96, 57, 34, 121, 127, 29, 32, 83, 51, 54, 123, 91, 86, 60, 58, 63, 0, 19, 61, 59, 2, 110, 115, 49, 23, 125, 112, 52, 113, 98, 104, 56, 50, 38, 37, 107, 31, 42, 124, 47, 101, 106, 40, 78, 82, 117, 97, 45, 120, 109, 16, 89, 122, 92, 105, 119, 116, 33, 48, 53, 15, 10, 77, 118, 62, 46, 35, 84, 28, 43, 81, 70, 7, 41, 67, 88, 4, 68, 99, 65, 26, 95, 93, 100, 30, 5, 71, 64, 85, 25, 76, 21, 11, 75, 24, 72, 8, 12, 18, 66, 9, 73, 27, 80, 1, 22, 14, 6, 87, 69, 17, 79, 13, 3, 74, 20], [42, 102, 46, 32, 103, 89, 56, 20, 106, 76, 22, 17, 14, 19, 71, 127, 10, 110, 28, 93, 8, 120, 26, 51, 80, 60, 116, 29, 66, 50, 11, 27, 96, 38, 82, 25, 47, 123, 69, 36, 109, 63, 3, 59, 34, 118, 13, 113, 105, 79, 6, 88, 54, 33, 21, 41, 67, 52, 83, 30, 75, 81, 119, 15, 35, 77, 12, 7, 91, 86, 2, 114, 58, 112, 78, 61, 94, 84, 90, 5, 23, 16, 125, 85, 98, 101, 18, 62, 87, 70, 95, 97, 92, 74, 122, 49, 111, 4, 126, 24, 31, 9, 64, 99, 73, 72, 55, 43, 115, 57, 107, 108, 121, 44, 45, 37, 40, 124, 68, 0, 117, 53, 100, 104, 48, 39, 65, 1], [42, 41, 46, 103, 23, 32, 106, 102, 80, 92, 56, 8, 20, 26, 24, 89, 123, 29, 17, 110, 105, 96, 127, 19, 22, 116, 120, 25, 93, 28, 51, 52, 14, 109, 121, 60, 76, 27, 83, 54, 10, 69, 107, 47, 44, 49, 119, 86, 100, 61, 111, 35, 34, 58, 97, 5, 85, 91, 112, 122, 50, 63, 18, 104, 31, 39, 43, 59, 4, 9, 95, 66, 65, 117, 115, 15, 72, 124, 90, 68, 3, 126, 11, 62, 118, 48, 55, 101, 30, 98, 33, 21, 73, 108, 87, 114, 57, 53, 36, 45, 38, 94, 125, 99, 79, 37, 2, 40, 1, 77, 113, 82, 88, 71, 16, 78, 75, 81, 0, 70, 84, 6, 64, 13, 67, 12, 74, 7], [102, 46, 42, 56, 51, 116, 127, 110, 26, 123, 41, 47, 60, 50, 32, 59, 122, 120, 103, 63, 22, 111, 61, 90, 52, 19, 109, 33, 112, 27, 121, 115, 55, 49, 96, 34, 54, 118, 93, 119, 117, 43, 113, 53, 89, 57, 62, 48, 124, 16, 58, 39, 107, 126, 125, 114, 44, 29, 105, 31, 108, 101, 97, 45, 85, 79, 104, 36, 35, 98, 99, 38, 40, 24, 11, 25, 100, 37, 95, 94, 92, 106, 87, 28, 88, 20, 23, 91, 30, 83, 13, 80, 72, 86, 18, 15, 84, 17, 21, 14, 75, 73, 12, 8, 82, 69, 77, 9, 66, 5, 76, 78, 2, 81, 6, 70, 4, 74, 1, 68, 71, 10, 7, 65, 3, 0, 64, 67], [42, 46, 102, 32, 20, 17, 89, 76, 103, 22, 106, 10, 14, 71, 96, 29, 110, 69, 127, 56, 26, 51, 25, 66, 38, 11, 120, 93, 19, 5, 60, 24, 116, 79, 41, 61, 63, 119, 81, 78, 6, 109, 8, 118, 87, 82, 12, 58, 13, 75, 83, 2, 80, 23, 3, 86, 55, 15, 52, 30, 97, 54, 27, 113, 88, 59, 21, 16, 47, 28, 84, 77, 68, 85, 91, 90, 122, 35, 125, 0, 18, 72, 105, 111, 115, 50, 95, 74, 101, 70, 114, 7, 65, 112, 92, 73, 126, 99, 94, 67, 36, 43, 34, 49, 33, 98, 31, 107, 4, 37, 64, 1, 9, 121, 48, 100, 45, 123, 108, 104, 62, 44, 40, 117, 124, 39, 53, 57], [109, 103, 34, 45, 4, 20, 74, 71, 1, 18, 9, 14, 12, 0, 80, 88, 3, 66, 112, 70, 68, 79, 72, 39, 75, 67, 85, 10, 21, 7, 19, 5, 69, 13, 124, 77, 6, 16, 65, 23, 84, 11, 64, 76, 60, 8, 24, 73, 15, 2, 98, 87, 51, 22, 48, 82, 78, 83, 52, 81, 25, 86, 17, 108, 59, 57, 27, 63, 49, 55, 113, 89, 91, 121, 126, 123, 96, 110, 120, 92, 61, 114, 111, 30, 62, 90, 94, 119, 97, 28, 127, 54, 29, 41, 115, 95, 125, 93, 116, 44, 31, 58, 33, 38, 42, 26, 105, 106, 46, 107, 32, 40, 99, 122, 36, 35, 43, 56, 104, 50, 101, 100, 102, 117, 37, 118, 47, 53], [103, 109, 34, 113, 45, 88, 84, 24, 16, 76, 92, 11, 124, 8, 15, 82, 83, 73, 10, 60, 22, 127, 112, 7, 78, 18, 119, 63, 48, 57, 51, 52, 49, 62, 19, 123, 91, 114, 89, 56, 6, 115, 108, 53, 90, 120, 104, 94, 28, 9, 95, 110, 86, 26, 29, 111, 93, 97, 35, 126, 59, 122, 30, 54, 121, 117, 27, 50, 58, 96, 125, 118, 100, 31, 61, 101, 116, 32, 55, 20, 105, 33, 44, 46, 43, 42, 37, 38, 40, 99, 36, 41, 106, 25, 12, 107, 102, 47, 87, 77, 21, 13, 23, 69, 79, 75, 81, 17, 74, 72, 14, 85, 68, 98, 80, 71, 70, 66, 4, 5, 39, 67, 2, 65, 3, 1, 0, 64], [109, 103, 34, 45, 20, 74, 22, 18, 19, 4, 12, 14, 39, 67, 71, 79, 10, 72, 80, 68, 73, 1, 5, 3, 9, 13, 112, 88, 7, 66, 2, 77, 75, 0, 23, 85, 64, 70, 76, 21, 16, 15, 27, 69, 60, 92, 82, 8, 78, 65, 84, 11, 83, 81, 48, 6, 120, 123, 24, 124, 52, 63, 58, 91, 113, 51, 86, 55, 87, 17, 114, 41, 57, 25, 98, 89, 119, 90, 31, 49, 59, 126, 97, 127, 108, 94, 42, 29, 62, 28, 30, 56, 115, 96, 36, 61, 53, 105, 33, 106, 95, 32, 40, 46, 125, 93, 111, 122, 110, 47, 99, 118, 26, 107, 121, 102, 38, 100, 35, 104, 101, 54, 37, 50, 117, 44, 43, 116], [109, 103, 34, 45, 22, 80, 14, 20, 4, 18, 24, 74, 70, 75, 88, 19, 72, 112, 13, 12, 124, 89, 68, 10, 9, 60, 71, 63, 51, 73, 15, 66, 39, 76, 2, 8, 48, 52, 82, 78, 113, 77, 16, 83, 84, 49, 87, 6, 62, 127, 23, 57, 81, 11, 121, 5, 59, 79, 1, 17, 91, 0, 64, 25, 85, 92, 86, 94, 106, 7, 97, 21, 123, 27, 31, 90, 38, 28, 61, 110, 67, 69, 119, 36, 104, 126, 114, 99, 96, 3, 101, 111, 108, 95, 32, 41, 116, 40, 102, 55, 26, 120, 118, 98, 56, 50, 54, 100, 53, 30, 58, 35, 47, 93, 29, 115, 33, 125, 44, 107, 37, 117, 43, 46, 122, 65, 105, 42], [38, 124, 49, 30, 56, 86, 113, 15, 82, 84, 81, 26, 76, 77, 8, 5, 74, 71, 66, 122, 94, 67, 24, 11, 25, 1, 60, 22, 102, 72, 32, 12, 39, 97, 2, 120, 75, 21, 9, 17, 64, 10, 79, 14, 16, 89, 78, 91, 20, 6, 23, 80, 83, 87, 29, 4, 51, 73, 13, 68, 90, 27, 70, 112, 69, 33, 92, 93, 59, 85, 18, 96, 99, 117, 125, 31, 7, 114, 0, 19, 3, 107, 28, 105, 88, 118, 111, 110, 109, 44, 63, 104, 50, 108, 123, 95, 106, 52, 55, 36, 126, 101, 34, 65, 58, 116, 119, 47, 103, 62, 40, 45, 100, 42, 37, 121, 57, 54, 61, 48, 35, 41, 127, 115, 98, 43, 46, 53], [38, 49, 56, 124, 113, 30, 7, 84, 86, 82, 3, 81, 77, 15, 10, 13, 65, 89, 5, 76, 1, 67, 69, 8, 2, 64, 68, 94, 74, 73, 26, 72, 91, 122, 120, 66, 0, 27, 22, 97, 20, 79, 6, 18, 12, 9, 11, 14, 25, 87, 17, 23, 32, 24, 29, 51, 90, 75, 80, 60, 16, 99, 92, 78, 102, 83, 71, 59, 4, 88, 19, 39, 70, 33, 21, 31, 28, 103, 43, 114, 45, 125, 85, 112, 98, 93, 46, 111, 107, 118, 40, 95, 58, 37, 101, 126, 109, 104, 108, 44, 55, 105, 63, 41, 57, 61, 127, 96, 42, 115, 53, 116, 35, 54, 48, 100, 36, 47, 121, 62, 50, 117, 106, 119, 110, 34, 52, 123], [38, 49, 56, 124, 30, 86, 94, 89, 113, 81, 84, 91, 102, 122, 39, 15, 25, 82, 18, 51, 22, 26, 23, 76, 59, 97, 32, 120, 17, 33, 87, 105, 125, 29, 114, 99, 126, 72, 60, 103, 90, 62, 24, 31, 116, 77, 58, 20, 109, 118, 110, 52, 79, 45, 127, 112, 121, 63, 41, 117, 104, 96, 13, 55, 57, 50, 43, 44, 119, 111, 12, 115, 42, 48, 93, 95, 54, 101, 78, 40, 123, 75, 108, 37, 27, 53, 47, 46, 35, 100, 92, 61, 106, 36, 34, 107, 83, 28, 98, 21, 10, 19, 88, 9, 85, 80, 69, 14, 16, 73, 8, 7, 74, 11, 6, 68, 70, 3, 5, 71, 66, 4, 2, 65, 67, 1, 64, 0], [38, 49, 30, 124, 56, 113, 84, 86, 15, 77, 82, 74, 81, 5, 73, 76, 89, 8, 67, 71, 1, 20, 22, 72, 10, 122, 78, 66, 14, 64, 17, 9, 75, 79, 26, 94, 120, 16, 87, 11, 2, 7, 12, 6, 65, 99, 13, 91, 80, 69, 25, 27, 4, 3, 24, 39, 90, 97, 18, 32, 70, 93, 51, 85, 23, 92, 68, 29, 19, 21, 118, 31, 83, 60, 28, 88, 0, 114, 107, 33, 45, 46, 42, 43, 95, 103, 44, 117, 98, 125, 101, 100, 109, 63, 104, 62, 126, 54, 58, 111, 112, 40, 115, 57, 37, 59, 116, 50, 96, 55, 61, 52, 53, 34, 105, 41, 48, 35, 36, 119, 106, 121, 47, 110, 127, 123, 108, 102], [40, 98, 116, 32, 20, 78, 9, 81, 11, 89, 86, 7, 68, 69, 16, 47, 104, 4, 3, 53, 2, 49, 73, 51, 13, 117, 111, 126, 58, 121, 64, 8, 46, 56, 0, 67, 60, 94, 52, 88, 10, 127, 34, 42, 90, 71, 62, 72, 80, 74, 84, 113, 92, 50, 45, 79, 70, 63, 77, 75, 5, 27, 120, 6, 57, 44, 65, 1, 87, 14, 19, 106, 54, 17, 41, 101, 24, 125, 100, 21, 114, 99, 29, 122, 85, 105, 108, 33, 66, 15, 43, 124, 28, 119, 23, 115, 30, 12, 91, 18, 110, 25, 38, 39, 26, 22, 107, 118, 96, 61, 59, 103, 36, 83, 35, 97, 112, 123, 48, 37, 109, 102, 93, 95, 82, 31, 55, 76], [40, 98, 116, 32, 86, 20, 94, 88, 89, 28, 81, 62, 50, 121, 58, 78, 117, 52, 11, 47, 115, 45, 21, 104, 46, 126, 53, 111, 49, 87, 13, 30, 101, 41, 51, 96, 42, 16, 22, 92, 119, 90, 12, 122, 113, 24, 31, 91, 63, 26, 18, 29, 44, 37, 23, 109, 83, 93, 95, 107, 85, 38, 36, 125, 120, 110, 99, 103, 76, 79, 43, 114, 105, 102, 108, 8, 59, 25, 84, 124, 19, 9, 15, 7, 112, 54, 48, 60, 123, 82, 100, 127, 56, 27, 97, 106, 118, 35, 55, 80, 61, 57, 33, 17, 39, 14, 74, 34, 77, 75, 69, 10, 72, 2, 71, 3, 6, 68, 70, 73, 5, 67, 0, 66, 64, 4, 65, 1], [40, 98, 32, 86, 104, 116, 81, 20, 13, 47, 2, 66, 7, 8, 78, 49, 58, 51, 11, 9, 121, 60, 94, 5, 111, 45, 53, 52, 62, 68, 73, 46, 4, 16, 122, 92, 126, 70, 88, 89, 50, 0, 69, 56, 115, 34, 113, 10, 87, 64, 117, 125, 79, 3, 103, 82, 18, 28, 119, 77, 127, 63, 37, 57, 1, 108, 100, 27, 72, 25, 43, 114, 106, 44, 75, 120, 71, 22, 84, 65, 17, 30, 23, 42, 93, 14, 41, 19, 59, 54, 35, 48, 21, 31, 101, 76, 110, 12, 118, 29, 99, 90, 112, 80, 6, 85, 109, 15, 61, 124, 83, 36, 26, 91, 102, 55, 107, 24, 97, 39, 123, 95, 33, 38, 105, 74, 67, 96], [40, 98, 116, 86, 81, 32, 89, 78, 20, 88, 11, 7, 104, 47, 117, 111, 13, 49, 16, 28, 53, 74, 10, 51, 9, 121, 94, 58, 52, 126, 62, 46, 21, 45, 75, 60, 69, 25, 92, 96, 17, 8, 115, 79, 30, 50, 63, 77, 113, 90, 73, 71, 80, 56, 14, 67, 127, 95, 38, 2, 23, 42, 120, 122, 87, 72, 84, 99, 18, 44, 41, 29, 101, 105, 114, 125, 3, 22, 61, 19, 83, 91, 100, 6, 5, 54, 43, 97, 24, 27, 37, 119, 112, 108, 118, 15, 68, 85, 70, 102, 57, 107, 59, 34, 124, 55, 33, 12, 48, 110, 76, 66, 106, 26, 123, 103, 109, 31, 39, 93, 35, 65, 36, 82, 0, 1, 4, 64], [119, 38, 118, 42, 33, 25, 84, 31, 88, 52, 94, 103, 114, 99, 57, 55, 102, 28, 83, 78, 96, 54, 50, 62, 22, 106, 60, 45, 87, 93, 112, 29, 23, 53, 97, 27, 71, 61, 34, 74, 32, 85, 109, 111, 17, 24, 120, 46, 122, 110, 41, 80, 104, 21, 40, 18, 116, 125, 35, 121, 39, 105, 10, 123, 79, 56, 36, 92, 98, 47, 113, 107, 89, 127, 115, 126, 26, 20, 101, 16, 30, 43, 12, 49, 48, 81, 58, 91, 117, 37, 14, 13, 90, 63, 82, 100, 73, 11, 4, 7, 75, 44, 59, 51, 68, 124, 15, 108, 77, 95, 19, 72, 86, 1, 76, 8, 5, 6, 3, 0, 70, 69, 9, 65, 2, 67, 66, 64], [119, 118, 38, 33, 103, 42, 25, 94, 90, 54, 88, 109, 84, 31, 112, 120, 52, 102, 62, 111, 22, 45, 93, 53, 50, 57, 55, 83, 125, 47, 114, 87, 110, 106, 122, 74, 35, 18, 60, 101, 48, 58, 116, 85, 127, 61, 23, 78, 28, 59, 91, 100, 124, 121, 46, 63, 99, 49, 79, 126, 56, 123, 51, 113, 108, 30, 115, 105, 107, 117, 29, 43, 98, 26, 41, 39, 96, 0, 44, 24, 71, 34, 97, 40, 104, 27, 72, 89, 8, 11, 21, 75, 16, 68, 82, 12, 5, 37, 13, 69, 36, 64, 1, 4, 32, 95, 80, 67, 7, 2, 92, 65, 17, 14, 66, 73, 9, 3, 15, 70, 77, 10, 20, 81, 76, 6, 86, 19], [118, 38, 119, 42, 33, 25, 31, 109, 83, 55, 22, 94, 114, 84, 78, 90, 88, 106, 99, 52, 53, 54, 12, 74, 103, 120, 48, 111, 121, 102, 125, 17, 110, 50, 93, 62, 87, 107, 127, 34, 112, 60, 43, 97, 89, 115, 113, 122, 61, 57, 105, 58, 47, 91, 116, 73, 104, 35, 63, 46, 123, 30, 96, 28, 29, 72, 41, 59, 124, 126, 23, 44, 70, 37, 56, 117, 49, 101, 100, 27, 40, 85, 51, 79, 71, 95, 7, 45, 108, 80, 92, 68, 19, 39, 98, 81, 86, 26, 24, 75, 10, 36, 32, 67, 15, 76, 16, 21, 2, 18, 14, 11, 77, 82, 3, 66, 8, 1, 6, 20, 13, 0, 69, 4, 64, 5, 65, 9], [38, 118, 119, 33, 25, 83, 31, 79, 84, 89, 94, 12, 81, 78, 90, 88, 28, 85, 73, 22, 29, 54, 42, 24, 19, 112, 45, 26, 87, 93, 70, 17, 6, 102, 97, 48, 9, 55, 27, 116, 106, 35, 59, 127, 121, 114, 74, 110, 32, 125, 2, 103, 82, 20, 124, 52, 98, 96, 34, 21, 71, 50, 15, 80, 67, 18, 40, 16, 95, 109, 92, 0, 75, 91, 76, 62, 117, 72, 8, 39, 120, 69, 77, 65, 43, 30, 108, 36, 100, 99, 5, 58, 115, 57, 101, 14, 13, 23, 51, 60, 3, 61, 64, 107, 37, 86, 113, 104, 4, 66, 11, 126, 68, 41, 47, 122, 46, 111, 53, 1, 10, 123, 105, 49, 63, 7, 56, 44], [39, 57, 58, 52, 56, 116, 117, 55, 118, 51, 37, 59, 120, 86, 97, 31, 50, 126, 28, 98, 110, 99, 53, 54, 63, 112, 40, 122, 41, 20, 29, 47, 43, 92, 111, 109, 127, 124, 38, 125, 114, 95, 115, 108, 49, 123, 119, 105, 88, 89, 19, 61, 106, 62, 30, 60, 107, 113, 45, 34, 44, 104, 100, 121, 48, 36, 42, 46, 102, 33, 25, 32, 23, 6, 81, 101, 35, 80, 93, 10, 91, 24, 73, 96, 18, 87, 15, 78, 69, 27, 13, 14, 94, 22, 26, 90, 74, 66, 84, 67, 76, 71, 16, 12, 7, 68, 103, 64, 8, 21, 1, 2, 17, 72, 75, 5, 85, 83, 82, 11, 77, 0, 9, 3, 65, 79, 4, 70], [56, 39, 58, 52, 19, 59, 120, 34, 28, 90, 26, 31, 95, 96, 55, 37, 79, 53, 12, 21, 97, 88, 98, 86, 50, 116, 127, 118, 57, 24, 92, 8, 99, 25, 122, 49, 123, 111, 89, 14, 121, 18, 83, 27, 108, 29, 74, 63, 62, 51, 110, 44, 43, 87, 105, 109, 115, 91, 104, 38, 70, 126, 114, 1, 42, 10, 80, 41, 119, 68, 46, 33, 102, 72, 35, 60, 32, 45, 124, 125, 15, 93, 100, 106, 4, 48, 107, 85, 103, 112, 94, 47, 6, 78, 76, 23, 113, 81, 61, 75, 40, 101, 54, 11, 117, 0, 84, 16, 82, 36, 9, 2, 30, 13, 17, 22, 67, 71, 20, 64, 3, 69, 65, 73, 66, 77, 5, 7], [56, 39, 52, 117, 58, 57, 116, 55, 37, 118, 51, 53, 86, 54, 120, 10, 31, 73, 127, 126, 110, 111, 63, 97, 123, 122, 6, 119, 38, 76, 99, 121, 16, 29, 49, 43, 109, 13, 105, 112, 80, 42, 124, 125, 44, 78, 83, 106, 61, 7, 108, 93, 89, 28, 115, 50, 72, 48, 40, 62, 107, 45, 60, 46, 114, 77, 47, 113, 68, 88, 81, 11, 98, 41, 66, 104, 87, 82, 15, 67, 102, 69, 92, 36, 79, 30, 101, 34, 27, 59, 19, 96, 75, 22, 100, 33, 95, 20, 35, 1, 103, 71, 17, 32, 5, 84, 24, 94, 64, 26, 23, 85, 14, 4, 91, 8, 25, 0, 65, 9, 2, 12, 74, 21, 90, 70, 18, 3], [39, 52, 56, 34, 117, 57, 58, 51, 88, 116, 120, 50, 118, 95, 18, 98, 80, 20, 86, 55, 122, 21, 92, 30, 22, 90, 28, 53, 114, 97, 13, 74, 115, 19, 29, 32, 109, 60, 126, 62, 77, 61, 125, 99, 26, 89, 27, 25, 121, 37, 68, 11, 78, 49, 82, 14, 8, 54, 23, 48, 79, 24, 31, 71, 96, 112, 40, 105, 123, 127, 35, 46, 36, 94, 33, 124, 63, 12, 108, 119, 100, 110, 45, 10, 43, 44, 111, 47, 9, 107, 93, 85, 42, 16, 41, 38, 106, 15, 59, 113, 104, 102, 6, 101, 75, 91, 70, 81, 83, 2, 69, 84, 17, 1, 87, 76, 73, 0, 4, 3, 67, 5, 66, 72, 103, 7, 65, 64], [57, 48, 50, 38, 58, 54, 118, 56, 61, 100, 53, 63, 124, 115, 41, 116, 117, 119, 52, 102, 59, 84, 120, 46, 51, 121, 47, 126, 122, 125, 62, 113, 114, 111, 127, 97, 20, 44, 123, 49, 109, 60, 55, 45, 110, 112, 108, 43, 103, 106, 40, 107, 74, 42, 89, 105, 30, 27, 34, 31, 7, 33, 13, 101, 39, 24, 95, 78, 104, 32, 36, 98, 35, 21, 37, 88, 25, 99, 92, 80, 77, 87, 91, 96, 29, 23, 85, 93, 16, 71, 9, 69, 94, 28, 10, 66, 12, 90, 18, 73, 4, 26, 2, 5, 6, 65, 64, 3, 14, 19, 68, 72, 79, 83, 11, 70, 17, 0, 75, 82, 86, 1, 76, 15, 67, 22, 81, 8], [50, 38, 57, 48, 97, 112, 114, 7, 54, 115, 20, 88, 111, 77, 124, 90, 81, 100, 29, 95, 18, 79, 11, 28, 4, 27, 58, 24, 53, 68, 35, 23, 52, 59, 107, 94, 86, 119, 1, 101, 25, 63, 10, 56, 120, 99, 61, 42, 72, 104, 41, 121, 16, 103, 40, 125, 26, 43, 118, 117, 39, 108, 32, 123, 109, 110, 51, 37, 8, 46, 102, 116, 47, 105, 87, 106, 14, 93, 44, 6, 45, 85, 71, 49, 62, 126, 113, 55, 3, 76, 83, 65, 96, 75, 60, 34, 127, 89, 91, 30, 21, 122, 36, 31, 98, 78, 15, 84, 73, 12, 82, 17, 66, 5, 19, 80, 2, 74, 33, 0, 64, 92, 22, 9, 69, 13, 67, 70], [38, 57, 50, 48, 97, 23, 79, 72, 81, 76, 100, 18, 114, 28, 112, 6, 10, 3, 68, 14, 21, 65, 8, 70, 86, 77, 11, 82, 80, 87, 0, 67, 17, 54, 12, 75, 90, 88, 24, 56, 15, 2, 20, 95, 59, 73, 78, 5, 83, 9, 13, 85, 53, 84, 16, 29, 69, 58, 93, 102, 19, 92, 115, 91, 26, 25, 74, 27, 52, 66, 22, 117, 71, 94, 30, 121, 111, 61, 89, 32, 107, 7, 64, 124, 101, 36, 1, 55, 31, 35, 96, 63, 99, 4, 98, 119, 46, 34, 41, 60, 118, 125, 43, 110, 120, 106, 37, 126, 62, 123, 104, 40, 47, 42, 39, 103, 44, 127, 51, 116, 49, 105, 33, 108, 122, 109, 45, 113], [48, 50, 57, 38, 122, 115, 126, 51, 46, 54, 118, 56, 47, 62, 58, 109, 114, 124, 116, 49, 125, 55, 52, 112, 63, 113, 119, 61, 127, 60, 110, 59, 53, 45, 106, 43, 117, 44, 123, 121, 120, 108, 41, 107, 105, 40, 42, 103, 34, 102, 111, 101, 39, 89, 104, 20, 97, 37, 95, 32, 29, 90, 86, 100, 36, 31, 30, 35, 93, 99, 88, 77, 92, 96, 94, 98, 16, 22, 83, 33, 81, 27, 25, 91, 23, 80, 84, 14, 28, 24, 19, 21, 73, 26, 17, 82, 13, 18, 79, 78, 87, 85, 76, 11, 66, 10, 6, 12, 74, 9, 15, 0, 75, 2, 71, 69, 7, 1, 72, 8, 64, 68, 3, 4, 70, 5, 65, 67]], "model.layers.6.self_attn.k_proj": [[44, 55, 100, 86, 32, 84, 81, 57, 15, 77, 91, 108, 23, 12, 10, 64, 5, 75, 67, 8, 7, 65, 94, 114, 90, 16, 111, 29, 71, 76, 50, 82, 89, 103, 68, 72, 2, 83, 25, 39, 123, 78, 51, 66, 93, 121, 63, 120, 6, 58, 46, 48, 118, 125, 19, 124, 31, 126, 106, 61, 127, 104, 21, 70, 40, 1, 45, 18, 95, 88, 47, 0, 122, 69, 113, 53, 119, 34, 117, 62, 92, 54, 56, 42, 37, 109, 43, 73, 35, 41, 33, 11, 38, 116, 80, 30, 97, 49, 52, 98, 85, 28, 74, 107, 112, 59, 115, 110, 102, 4, 24, 60, 87, 99, 105, 101, 14, 27, 22, 26, 20, 79, 96, 13, 9, 17, 3, 36], [106, 110, 46, 96, 22, 93, 17, 89, 39, 10, 14, 19, 76, 20, 56, 71, 38, 120, 0, 11, 24, 45, 111, 42, 1, 123, 3, 52, 69, 66, 26, 28, 13, 103, 119, 58, 16, 5, 8, 49, 79, 37, 92, 18, 121, 116, 48, 107, 54, 43, 99, 114, 70, 105, 57, 127, 68, 122, 61, 85, 113, 60, 50, 90, 47, 73, 63, 55, 40, 36, 126, 117, 62, 109, 35, 53, 125, 124, 100, 112, 118, 30, 65, 102, 27, 115, 108, 4, 44, 104, 67, 23, 80, 82, 6, 101, 31, 51, 98, 34, 59, 97, 29, 9, 84, 64, 91, 33, 41, 94, 86, 7, 72, 21, 95, 74, 88, 2, 87, 77, 78, 12, 75, 15, 83, 25, 32, 81], [45, 39, 98, 109, 0, 20, 80, 18, 72, 12, 14, 24, 79, 75, 71, 66, 74, 5, 4, 70, 65, 9, 3, 112, 1, 67, 77, 69, 22, 92, 19, 64, 113, 123, 60, 120, 85, 91, 59, 86, 89, 23, 58, 48, 88, 17, 73, 6, 34, 78, 114, 25, 10, 90, 21, 27, 55, 63, 108, 13, 30, 122, 28, 47, 96, 126, 29, 119, 104, 33, 61, 105, 93, 83, 95, 35, 115, 31, 57, 11, 100, 51, 8, 54, 50, 38, 2, 121, 94, 111, 110, 49, 97, 26, 125, 81, 32, 87, 124, 7, 40, 46, 56, 52, 68, 101, 127, 42, 44, 117, 106, 116, 107, 118, 36, 43, 37, 41, 62, 102, 99, 53, 16, 76, 82, 84, 15, 103], [113, 124, 102, 56, 49, 94, 84, 82, 15, 76, 86, 81, 74, 77, 64, 5, 71, 8, 89, 73, 1, 66, 69, 39, 67, 122, 26, 91, 4, 75, 2, 51, 68, 70, 25, 65, 3, 72, 12, 24, 13, 38, 30, 6, 22, 23, 20, 59, 33, 79, 14, 83, 78, 90, 32, 80, 87, 7, 27, 9, 29, 88, 96, 10, 60, 99, 19, 16, 28, 21, 85, 18, 0, 11, 105, 97, 93, 17, 31, 95, 92, 103, 114, 35, 58, 125, 54, 47, 117, 43, 46, 104, 45, 40, 107, 118, 112, 36, 108, 109, 116, 115, 110, 126, 42, 62, 48, 111, 63, 98, 101, 55, 50, 53, 57, 44, 61, 127, 52, 106, 41, 34, 37, 121, 119, 120, 123, 100], [104, 116, 34, 111, 64, 20, 11, 53, 81, 86, 78, 51, 8, 16, 9, 7, 13, 121, 96, 3, 113, 2, 58, 62, 68, 69, 109, 60, 110, 122, 42, 50, 117, 56, 41, 89, 46, 127, 30, 49, 1, 126, 90, 108, 21, 98, 67, 39, 6, 105, 40, 63, 35, 37, 88, 83, 82, 32, 27, 124, 125, 65, 92, 44, 15, 57, 76, 107, 118, 61, 120, 54, 36, 74, 29, 0, 87, 70, 72, 28, 24, 31, 23, 25, 99, 93, 59, 106, 119, 47, 85, 91, 5, 43, 103, 77, 94, 33, 112, 97, 18, 55, 26, 45, 22, 38, 95, 115, 114, 19, 101, 123, 12, 52, 84, 100, 48, 71, 102, 66, 17, 79, 10, 75, 14, 4, 73, 80], [102, 119, 118, 22, 97, 25, 28, 83, 84, 78, 95, 12, 64, 74, 94, 71, 16, 18, 52, 79, 88, 30, 68, 125, 106, 111, 73, 38, 124, 46, 13, 91, 54, 45, 127, 66, 109, 6, 116, 17, 48, 104, 62, 43, 51, 58, 40, 53, 61, 57, 126, 90, 59, 123, 117, 67, 65, 1, 120, 121, 113, 44, 93, 3, 60, 50, 11, 56, 49, 69, 103, 108, 21, 47, 37, 112, 81, 19, 99, 42, 115, 122, 23, 63, 35, 82, 114, 41, 75, 2, 105, 20, 39, 26, 100, 70, 110, 55, 36, 87, 34, 32, 72, 15, 107, 101, 4, 80, 0, 98, 7, 5, 31, 77, 85, 96, 8, 27, 29, 92, 76, 86, 9, 89, 10, 24, 14, 33], [103, 57, 52, 56, 31, 58, 21, 88, 18, 90, 117, 59, 79, 98, 28, 14, 111, 72, 89, 75, 4, 120, 118, 25, 60, 12, 116, 110, 126, 74, 64, 85, 115, 55, 50, 62, 63, 124, 121, 66, 70, 46, 32, 112, 125, 49, 123, 65, 109, 39, 108, 105, 51, 53, 114, 48, 43, 73, 54, 34, 44, 92, 127, 27, 35, 113, 119, 81, 106, 19, 107, 102, 45, 47, 86, 84, 101, 20, 61, 122, 96, 7, 97, 104, 87, 77, 76, 91, 29, 41, 100, 13, 40, 82, 42, 71, 11, 94, 26, 16, 33, 6, 38, 95, 67, 3, 99, 36, 69, 37, 24, 80, 78, 30, 93, 1, 9, 68, 5, 8, 17, 15, 10, 23, 22, 83, 0, 2], [102, 50, 57, 86, 48, 33, 92, 18, 79, 76, 81, 23, 72, 6, 88, 83, 112, 14, 90, 11, 0, 93, 100, 30, 3, 10, 111, 31, 53, 58, 77, 124, 68, 73, 119, 61, 94, 117, 114, 2, 16, 63, 21, 118, 52, 36, 29, 54, 125, 38, 35, 99, 56, 115, 120, 9, 59, 65, 121, 108, 123, 105, 41, 98, 47, 113, 126, 127, 69, 55, 25, 45, 62, 51, 46, 24, 109, 60, 116, 20, 107, 110, 49, 85, 43, 32, 44, 66, 5, 96, 34, 122, 89, 106, 75, 42, 104, 1, 103, 91, 27, 39, 40, 101, 26, 37, 64, 4, 71, 95, 82, 84, 12, 78, 67, 80, 22, 15, 87, 19, 7, 8, 74, 28, 17, 13, 70, 97]], "model.layers.6.self_attn.qk_proj": [[57, 56, 118, 119, 45, 50, 55, 124, 113, 109, 48, 49, 38, 46, 44, 106, 22, 104, 52, 116, 102, 39, 108, 86, 20, 84, 58, 17, 110, 42, 30, 81, 25, 111, 34, 79, 15, 78, 76, 82, 98, 18, 88, 94, 89, 24, 10, 14, 32, 12, 112, 7, 13, 74, 0, 103, 40, 77, 117, 114, 51, 29, 72, 120, 8, 53, 75, 64, 16, 71, 11, 96, 90, 19, 28, 80, 67, 62, 31, 60, 87, 26, 121, 33, 3, 92, 63, 69, 70, 123, 127, 23, 83, 73, 97, 5, 66, 2, 9, 59, 126, 122, 68, 27, 61, 41, 47, 4, 93, 100, 21, 43, 95, 36, 115, 125, 54, 107, 1, 91, 65, 99, 85, 105, 35, 6, 101, 37], [57, 56, 119, 118, 45, 50, 113, 55, 124, 109, 49, 48, 38, 46, 44, 106, 104, 22, 116, 52, 102, 39, 84, 86, 108, 20, 58, 110, 17, 42, 111, 81, 30, 25, 103, 34, 89, 94, 79, 82, 78, 98, 32, 15, 18, 76, 112, 14, 117, 24, 88, 12, 51, 10, 40, 74, 29, 7, 53, 75, 77, 120, 16, 28, 71, 72, 60, 11, 8, 64, 13, 114, 90, 80, 0, 96, 19, 121, 26, 127, 59, 97, 83, 87, 66, 31, 69, 2, 23, 62, 92, 4, 5, 33, 9, 122, 73, 123, 126, 27, 68, 67, 63, 1, 70, 100, 54, 61, 93, 125, 95, 3, 47, 43, 65, 21, 41, 91, 107, 6, 115, 99, 85, 36, 105, 35, 37, 101], [57, 56, 119, 118, 45, 113, 50, 55, 109, 48, 124, 49, 38, 46, 44, 102, 22, 106, 104, 39, 52, 116, 86, 84, 108, 20, 58, 110, 42, 17, 30, 25, 81, 89, 111, 98, 79, 94, 15, 34, 18, 82, 88, 14, 103, 32, 78, 76, 74, 0, 120, 13, 77, 75, 40, 112, 10, 24, 51, 71, 117, 12, 8, 7, 53, 60, 64, 114, 96, 11, 28, 72, 16, 90, 5, 29, 67, 31, 80, 26, 19, 83, 92, 69, 66, 2, 62, 3, 123, 97, 23, 68, 87, 73, 121, 9, 59, 127, 4, 122, 27, 93, 100, 63, 33, 54, 126, 6, 61, 1, 115, 70, 95, 43, 107, 21, 85, 41, 65, 91, 47, 125, 99, 105, 35, 36, 37, 101], [57, 56, 119, 118, 45, 50, 113, 55, 124, 48, 109, 49, 38, 46, 44, 106, 104, 102, 52, 116, 39, 22, 86, 108, 84, 20, 58, 42, 110, 17, 30, 81, 89, 18, 79, 34, 103, 25, 98, 94, 15, 111, 14, 78, 32, 82, 64, 112, 13, 117, 88, 76, 10, 51, 40, 24, 12, 8, 74, 77, 0, 3, 71, 120, 11, 60, 7, 28, 114, 53, 67, 96, 127, 90, 66, 123, 75, 121, 80, 16, 29, 31, 5, 62, 83, 72, 26, 19, 2, 69, 92, 73, 97, 33, 122, 23, 63, 59, 87, 4, 6, 27, 126, 100, 9, 54, 68, 93, 115, 1, 61, 95, 65, 21, 41, 107, 43, 70, 47, 91, 85, 125, 37, 105, 36, 99, 35, 101], [57, 56, 118, 119, 45, 50, 55, 113, 48, 124, 109, 38, 49, 46, 44, 106, 104, 52, 116, 102, 39, 22, 108, 86, 20, 84, 42, 58, 17, 110, 81, 34, 78, 30, 89, 111, 79, 15, 14, 94, 76, 18, 32, 12, 98, 112, 74, 10, 25, 8, 71, 82, 103, 88, 64, 51, 7, 11, 40, 114, 77, 13, 120, 0, 72, 24, 96, 53, 16, 28, 75, 29, 62, 80, 69, 117, 83, 66, 19, 90, 3, 92, 127, 5, 4, 60, 2, 6, 123, 26, 63, 73, 9, 67, 68, 31, 121, 59, 100, 65, 33, 23, 97, 87, 122, 126, 93, 115, 27, 41, 54, 95, 1, 61, 105, 43, 91, 47, 36, 107, 125, 85, 37, 70, 35, 99, 21, 101], [57, 56, 119, 118, 45, 50, 55, 113, 124, 109, 48, 49, 46, 38, 44, 106, 104, 52, 116, 102, 39, 22, 86, 84, 108, 20, 58, 110, 17, 42, 81, 34, 79, 82, 111, 30, 25, 14, 98, 12, 78, 15, 76, 8, 74, 89, 10, 94, 103, 18, 13, 112, 88, 11, 7, 40, 51, 16, 32, 77, 117, 24, 71, 114, 0, 72, 64, 3, 53, 80, 120, 75, 29, 123, 60, 28, 127, 69, 5, 90, 96, 19, 26, 83, 97, 23, 31, 4, 68, 6, 73, 67, 66, 122, 59, 92, 62, 121, 9, 100, 87, 126, 63, 2, 33, 93, 27, 47, 41, 54, 107, 115, 95, 1, 61, 65, 43, 36, 21, 125, 85, 105, 99, 91, 70, 37, 101, 35], [57, 56, 119, 118, 45, 50, 113, 55, 124, 109, 48, 49, 38, 46, 44, 104, 106, 52, 102, 22, 116, 39, 86, 20, 84, 108, 17, 58, 81, 30, 110, 42, 82, 79, 89, 25, 40, 10, 78, 15, 18, 13, 12, 77, 98, 76, 34, 74, 51, 14, 94, 111, 8, 103, 16, 88, 11, 32, 112, 24, 72, 7, 96, 117, 75, 80, 120, 19, 90, 114, 71, 53, 29, 60, 59, 28, 83, 26, 127, 92, 73, 61, 63, 97, 62, 64, 123, 122, 121, 0, 33, 100, 9, 87, 31, 69, 23, 67, 5, 27, 126, 2, 4, 68, 93, 6, 3, 66, 47, 125, 107, 21, 41, 54, 91, 43, 85, 105, 95, 1, 99, 115, 65, 36, 37, 101, 70, 35], [57, 56, 119, 118, 45, 50, 124, 113, 55, 109, 48, 49, 46, 38, 106, 44, 104, 52, 39, 116, 102, 22, 86, 84, 20, 108, 17, 58, 81, 89, 42, 110, 25, 78, 30, 34, 82, 14, 79, 15, 12, 18, 111, 74, 98, 77, 88, 103, 76, 10, 40, 13, 51, 8, 11, 16, 80, 94, 75, 117, 32, 24, 71, 112, 120, 19, 72, 114, 7, 28, 83, 53, 64, 96, 92, 121, 59, 73, 69, 31, 29, 5, 0, 87, 62, 90, 60, 97, 66, 9, 26, 100, 126, 27, 23, 122, 2, 123, 33, 63, 68, 4, 47, 3, 67, 127, 54, 21, 6, 91, 61, 93, 85, 125, 43, 95, 65, 70, 107, 41, 35, 1, 115, 105, 36, 99, 37, 101], [57, 56, 119, 118, 45, 50, 55, 124, 113, 109, 49, 48, 38, 46, 44, 106, 104, 52, 116, 102, 39, 22, 86, 84, 20, 108, 58, 81, 17, 42, 25, 110, 89, 78, 34, 82, 30, 14, 111, 79, 18, 32, 103, 98, 15, 94, 40, 10, 12, 88, 77, 80, 13, 74, 76, 24, 8, 112, 117, 29, 11, 75, 83, 53, 19, 114, 28, 51, 96, 72, 120, 90, 7, 71, 121, 16, 62, 92, 31, 87, 64, 26, 59, 127, 23, 97, 100, 66, 9, 67, 122, 60, 5, 123, 61, 33, 27, 73, 63, 3, 4, 68, 0, 126, 69, 2, 54, 93, 21, 125, 91, 95, 6, 47, 85, 65, 70, 41, 99, 35, 1, 43, 37, 115, 105, 107, 36, 101], [57, 56, 118, 119, 50, 45, 55, 113, 109, 124, 48, 49, 38, 46, 44, 116, 106, 104, 102, 52, 22, 39, 84, 86, 20, 108, 58, 81, 42, 17, 110, 30, 25, 82, 79, 111, 14, 15, 78, 76, 18, 89, 98, 34, 94, 103, 51, 77, 40, 32, 88, 10, 127, 12, 29, 24, 7, 74, 11, 112, 80, 117, 28, 8, 90, 13, 96, 72, 75, 53, 87, 16, 83, 60, 71, 19, 114, 120, 26, 31, 23, 0, 5, 123, 66, 92, 59, 64, 97, 62, 69, 73, 67, 100, 121, 68, 9, 33, 61, 27, 4, 126, 122, 63, 2, 3, 70, 54, 93, 47, 41, 125, 43, 91, 21, 85, 95, 107, 1, 105, 65, 115, 6, 35, 99, 37, 101, 36], [57, 56, 119, 118, 45, 50, 113, 55, 124, 109, 48, 38, 49, 44, 106, 46, 52, 104, 102, 116, 39, 22, 86, 108, 84, 20, 58, 42, 110, 17, 81, 34, 111, 30, 15, 14, 78, 25, 76, 98, 79, 103, 82, 18, 89, 94, 10, 0, 32, 88, 12, 64, 112, 7, 72, 71, 11, 13, 24, 74, 40, 114, 51, 117, 96, 53, 77, 8, 19, 28, 2, 70, 75, 5, 80, 66, 69, 31, 120, 127, 16, 62, 26, 123, 3, 92, 63, 90, 29, 83, 67, 60, 73, 68, 23, 9, 97, 121, 41, 4, 87, 122, 59, 93, 100, 61, 65, 47, 54, 33, 126, 27, 1, 95, 115, 107, 85, 125, 43, 21, 91, 105, 6, 36, 35, 99, 37, 101], [57, 56, 119, 118, 45, 50, 113, 55, 124, 109, 48, 38, 49, 44, 46, 106, 104, 52, 39, 116, 102, 22, 84, 86, 108, 20, 58, 42, 110, 17, 81, 111, 98, 34, 82, 30, 79, 25, 78, 15, 14, 89, 94, 32, 18, 103, 13, 88, 12, 76, 51, 40, 74, 72, 10, 7, 71, 24, 112, 80, 77, 53, 67, 75, 64, 0, 123, 3, 11, 121, 8, 5, 16, 29, 19, 117, 62, 127, 28, 92, 68, 120, 96, 114, 69, 83, 9, 31, 90, 122, 4, 59, 66, 60, 2, 70, 26, 87, 63, 97, 73, 100, 41, 27, 33, 23, 1, 65, 95, 93, 54, 47, 126, 61, 91, 107, 125, 115, 21, 85, 36, 105, 6, 99, 37, 43, 35, 101], [57, 56, 118, 119, 50, 45, 55, 124, 113, 48, 109, 49, 46, 38, 44, 104, 106, 116, 52, 102, 22, 39, 84, 86, 20, 108, 17, 58, 81, 110, 30, 42, 25, 89, 82, 111, 15, 79, 18, 78, 34, 14, 94, 12, 74, 10, 98, 32, 76, 103, 13, 72, 40, 88, 77, 24, 11, 29, 16, 7, 51, 80, 117, 8, 83, 75, 112, 71, 114, 53, 96, 120, 92, 122, 28, 97, 121, 5, 100, 90, 59, 60, 19, 127, 26, 31, 9, 87, 123, 27, 126, 69, 73, 23, 66, 4, 41, 68, 62, 33, 2, 64, 3, 0, 93, 61, 54, 63, 47, 91, 125, 115, 43, 107, 85, 67, 21, 70, 95, 65, 6, 35, 37, 99, 1, 36, 105, 101], [57, 56, 119, 118, 45, 55, 50, 124, 113, 109, 48, 49, 46, 38, 44, 106, 52, 104, 116, 22, 102, 39, 86, 84, 108, 20, 58, 17, 110, 81, 42, 34, 82, 78, 25, 18, 12, 30, 72, 79, 15, 103, 111, 74, 98, 14, 10, 0, 32, 89, 76, 88, 24, 112, 71, 77, 7, 51, 8, 94, 64, 40, 13, 16, 75, 117, 11, 123, 80, 5, 29, 83, 53, 19, 114, 62, 69, 60, 26, 96, 127, 28, 31, 92, 9, 126, 90, 59, 120, 122, 2, 66, 73, 23, 121, 33, 54, 63, 68, 4, 87, 97, 3, 61, 67, 100, 70, 27, 21, 6, 47, 93, 115, 43, 95, 91, 41, 125, 1, 65, 85, 105, 107, 36, 35, 99, 37, 101], [57, 56, 118, 119, 45, 113, 50, 124, 55, 109, 48, 49, 38, 46, 44, 106, 104, 52, 116, 39, 102, 86, 22, 84, 108, 20, 42, 58, 17, 81, 110, 30, 18, 82, 79, 89, 25, 78, 34, 14, 98, 15, 94, 111, 12, 103, 72, 32, 10, 74, 76, 71, 40, 77, 112, 88, 7, 24, 11, 51, 16, 8, 96, 117, 26, 5, 28, 29, 62, 13, 3, 75, 53, 83, 64, 31, 114, 0, 90, 19, 69, 120, 80, 127, 73, 66, 60, 121, 59, 92, 67, 2, 123, 100, 9, 97, 23, 68, 126, 87, 6, 63, 93, 54, 4, 122, 27, 33, 41, 115, 43, 65, 21, 95, 47, 1, 85, 61, 36, 35, 107, 70, 91, 125, 37, 105, 99, 101], [57, 56, 119, 118, 45, 50, 55, 124, 113, 48, 109, 38, 49, 44, 46, 106, 52, 104, 116, 102, 39, 22, 86, 108, 84, 20, 58, 42, 17, 110, 81, 34, 30, 111, 78, 25, 98, 15, 94, 14, 79, 82, 10, 74, 89, 76, 18, 12, 103, 117, 24, 77, 72, 88, 32, 112, 40, 7, 71, 11, 16, 8, 120, 26, 96, 51, 28, 75, 80, 29, 13, 64, 83, 121, 19, 114, 0, 92, 127, 69, 59, 53, 90, 3, 123, 31, 97, 47, 67, 62, 60, 73, 5, 122, 93, 126, 4, 87, 23, 100, 9, 68, 2, 66, 6, 41, 33, 63, 27, 54, 115, 43, 21, 95, 61, 125, 65, 1, 107, 35, 99, 105, 91, 70, 85, 36, 37, 101], [57, 56, 118, 119, 50, 45, 113, 124, 55, 109, 48, 38, 46, 49, 44, 116, 22, 106, 104, 52, 102, 39, 86, 84, 108, 20, 17, 42, 58, 110, 81, 30, 25, 18, 89, 15, 111, 77, 98, 78, 79, 34, 74, 82, 14, 10, 12, 94, 76, 11, 88, 40, 24, 7, 13, 16, 72, 51, 120, 117, 32, 103, 8, 75, 80, 53, 28, 71, 114, 112, 122, 123, 19, 26, 96, 29, 60, 92, 31, 0, 87, 127, 83, 5, 69, 126, 97, 23, 90, 62, 73, 66, 63, 59, 121, 9, 4, 33, 61, 64, 100, 68, 21, 27, 6, 47, 43, 54, 115, 107, 3, 2, 67, 93, 95, 41, 105, 125, 99, 35, 91, 1, 65, 36, 85, 37, 70, 101], [57, 56, 118, 119, 45, 50, 113, 124, 55, 109, 48, 46, 49, 38, 44, 106, 52, 104, 116, 22, 39, 102, 86, 84, 20, 108, 58, 42, 110, 17, 81, 89, 30, 82, 25, 18, 14, 78, 15, 98, 34, 74, 12, 10, 79, 111, 94, 72, 88, 40, 117, 8, 32, 13, 75, 76, 103, 24, 77, 7, 53, 28, 51, 112, 80, 71, 11, 16, 60, 31, 83, 64, 96, 19, 121, 5, 90, 114, 120, 126, 87, 122, 69, 26, 62, 66, 29, 92, 9, 3, 73, 23, 97, 123, 0, 127, 100, 59, 63, 67, 68, 33, 2, 61, 6, 27, 4, 47, 115, 54, 43, 21, 93, 91, 95, 41, 1, 85, 107, 65, 125, 70, 105, 99, 35, 37, 36, 101], [57, 56, 119, 118, 45, 50, 113, 55, 124, 109, 48, 38, 49, 46, 44, 106, 102, 52, 104, 116, 39, 22, 86, 84, 108, 20, 58, 42, 17, 110, 30, 81, 89, 94, 15, 34, 18, 82, 98, 14, 111, 12, 76, 88, 78, 79, 25, 103, 40, 10, 74, 8, 0, 51, 24, 112, 71, 7, 77, 72, 11, 32, 64, 96, 117, 31, 13, 75, 28, 26, 100, 60, 90, 5, 16, 80, 114, 29, 69, 121, 122, 66, 120, 3, 92, 53, 83, 19, 2, 127, 97, 23, 62, 87, 123, 33, 9, 73, 59, 4, 68, 126, 27, 67, 63, 41, 61, 6, 93, 95, 105, 54, 115, 70, 65, 1, 47, 91, 21, 37, 85, 99, 35, 43, 107, 36, 125, 101], [57, 56, 118, 119, 50, 45, 55, 124, 113, 48, 109, 49, 38, 46, 44, 106, 52, 116, 102, 104, 22, 39, 86, 84, 108, 20, 58, 17, 110, 42, 30, 81, 14, 34, 89, 98, 82, 76, 78, 18, 10, 74, 25, 94, 15, 8, 117, 88, 12, 111, 103, 32, 79, 112, 51, 71, 40, 11, 75, 13, 24, 72, 120, 77, 19, 123, 7, 29, 26, 96, 16, 126, 80, 114, 83, 28, 90, 127, 0, 60, 53, 5, 69, 121, 66, 73, 31, 4, 64, 122, 61, 97, 92, 68, 59, 100, 3, 62, 87, 2, 23, 33, 9, 63, 47, 70, 27, 93, 67, 43, 95, 21, 54, 41, 65, 1, 115, 6, 107, 85, 105, 91, 35, 125, 36, 99, 37, 101], [57, 56, 118, 119, 45, 50, 124, 55, 113, 48, 109, 49, 44, 38, 46, 106, 52, 104, 116, 22, 102, 39, 86, 108, 84, 20, 58, 17, 42, 110, 81, 30, 14, 98, 89, 18, 111, 79, 25, 88, 34, 78, 8, 15, 32, 82, 12, 94, 76, 10, 74, 103, 77, 112, 24, 40, 71, 117, 13, 120, 67, 16, 75, 114, 64, 51, 80, 11, 7, 28, 62, 3, 96, 72, 123, 60, 19, 92, 90, 31, 83, 29, 87, 26, 53, 127, 126, 5, 0, 121, 69, 97, 73, 66, 61, 63, 4, 47, 70, 115, 122, 33, 41, 9, 59, 93, 100, 27, 68, 107, 2, 23, 95, 54, 91, 125, 43, 21, 36, 85, 1, 6, 105, 65, 99, 37, 35, 101], [57, 56, 118, 119, 45, 50, 124, 55, 113, 109, 48, 49, 38, 44, 46, 52, 106, 104, 102, 116, 39, 22, 86, 108, 84, 20, 58, 42, 17, 110, 81, 30, 34, 15, 98, 25, 94, 79, 18, 89, 14, 111, 78, 82, 12, 103, 88, 74, 40, 24, 8, 112, 10, 117, 76, 77, 51, 32, 120, 71, 7, 16, 75, 64, 13, 11, 96, 0, 28, 60, 80, 26, 66, 90, 114, 72, 69, 53, 59, 5, 83, 19, 29, 92, 3, 126, 87, 97, 121, 62, 2, 31, 122, 123, 127, 9, 23, 63, 27, 73, 33, 100, 70, 67, 4, 43, 68, 61, 47, 93, 41, 95, 115, 107, 105, 1, 54, 91, 125, 21, 85, 36, 37, 65, 6, 99, 35, 101], [57, 56, 118, 119, 45, 50, 55, 124, 113, 48, 109, 49, 38, 46, 44, 52, 106, 116, 104, 102, 22, 39, 20, 108, 86, 84, 58, 42, 17, 110, 30, 81, 89, 25, 34, 18, 88, 79, 32, 78, 94, 14, 15, 12, 82, 98, 74, 111, 8, 10, 112, 13, 51, 103, 76, 117, 77, 24, 71, 11, 114, 7, 120, 75, 80, 40, 16, 19, 72, 28, 87, 83, 59, 29, 26, 0, 126, 62, 96, 92, 97, 69, 90, 127, 31, 121, 5, 64, 60, 3, 122, 53, 9, 73, 66, 123, 33, 4, 68, 100, 23, 2, 27, 70, 93, 67, 61, 63, 47, 43, 41, 1, 115, 95, 54, 85, 91, 125, 35, 37, 107, 105, 21, 6, 36, 65, 99, 101], [57, 56, 118, 119, 45, 50, 124, 55, 113, 109, 48, 38, 49, 46, 44, 106, 52, 116, 104, 102, 39, 22, 84, 108, 86, 20, 110, 58, 42, 17, 30, 81, 111, 98, 89, 78, 34, 25, 94, 10, 79, 88, 103, 8, 18, 74, 76, 117, 14, 12, 82, 32, 15, 51, 75, 112, 77, 24, 40, 71, 28, 7, 114, 120, 72, 26, 80, 13, 29, 96, 16, 127, 11, 3, 123, 19, 53, 83, 97, 90, 60, 87, 92, 69, 126, 121, 31, 64, 122, 23, 9, 62, 68, 5, 73, 67, 100, 33, 4, 59, 63, 27, 0, 66, 41, 47, 115, 54, 2, 70, 93, 61, 107, 105, 125, 36, 65, 95, 43, 21, 85, 91, 35, 1, 6, 99, 37, 101], [57, 56, 118, 119, 45, 50, 124, 113, 55, 109, 48, 49, 38, 46, 44, 52, 104, 102, 106, 116, 22, 39, 108, 20, 84, 86, 58, 17, 42, 81, 110, 30, 10, 89, 34, 79, 76, 18, 111, 25, 15, 98, 14, 78, 94, 82, 11, 88, 12, 74, 40, 51, 7, 103, 13, 77, 117, 112, 8, 71, 24, 32, 120, 16, 96, 72, 114, 75, 29, 80, 60, 26, 28, 90, 31, 19, 83, 53, 122, 5, 69, 92, 73, 123, 64, 9, 0, 62, 126, 100, 97, 121, 23, 59, 127, 63, 33, 87, 68, 2, 4, 67, 3, 41, 47, 66, 93, 115, 27, 61, 6, 125, 95, 43, 107, 70, 105, 21, 65, 1, 85, 36, 91, 54, 99, 35, 37, 101], [57, 56, 118, 119, 50, 45, 113, 124, 55, 109, 48, 49, 38, 46, 44, 106, 104, 52, 116, 102, 22, 39, 84, 86, 20, 108, 58, 17, 81, 42, 110, 111, 25, 98, 30, 89, 34, 14, 82, 76, 74, 79, 10, 15, 78, 117, 94, 18, 103, 88, 24, 72, 40, 12, 71, 120, 8, 13, 7, 77, 32, 80, 11, 75, 28, 51, 16, 112, 92, 126, 114, 64, 0, 26, 19, 96, 83, 53, 5, 29, 123, 9, 62, 23, 60, 121, 66, 122, 4, 73, 127, 90, 67, 69, 97, 100, 87, 31, 93, 59, 33, 2, 47, 6, 63, 61, 3, 91, 27, 115, 125, 95, 41, 54, 68, 21, 85, 1, 107, 105, 65, 43, 36, 70, 99, 35, 101, 37], [57, 56, 119, 118, 45, 50, 124, 113, 55, 109, 48, 49, 38, 46, 44, 104, 106, 52, 116, 22, 102, 39, 86, 84, 20, 108, 58, 17, 30, 81, 25, 42, 110, 82, 34, 98, 89, 79, 32, 15, 111, 103, 88, 76, 94, 14, 78, 24, 12, 74, 10, 40, 18, 77, 51, 75, 72, 112, 13, 120, 7, 29, 19, 90, 71, 16, 92, 114, 117, 96, 80, 28, 64, 8, 0, 83, 11, 67, 3, 62, 97, 59, 53, 121, 87, 63, 73, 60, 26, 31, 126, 5, 122, 33, 66, 4, 6, 23, 2, 69, 47, 61, 68, 100, 123, 127, 41, 9, 93, 125, 27, 65, 91, 43, 95, 107, 85, 21, 54, 1, 105, 99, 115, 36, 70, 35, 37, 101], [57, 56, 119, 118, 45, 50, 124, 55, 113, 109, 48, 49, 46, 38, 44, 52, 106, 116, 104, 39, 22, 102, 84, 108, 20, 86, 58, 17, 42, 110, 81, 34, 30, 15, 111, 79, 89, 10, 25, 98, 82, 78, 12, 18, 14, 72, 76, 74, 103, 112, 8, 7, 51, 24, 94, 88, 13, 75, 120, 40, 117, 64, 71, 77, 11, 0, 80, 32, 16, 53, 60, 114, 5, 62, 2, 19, 28, 29, 90, 69, 123, 83, 73, 67, 121, 4, 26, 97, 68, 126, 92, 66, 96, 23, 122, 9, 31, 63, 127, 6, 33, 61, 47, 54, 3, 59, 93, 65, 87, 100, 1, 27, 95, 43, 41, 115, 125, 107, 91, 105, 85, 21, 70, 36, 37, 99, 101, 35], [57, 56, 119, 118, 45, 50, 113, 55, 124, 48, 109, 38, 49, 46, 44, 106, 104, 102, 52, 116, 22, 39, 108, 86, 20, 84, 42, 58, 110, 111, 17, 30, 81, 34, 94, 14, 98, 15, 112, 25, 72, 103, 79, 7, 18, 76, 89, 88, 10, 12, 32, 120, 78, 24, 74, 82, 114, 40, 51, 117, 123, 28, 71, 80, 11, 96, 75, 8, 77, 0, 64, 13, 26, 5, 53, 29, 16, 60, 69, 83, 2, 31, 67, 92, 90, 62, 126, 122, 121, 127, 9, 97, 47, 66, 19, 87, 33, 4, 73, 3, 63, 100, 59, 93, 41, 6, 23, 27, 54, 68, 107, 65, 115, 61, 36, 95, 105, 1, 21, 91, 70, 99, 125, 35, 85, 43, 101, 37], [57, 56, 119, 118, 45, 55, 124, 50, 113, 48, 109, 49, 38, 46, 44, 106, 104, 52, 116, 102, 39, 22, 108, 86, 84, 20, 110, 58, 42, 17, 81, 30, 111, 14, 72, 34, 98, 25, 76, 79, 15, 18, 10, 89, 94, 103, 112, 114, 78, 74, 88, 82, 12, 13, 7, 75, 32, 117, 24, 71, 80, 77, 40, 16, 3, 8, 53, 120, 11, 51, 96, 64, 0, 28, 63, 19, 29, 83, 5, 31, 123, 60, 4, 126, 69, 67, 73, 62, 26, 127, 66, 92, 122, 97, 90, 115, 9, 121, 23, 2, 59, 33, 107, 54, 47, 87, 27, 41, 68, 93, 100, 6, 70, 1, 95, 125, 65, 61, 105, 21, 85, 43, 99, 91, 36, 35, 37, 101], [57, 56, 119, 118, 45, 50, 113, 55, 124, 109, 48, 49, 38, 46, 44, 106, 104, 116, 52, 39, 102, 22, 84, 108, 86, 20, 110, 58, 81, 17, 42, 34, 30, 25, 15, 98, 111, 18, 82, 103, 72, 14, 79, 94, 78, 12, 76, 74, 51, 89, 88, 13, 71, 112, 10, 7, 24, 120, 40, 32, 11, 77, 80, 60, 0, 117, 114, 64, 75, 66, 16, 83, 123, 5, 8, 69, 96, 26, 68, 53, 63, 62, 29, 28, 87, 19, 90, 31, 127, 122, 9, 2, 4, 92, 97, 73, 67, 59, 47, 23, 33, 100, 61, 115, 70, 121, 3, 27, 41, 126, 93, 21, 107, 54, 6, 65, 125, 95, 91, 36, 1, 85, 43, 105, 37, 99, 35, 101], [57, 56, 118, 119, 45, 50, 113, 55, 124, 109, 49, 48, 38, 46, 44, 106, 104, 52, 116, 39, 102, 22, 20, 86, 108, 84, 58, 81, 17, 42, 110, 30, 25, 34, 111, 82, 14, 18, 79, 98, 12, 72, 76, 94, 10, 15, 89, 88, 117, 78, 51, 74, 32, 40, 103, 112, 75, 7, 8, 71, 80, 16, 24, 13, 114, 77, 60, 11, 120, 83, 28, 19, 53, 31, 96, 90, 69, 9, 0, 26, 5, 87, 62, 59, 73, 29, 97, 92, 23, 123, 66, 126, 121, 64, 3, 127, 70, 122, 68, 4, 27, 33, 2, 115, 47, 67, 61, 63, 100, 41, 93, 54, 65, 43, 125, 21, 91, 95, 1, 105, 6, 85, 107, 36, 99, 37, 101, 35]], "model.layers.7.self_attn.q_proj": [[38, 109, 43, 89, 45, 18, 93, 60, 107, 78, 12, 22, 10, 8, 17, 5, 19, 77, 80, 79, 56, 24, 91, 71, 68, 72, 3, 92, 26, 115, 25, 51, 20, 23, 57, 69, 15, 50, 81, 4, 58, 65, 102, 14, 127, 86, 97, 125, 27, 70, 34, 126, 28, 90, 88, 32, 67, 108, 30, 76, 9, 122, 29, 111, 123, 1, 6, 13, 124, 116, 74, 110, 82, 16, 63, 11, 96, 33, 75, 117, 55, 113, 52, 83, 87, 62, 35, 112, 94, 95, 7, 59, 100, 73, 119, 106, 40, 85, 54, 21, 0, 48, 44, 61, 114, 39, 105, 47, 31, 49, 120, 103, 53, 99, 36, 118, 84, 121, 41, 37, 66, 2, 98, 46, 101, 64, 104, 42], [38, 109, 43, 60, 10, 12, 19, 77, 5, 80, 93, 45, 18, 68, 78, 71, 107, 25, 22, 89, 8, 1, 73, 69, 79, 17, 3, 70, 29, 125, 65, 51, 88, 72, 87, 23, 0, 16, 14, 66, 122, 20, 4, 56, 74, 94, 26, 91, 84, 15, 32, 28, 86, 85, 7, 115, 21, 34, 24, 11, 76, 82, 6, 30, 90, 83, 92, 81, 58, 75, 116, 102, 97, 2, 13, 120, 123, 27, 95, 64, 126, 9, 100, 35, 33, 67, 98, 31, 96, 52, 46, 36, 111, 108, 47, 39, 127, 105, 99, 118, 62, 117, 112, 110, 59, 49, 55, 37, 106, 50, 54, 63, 104, 61, 103, 101, 57, 40, 114, 113, 119, 41, 48, 124, 53, 42, 44, 121], [38, 109, 43, 10, 67, 19, 93, 77, 45, 107, 80, 78, 12, 65, 6, 79, 23, 4, 5, 89, 7, 71, 3, 72, 0, 69, 25, 68, 8, 74, 1, 22, 60, 20, 14, 17, 18, 76, 16, 21, 51, 28, 75, 13, 115, 64, 88, 9, 11, 70, 73, 90, 84, 102, 29, 57, 126, 2, 82, 15, 86, 83, 87, 125, 24, 66, 34, 30, 91, 26, 35, 85, 120, 92, 94, 32, 81, 56, 55, 122, 58, 116, 98, 95, 52, 62, 31, 111, 97, 106, 50, 27, 124, 96, 118, 123, 48, 110, 40, 47, 36, 127, 99, 33, 108, 112, 113, 49, 54, 37, 117, 39, 63, 104, 46, 100, 105, 42, 103, 59, 121, 44, 53, 101, 61, 114, 41, 119], [109, 43, 60, 45, 107, 123, 34, 50, 58, 62, 115, 56, 35, 113, 110, 57, 122, 48, 63, 108, 98, 126, 47, 127, 112, 124, 119, 55, 111, 117, 49, 121, 59, 53, 114, 52, 118, 54, 39, 125, 61, 116, 44, 51, 37, 120, 106, 46, 92, 40, 42, 36, 105, 41, 103, 104, 33, 94, 38, 101, 100, 31, 97, 99, 86, 82, 95, 29, 87, 96, 16, 22, 30, 81, 78, 89, 32, 91, 84, 28, 27, 10, 93, 76, 77, 20, 85, 13, 8, 83, 24, 11, 80, 88, 23, 19, 21, 102, 25, 90, 79, 14, 17, 71, 74, 26, 18, 5, 68, 15, 9, 12, 70, 73, 66, 1, 2, 3, 72, 7, 4, 69, 6, 75, 0, 67, 65, 64], [105, 97, 118, 23, 90, 84, 79, 82, 117, 13, 93, 33, 47, 9, 54, 111, 29, 41, 10, 11, 71, 85, 20, 22, 25, 15, 17, 26, 18, 74, 56, 83, 89, 77, 75, 87, 121, 80, 21, 91, 19, 81, 86, 116, 7, 6, 92, 76, 32, 38, 30, 95, 88, 27, 3, 78, 5, 49, 48, 53, 16, 12, 69, 52, 94, 24, 31, 96, 112, 8, 108, 73, 61, 57, 46, 43, 102, 124, 4, 126, 58, 35, 100, 113, 99, 14, 28, 68, 42, 110, 107, 101, 123, 115, 55, 63, 37, 106, 119, 39, 62, 51, 103, 98, 109, 34, 67, 114, 120, 127, 60, 72, 40, 70, 125, 59, 122, 44, 45, 104, 50, 36, 1, 65, 66, 2, 0, 64], [105, 118, 64, 0, 2, 97, 1, 79, 65, 13, 66, 67, 41, 71, 4, 84, 29, 11, 26, 10, 9, 82, 69, 68, 23, 117, 70, 111, 6, 54, 87, 101, 7, 3, 76, 74, 78, 20, 8, 5, 73, 18, 12, 90, 121, 89, 75, 86, 77, 16, 93, 15, 14, 25, 38, 115, 47, 55, 17, 45, 80, 83, 37, 72, 58, 59, 48, 92, 22, 51, 39, 114, 85, 56, 49, 53, 34, 21, 81, 91, 88, 27, 120, 19, 24, 62, 46, 98, 100, 110, 124, 44, 28, 116, 96, 119, 106, 42, 94, 57, 102, 40, 61, 60, 126, 107, 127, 52, 31, 30, 103, 109, 113, 108, 122, 125, 63, 36, 43, 104, 95, 112, 123, 99, 35, 50, 32, 33], [105, 47, 118, 93, 117, 111, 90, 89, 97, 101, 116, 56, 85, 54, 23, 41, 25, 80, 33, 52, 121, 32, 96, 61, 37, 55, 24, 17, 49, 84, 31, 29, 53, 123, 21, 99, 91, 58, 98, 88, 95, 75, 35, 92, 60, 113, 34, 77, 126, 100, 12, 18, 127, 48, 30, 36, 45, 115, 108, 39, 73, 59, 112, 102, 15, 28, 43, 107, 26, 38, 27, 110, 81, 46, 114, 82, 16, 40, 103, 106, 87, 63, 94, 120, 104, 20, 62, 8, 44, 42, 122, 69, 109, 124, 7, 119, 74, 125, 51, 57, 50, 78, 11, 86, 19, 79, 83, 70, 22, 14, 67, 76, 72, 68, 13, 9, 10, 71, 5, 4, 6, 3, 66, 65, 2, 1, 0, 64], [105, 47, 118, 93, 117, 101, 90, 97, 116, 111, 54, 56, 52, 123, 89, 24, 85, 33, 55, 61, 23, 53, 58, 21, 49, 60, 121, 17, 37, 59, 75, 96, 31, 113, 115, 25, 112, 120, 106, 126, 12, 80, 114, 57, 127, 107, 48, 29, 41, 43, 77, 46, 110, 108, 45, 63, 62, 27, 124, 99, 73, 109, 40, 44, 51, 119, 42, 98, 38, 39, 87, 103, 102, 84, 50, 122, 125, 104, 32, 91, 34, 81, 26, 36, 20, 95, 16, 35, 18, 100, 30, 15, 69, 8, 7, 92, 86, 94, 28, 22, 88, 78, 74, 72, 82, 14, 70, 83, 79, 11, 10, 71, 67, 76, 19, 13, 9, 4, 68, 5, 6, 3, 66, 2, 65, 1, 64, 0], [103, 42, 34, 30, 23, 85, 106, 83, 81, 127, 70, 78, 50, 16, 39, 94, 53, 10, 41, 82, 12, 15, 4, 112, 13, 74, 20, 54, 25, 5, 8, 66, 38, 48, 19, 117, 63, 76, 93, 121, 72, 90, 88, 123, 111, 124, 24, 32, 107, 14, 118, 40, 17, 73, 55, 1, 87, 115, 75, 105, 80, 125, 21, 26, 67, 60, 29, 47, 52, 22, 101, 113, 58, 95, 36, 84, 126, 120, 11, 97, 6, 49, 100, 104, 62, 79, 59, 86, 46, 43, 45, 122, 7, 69, 102, 44, 109, 89, 33, 3, 99, 57, 77, 37, 108, 98, 27, 114, 28, 110, 18, 68, 96, 71, 119, 56, 116, 51, 35, 31, 61, 91, 65, 9, 64, 92, 0, 2], [103, 42, 34, 30, 85, 106, 23, 81, 83, 53, 50, 94, 78, 41, 127, 16, 39, 62, 15, 121, 54, 38, 44, 112, 125, 25, 12, 124, 74, 93, 63, 22, 47, 87, 13, 48, 82, 118, 111, 60, 11, 24, 5, 33, 113, 59, 109, 40, 117, 8, 55, 80, 70, 72, 107, 122, 115, 114, 123, 51, 49, 95, 32, 56, 4, 76, 110, 46, 21, 101, 45, 119, 28, 36, 58, 116, 90, 10, 57, 120, 126, 79, 29, 61, 104, 91, 108, 99, 26, 97, 92, 19, 86, 37, 20, 96, 84, 52, 102, 89, 100, 105, 43, 17, 1, 35, 75, 3, 31, 77, 14, 27, 88, 7, 98, 66, 18, 67, 6, 71, 73, 9, 64, 68, 69, 65, 0, 2], [103, 42, 34, 30, 106, 50, 85, 81, 54, 41, 23, 16, 83, 53, 112, 48, 121, 38, 44, 95, 4, 70, 94, 124, 13, 127, 20, 26, 63, 123, 125, 113, 93, 52, 60, 10, 62, 109, 59, 29, 115, 47, 78, 15, 122, 19, 76, 111, 31, 87, 8, 46, 28, 25, 45, 118, 40, 92, 82, 32, 90, 66, 58, 61, 55, 97, 110, 88, 114, 43, 105, 36, 117, 107, 74, 51, 100, 101, 119, 22, 49, 116, 37, 126, 33, 9, 80, 89, 86, 104, 99, 120, 73, 56, 57, 5, 24, 84, 21, 27, 35, 17, 96, 102, 69, 108, 67, 91, 12, 1, 79, 14, 11, 65, 75, 39, 68, 72, 18, 7, 77, 98, 71, 6, 2, 0, 3, 64], [103, 42, 34, 30, 83, 81, 85, 106, 12, 23, 50, 74, 72, 15, 78, 127, 16, 54, 69, 5, 13, 4, 113, 48, 60, 124, 8, 39, 76, 41, 1, 2, 24, 53, 80, 87, 11, 55, 17, 65, 21, 121, 94, 6, 63, 68, 3, 45, 19, 25, 62, 32, 38, 75, 126, 70, 52, 82, 93, 9, 84, 20, 125, 67, 123, 90, 14, 115, 26, 79, 44, 22, 10, 112, 104, 77, 66, 96, 95, 120, 91, 97, 117, 86, 100, 28, 98, 0, 73, 88, 71, 36, 59, 111, 89, 108, 64, 18, 29, 114, 105, 61, 7, 47, 101, 27, 99, 43, 107, 122, 31, 35, 92, 118, 51, 119, 33, 102, 58, 116, 49, 46, 109, 110, 40, 37, 57, 56], [104, 121, 100, 33, 17, 13, 21, 23, 79, 83, 90, 122, 72, 11, 8, 26, 28, 67, 112, 37, 30, 60, 59, 6, 61, 126, 45, 80, 53, 22, 115, 125, 81, 48, 109, 20, 4, 10, 51, 42, 18, 14, 46, 86, 19, 15, 40, 77, 96, 78, 34, 97, 75, 69, 99, 85, 27, 5, 1, 41, 29, 74, 39, 0, 16, 87, 94, 50, 25, 118, 111, 24, 68, 82, 12, 92, 84, 101, 73, 52, 103, 32, 117, 98, 66, 93, 95, 110, 113, 123, 47, 62, 31, 7, 107, 71, 76, 9, 70, 89, 2, 58, 108, 102, 124, 106, 55, 54, 63, 91, 88, 116, 3, 105, 64, 127, 120, 35, 49, 44, 119, 43, 57, 38, 65, 56, 114, 36], [104, 100, 121, 33, 28, 90, 21, 23, 17, 13, 109, 112, 42, 83, 115, 92, 48, 122, 30, 79, 26, 116, 18, 86, 118, 37, 61, 123, 45, 95, 117, 51, 44, 108, 39, 101, 58, 11, 120, 52, 34, 35, 107, 60, 110, 29, 124, 96, 41, 98, 25, 22, 32, 31, 82, 126, 80, 53, 16, 24, 62, 59, 27, 54, 103, 125, 43, 111, 57, 87, 119, 46, 6, 114, 36, 56, 105, 84, 106, 63, 102, 50, 85, 49, 19, 97, 55, 127, 20, 113, 99, 91, 14, 88, 93, 81, 38, 94, 10, 47, 77, 75, 72, 89, 74, 78, 12, 76, 70, 40, 67, 3, 8, 15, 69, 7, 9, 68, 5, 73, 71, 65, 2, 1, 66, 64, 4, 0], [104, 121, 33, 100, 93, 37, 79, 23, 83, 17, 21, 109, 112, 13, 8, 11, 90, 6, 67, 26, 35, 122, 59, 86, 40, 46, 3, 1, 125, 126, 71, 30, 82, 61, 45, 81, 48, 28, 42, 51, 85, 115, 60, 29, 9, 18, 4, 92, 43, 15, 52, 77, 74, 101, 25, 80, 22, 34, 65, 105, 75, 107, 19, 111, 50, 108, 10, 94, 69, 20, 78, 58, 16, 120, 39, 62, 47, 7, 119, 123, 88, 70, 96, 73, 99, 98, 31, 87, 57, 14, 32, 66, 106, 49, 102, 5, 103, 116, 110, 53, 38, 114, 76, 68, 63, 55, 124, 64, 56, 27, 113, 127, 12, 118, 84, 41, 117, 24, 91, 54, 95, 89, 44, 2, 72, 36, 97, 0], [121, 104, 100, 33, 28, 112, 122, 90, 21, 23, 83, 37, 93, 13, 116, 126, 30, 45, 92, 91, 125, 101, 79, 52, 17, 86, 115, 61, 60, 59, 46, 26, 51, 109, 35, 82, 85, 57, 48, 18, 123, 42, 118, 105, 19, 15, 97, 43, 39, 11, 54, 29, 107, 111, 103, 22, 32, 84, 31, 53, 14, 117, 95, 47, 96, 38, 120, 58, 119, 41, 108, 49, 106, 113, 110, 87, 27, 127, 99, 25, 70, 55, 34, 44, 124, 94, 6, 114, 89, 62, 36, 102, 24, 63, 75, 9, 50, 77, 98, 81, 72, 78, 20, 74, 56, 88, 10, 12, 16, 3, 80, 67, 71, 7, 76, 73, 2, 68, 8, 40, 69, 5, 66, 64, 1, 65, 4, 0], [37, 40, 105, 93, 55, 30, 124, 14, 18, 87, 63, 20, 94, 126, 48, 29, 88, 49, 104, 41, 60, 16, 117, 43, 58, 76, 89, 50, 62, 51, 57, 116, 53, 52, 39, 61, 111, 72, 119, 102, 38, 109, 100, 42, 44, 120, 59, 112, 56, 46, 122, 121, 110, 54, 114, 45, 113, 127, 123, 103, 115, 125, 27, 47, 108, 106, 118, 96, 107, 95, 86, 21, 98, 82, 26, 99, 36, 32, 33, 31, 35, 34, 23, 97, 24, 101, 69, 77, 81, 90, 25, 85, 10, 83, 92, 91, 78, 15, 28, 12, 84, 13, 74, 22, 17, 9, 80, 5, 6, 8, 79, 11, 75, 19, 1, 73, 3, 65, 71, 70, 66, 64, 2, 7, 67, 68, 4, 0], [105, 37, 40, 93, 87, 41, 18, 16, 76, 14, 20, 124, 29, 55, 69, 63, 72, 10, 57, 94, 88, 60, 49, 1, 61, 126, 15, 48, 23, 77, 117, 90, 114, 58, 27, 96, 74, 116, 89, 52, 78, 25, 12, 62, 122, 24, 81, 26, 13, 8, 30, 79, 82, 50, 102, 6, 84, 3, 68, 119, 112, 95, 86, 51, 100, 80, 104, 43, 83, 46, 17, 53, 21, 44, 91, 56, 59, 120, 71, 22, 39, 92, 19, 107, 97, 85, 45, 28, 11, 123, 4, 70, 101, 111, 38, 32, 75, 54, 5, 67, 108, 31, 121, 9, 34, 36, 65, 103, 33, 73, 35, 0, 2, 127, 7, 110, 113, 125, 98, 109, 42, 64, 115, 118, 99, 47, 66, 106], [105, 37, 40, 93, 104, 29, 55, 18, 87, 14, 16, 20, 63, 124, 76, 72, 49, 30, 60, 126, 27, 57, 94, 48, 117, 61, 88, 10, 114, 69, 77, 116, 89, 62, 50, 56, 100, 24, 90, 51, 96, 102, 119, 112, 86, 52, 15, 54, 58, 23, 127, 122, 12, 95, 8, 84, 53, 38, 79, 43, 21, 26, 92, 111, 82, 34, 108, 107, 113, 13, 32, 120, 80, 91, 25, 81, 98, 110, 28, 22, 103, 121, 44, 123, 19, 31, 39, 59, 45, 1, 115, 33, 101, 125, 47, 36, 35, 106, 46, 85, 99, 118, 42, 78, 17, 97, 109, 83, 41, 74, 6, 71, 70, 11, 3, 75, 68, 9, 5, 2, 4, 65, 66, 73, 7, 0, 64, 67], [40, 37, 105, 63, 93, 14, 16, 87, 10, 20, 18, 76, 55, 69, 29, 72, 57, 104, 30, 124, 3, 60, 41, 94, 74, 58, 61, 1, 26, 114, 88, 49, 15, 13, 23, 84, 24, 12, 126, 90, 17, 67, 95, 112, 70, 11, 71, 82, 78, 62, 116, 8, 117, 48, 52, 122, 81, 6, 22, 68, 0, 102, 7, 75, 83, 50, 77, 79, 46, 56, 98, 123, 80, 96, 4, 53, 27, 65, 89, 43, 21, 103, 86, 5, 39, 85, 119, 101, 100, 113, 51, 44, 47, 45, 25, 38, 28, 59, 92, 32, 19, 127, 111, 107, 91, 9, 120, 73, 110, 34, 64, 36, 115, 54, 108, 31, 109, 99, 35, 2, 121, 97, 118, 42, 66, 125, 33, 106], [105, 99, 89, 96, 48, 54, 83, 92, 84, 16, 14, 25, 11, 112, 22, 19, 75, 78, 72, 27, 77, 18, 80, 115, 41, 69, 81, 32, 24, 10, 36, 108, 30, 5, 44, 85, 93, 26, 13, 88, 104, 63, 119, 117, 29, 82, 15, 17, 73, 118, 20, 124, 94, 6, 9, 66, 62, 67, 49, 79, 12, 28, 91, 70, 126, 33, 23, 56, 90, 59, 21, 120, 58, 87, 76, 31, 71, 7, 74, 8, 65, 37, 4, 0, 1, 38, 98, 97, 43, 127, 46, 95, 2, 68, 60, 64, 86, 3, 51, 116, 107, 52, 47, 101, 110, 123, 50, 35, 100, 102, 109, 40, 53, 34, 122, 103, 125, 114, 121, 106, 61, 39, 42, 113, 45, 111, 57, 55], [44, 36, 104, 54, 92, 100, 95, 48, 105, 108, 28, 47, 96, 53, 32, 98, 37, 26, 27, 123, 40, 24, 97, 60, 127, 51, 112, 91, 58, 55, 85, 88, 52, 78, 93, 31, 33, 38, 21, 90, 113, 107, 49, 99, 124, 10, 110, 120, 115, 18, 89, 63, 30, 45, 34, 83, 62, 82, 56, 111, 94, 29, 122, 102, 84, 106, 118, 74, 103, 116, 117, 50, 46, 43, 22, 81, 101, 121, 119, 61, 114, 17, 39, 23, 57, 109, 59, 16, 86, 79, 126, 14, 87, 35, 70, 42, 41, 80, 5, 125, 9, 15, 75, 2, 20, 3, 66, 64, 12, 7, 73, 1, 77, 19, 76, 6, 4, 68, 0, 13, 25, 11, 67, 69, 72, 71, 8, 65], [48, 54, 37, 105, 108, 104, 36, 107, 47, 115, 63, 119, 95, 50, 44, 56, 112, 114, 118, 94, 127, 30, 117, 62, 110, 52, 55, 123, 116, 121, 53, 38, 58, 51, 124, 40, 59, 111, 113, 92, 34, 101, 120, 60, 125, 32, 46, 122, 126, 109, 57, 61, 100, 49, 24, 102, 33, 45, 98, 106, 43, 103, 28, 21, 99, 85, 42, 39, 96, 31, 41, 15, 97, 25, 29, 87, 19, 18, 81, 11, 23, 88, 12, 90, 73, 77, 17, 84, 26, 75, 91, 8, 93, 79, 22, 78, 7, 20, 5, 82, 80, 4, 35, 2, 0, 1, 64, 76, 6, 3, 14, 86, 74, 72, 70, 83, 71, 9, 89, 69, 27, 10, 16, 65, 68, 66, 67, 13], [54, 105, 48, 36, 123, 41, 25, 44, 127, 98, 99, 112, 34, 96, 115, 50, 47, 52, 60, 121, 118, 57, 117, 122, 64, 107, 63, 114, 108, 74, 119, 45, 120, 56, 22, 30, 113, 55, 8, 126, 111, 51, 58, 53, 62, 106, 110, 116, 125, 1, 124, 104, 59, 37, 61, 94, 80, 100, 68, 43, 75, 97, 109, 84, 67, 49, 81, 14, 38, 77, 6, 46, 42, 73, 103, 40, 5, 39, 79, 2, 24, 18, 4, 16, 3, 92, 89, 71, 21, 69, 12, 102, 28, 29, 33, 15, 20, 101, 88, 26, 85, 86, 7, 17, 31, 27, 95, 82, 91, 35, 32, 87, 13, 93, 76, 70, 19, 23, 90, 9, 0, 83, 11, 65, 78, 10, 66, 72], [37, 114, 49, 50, 54, 113, 94, 91, 101, 28, 118, 84, 61, 119, 25, 62, 45, 58, 11, 32, 112, 56, 87, 60, 29, 22, 124, 15, 31, 14, 90, 79, 116, 96, 81, 48, 33, 97, 82, 55, 24, 47, 110, 83, 36, 35, 117, 46, 95, 93, 109, 53, 98, 51, 99, 27, 18, 126, 127, 34, 30, 39, 115, 107, 102, 38, 40, 43, 63, 100, 52, 104, 44, 21, 105, 57, 125, 122, 123, 103, 92, 121, 41, 59, 120, 42, 8, 16, 108, 89, 106, 20, 88, 85, 26, 111, 76, 23, 86, 9, 75, 78, 5, 13, 19, 12, 6, 17, 80, 4, 10, 73, 7, 77, 2, 74, 3, 1, 71, 66, 72, 0, 70, 68, 69, 64, 65, 67], [114, 54, 49, 113, 50, 124, 119, 118, 109, 62, 123, 61, 56, 48, 47, 55, 112, 53, 58, 36, 127, 46, 37, 120, 63, 45, 126, 52, 60, 107, 125, 44, 115, 51, 111, 121, 117, 110, 122, 116, 59, 43, 57, 108, 17, 42, 105, 39, 106, 41, 101, 104, 20, 102, 38, 40, 82, 80, 30, 96, 19, 75, 79, 103, 86, 77, 78, 76, 95, 85, 24, 93, 100, 27, 97, 98, 99, 35, 34, 33, 74, 18, 32, 89, 72, 28, 71, 9, 23, 29, 14, 90, 15, 31, 92, 94, 87, 12, 88, 69, 70, 66, 13, 64, 65, 91, 84, 21, 81, 67, 26, 73, 83, 11, 25, 68, 22, 16, 6, 10, 4, 5, 1, 3, 8, 7, 0, 2], [37, 49, 114, 50, 54, 113, 101, 94, 62, 25, 91, 11, 84, 83, 119, 87, 81, 118, 32, 79, 8, 56, 5, 15, 76, 9, 28, 22, 21, 45, 6, 60, 4, 58, 61, 7, 124, 13, 110, 16, 33, 75, 112, 85, 14, 10, 18, 30, 116, 3, 82, 90, 46, 24, 1, 73, 53, 23, 96, 77, 89, 109, 78, 117, 2, 63, 74, 125, 47, 12, 80, 52, 31, 126, 20, 17, 71, 48, 93, 57, 127, 66, 19, 115, 98, 105, 55, 27, 36, 44, 86, 29, 88, 40, 35, 95, 26, 43, 97, 122, 92, 72, 111, 68, 59, 38, 123, 41, 0, 51, 107, 34, 103, 39, 121, 42, 120, 102, 99, 106, 108, 100, 104, 70, 69, 65, 64, 67], [49, 37, 114, 54, 50, 113, 5, 9, 76, 6, 8, 7, 94, 4, 77, 79, 75, 12, 87, 16, 3, 25, 30, 22, 73, 11, 74, 83, 78, 80, 82, 17, 124, 2, 81, 71, 72, 91, 10, 45, 19, 56, 60, 62, 119, 61, 112, 1, 32, 118, 13, 15, 58, 84, 85, 63, 53, 26, 101, 21, 20, 117, 110, 109, 55, 23, 90, 93, 92, 66, 14, 89, 116, 31, 88, 46, 29, 48, 18, 107, 28, 24, 27, 125, 102, 127, 115, 57, 0, 126, 36, 52, 51, 47, 86, 123, 44, 70, 96, 121, 68, 43, 33, 42, 59, 39, 122, 104, 111, 120, 98, 67, 40, 69, 41, 100, 105, 35, 34, 38, 108, 97, 95, 103, 106, 65, 99, 64], [41, 101, 25, 23, 85, 110, 18, 105, 15, 34, 13, 20, 11, 91, 124, 30, 113, 9, 14, 83, 43, 8, 109, 24, 126, 94, 82, 68, 6, 51, 84, 48, 107, 118, 92, 29, 27, 59, 112, 111, 57, 4, 45, 77, 114, 44, 87, 88, 122, 89, 36, 53, 62, 17, 26, 98, 79, 31, 32, 16, 76, 80, 58, 117, 78, 103, 90, 96, 115, 66, 50, 75, 72, 21, 67, 38, 56, 2, 99, 55, 10, 47, 95, 37, 121, 0, 61, 52, 69, 5, 102, 120, 86, 108, 19, 28, 63, 60, 46, 22, 116, 106, 39, 123, 35, 127, 54, 65, 104, 71, 70, 1, 7, 97, 73, 119, 93, 12, 3, 33, 74, 40, 49, 42, 81, 100, 125, 64], [41, 101, 25, 85, 18, 23, 20, 105, 15, 11, 34, 13, 91, 124, 14, 9, 6, 51, 113, 2, 118, 8, 82, 112, 114, 29, 27, 53, 83, 98, 84, 68, 81, 109, 75, 48, 78, 32, 43, 107, 89, 30, 66, 87, 92, 111, 94, 126, 70, 36, 90, 45, 79, 110, 17, 44, 88, 122, 62, 57, 59, 117, 21, 7, 99, 103, 60, 127, 47, 76, 19, 38, 26, 42, 31, 24, 120, 52, 58, 16, 46, 69, 108, 77, 0, 35, 119, 72, 61, 115, 56, 80, 37, 22, 123, 102, 55, 63, 121, 10, 86, 95, 28, 67, 96, 97, 125, 100, 106, 39, 71, 54, 116, 50, 73, 93, 5, 74, 12, 40, 33, 65, 3, 49, 4, 1, 104, 64], [41, 101, 109, 110, 91, 25, 20, 18, 34, 85, 105, 23, 14, 124, 11, 15, 9, 13, 43, 53, 24, 113, 82, 84, 29, 8, 107, 45, 27, 126, 83, 6, 111, 90, 127, 59, 68, 98, 112, 51, 28, 44, 120, 78, 56, 47, 121, 118, 117, 114, 116, 62, 50, 106, 122, 55, 57, 92, 58, 95, 93, 94, 81, 36, 52, 97, 16, 87, 32, 30, 60, 102, 108, 42, 99, 38, 66, 75, 26, 40, 96, 119, 88, 63, 67, 33, 31, 89, 35, 37, 48, 80, 123, 115, 70, 61, 49, 46, 39, 104, 71, 125, 2, 22, 103, 76, 77, 86, 12, 54, 17, 79, 0, 4, 19, 21, 72, 7, 10, 5, 69, 100, 73, 65, 74, 1, 3, 64], [41, 101, 25, 85, 91, 105, 23, 15, 18, 20, 34, 13, 98, 113, 124, 81, 110, 29, 30, 11, 48, 95, 126, 43, 92, 114, 27, 9, 53, 14, 109, 84, 36, 44, 94, 24, 118, 45, 35, 26, 83, 100, 111, 89, 51, 107, 46, 57, 82, 120, 76, 123, 112, 61, 119, 38, 40, 103, 122, 121, 31, 56, 87, 116, 8, 62, 60, 50, 28, 106, 99, 47, 127, 125, 39, 80, 97, 117, 78, 42, 33, 6, 32, 58, 54, 59, 86, 102, 16, 88, 73, 21, 55, 63, 77, 22, 17, 96, 115, 52, 49, 79, 108, 4, 93, 12, 90, 104, 19, 68, 37, 66, 75, 10, 70, 74, 72, 5, 67, 7, 71, 1, 2, 69, 64, 3, 0, 65]], "model.layers.7.self_attn.k_proj": [[45, 107, 102, 0, 109, 60, 1, 12, 3, 77, 70, 19, 71, 43, 10, 8, 78, 115, 80, 29, 68, 22, 25, 5, 18, 17, 11, 125, 2, 73, 57, 126, 56, 48, 122, 111, 124, 79, 55, 110, 113, 63, 20, 66, 58, 67, 52, 47, 127, 62, 117, 49, 59, 114, 112, 96, 121, 51, 44, 54, 23, 118, 6, 119, 61, 92, 123, 53, 27, 95, 46, 116, 98, 50, 120, 106, 69, 89, 100, 64, 65, 21, 4, 108, 75, 9, 7, 41, 42, 105, 40, 39, 87, 30, 35, 24, 104, 94, 103, 36, 97, 31, 26, 101, 84, 37, 32, 33, 99, 90, 28, 85, 88, 81, 72, 93, 34, 15, 74, 76, 91, 82, 14, 16, 83, 13, 86, 38], [41, 118, 64, 111, 117, 33, 79, 82, 84, 1, 13, 23, 90, 93, 56, 71, 2, 11, 9, 4, 89, 85, 10, 105, 17, 65, 5, 37, 47, 121, 6, 30, 76, 67, 14, 116, 32, 80, 66, 72, 101, 22, 24, 115, 0, 48, 19, 28, 59, 29, 127, 44, 126, 49, 95, 110, 3, 26, 55, 112, 88, 83, 16, 38, 43, 35, 94, 52, 98, 27, 18, 46, 81, 40, 120, 107, 12, 100, 21, 102, 62, 124, 119, 61, 106, 113, 99, 69, 34, 53, 91, 123, 97, 103, 96, 42, 63, 57, 39, 51, 109, 114, 60, 36, 31, 58, 73, 104, 108, 54, 8, 122, 125, 68, 50, 25, 45, 78, 75, 92, 20, 77, 87, 86, 15, 74, 7, 70], [106, 39, 94, 98, 85, 23, 83, 127, 74, 12, 81, 78, 72, 16, 15, 50, 112, 65, 68, 42, 6, 41, 53, 69, 118, 2, 114, 49, 13, 0, 124, 88, 77, 18, 52, 111, 55, 8, 79, 38, 126, 125, 115, 34, 29, 36, 102, 109, 108, 120, 54, 7, 64, 107, 31, 40, 63, 110, 9, 47, 26, 101, 75, 60, 48, 3, 71, 61, 35, 122, 67, 117, 104, 25, 22, 58, 100, 43, 119, 62, 80, 113, 66, 56, 5, 11, 121, 14, 73, 105, 90, 57, 33, 123, 44, 92, 103, 46, 89, 24, 86, 116, 93, 37, 82, 27, 59, 99, 96, 19, 91, 45, 32, 95, 84, 28, 20, 97, 30, 76, 10, 17, 4, 51, 1, 87, 70, 21], [40, 121, 97, 90, 23, 21, 83, 36, 79, 48, 17, 82, 11, 13, 86, 8, 122, 73, 0, 30, 78, 50, 51, 107, 6, 109, 116, 69, 60, 59, 10, 65, 115, 58, 110, 101, 45, 29, 9, 4, 16, 68, 53, 123, 28, 84, 93, 66, 67, 39, 100, 126, 61, 37, 27, 42, 12, 89, 55, 124, 112, 3, 56, 96, 32, 47, 57, 70, 120, 125, 117, 103, 119, 2, 114, 95, 94, 35, 98, 14, 74, 54, 92, 106, 46, 43, 75, 88, 99, 41, 111, 105, 62, 52, 118, 49, 108, 34, 63, 38, 127, 91, 113, 44, 5, 31, 102, 15, 19, 76, 1, 71, 7, 18, 22, 24, 64, 25, 20, 72, 80, 77, 85, 26, 81, 87, 104, 33], [104, 41, 101, 29, 87, 55, 20, 63, 18, 16, 76, 10, 14, 60, 37, 57, 7, 0, 65, 72, 77, 67, 52, 69, 112, 58, 124, 113, 114, 71, 61, 66, 5, 86, 30, 17, 9, 126, 24, 15, 27, 75, 8, 93, 123, 4, 12, 102, 89, 62, 43, 64, 94, 21, 53, 2, 90, 70, 83, 13, 85, 39, 79, 19, 96, 88, 56, 100, 117, 3, 107, 116, 108, 45, 127, 82, 6, 91, 46, 111, 119, 47, 11, 121, 81, 23, 51, 54, 25, 49, 120, 73, 95, 32, 68, 42, 59, 26, 78, 34, 36, 28, 122, 80, 22, 31, 98, 92, 110, 84, 109, 103, 97, 106, 118, 44, 35, 99, 115, 74, 38, 48, 50, 125, 33, 40, 1, 105], [41, 54, 48, 35, 32, 22, 93, 16, 44, 127, 40, 10, 112, 30, 90, 89, 78, 84, 124, 83, 3, 70, 77, 27, 115, 123, 113, 51, 18, 117, 25, 52, 55, 101, 120, 111, 24, 7, 59, 121, 76, 119, 110, 63, 5, 122, 60, 50, 62, 126, 114, 58, 57, 43, 11, 118, 108, 31, 116, 81, 125, 1, 61, 56, 53, 109, 47, 19, 45, 100, 72, 79, 91, 46, 103, 102, 42, 39, 106, 9, 49, 2, 23, 107, 4, 80, 64, 73, 0, 13, 74, 66, 20, 12, 8, 33, 28, 21, 86, 104, 65, 38, 14, 26, 71, 87, 98, 34, 92, 15, 17, 85, 95, 68, 97, 29, 88, 36, 105, 96, 37, 94, 82, 75, 6, 99, 69, 67], [50, 101, 113, 49, 54, 94, 114, 22, 91, 87, 25, 21, 83, 81, 74, 84, 13, 18, 16, 86, 14, 72, 56, 71, 80, 110, 69, 77, 15, 32, 112, 58, 70, 60, 67, 66, 53, 117, 124, 26, 88, 92, 12, 45, 119, 68, 52, 55, 78, 62, 63, 125, 109, 9, 127, 73, 61, 64, 57, 4, 37, 51, 43, 126, 107, 11, 118, 115, 48, 19, 100, 123, 98, 116, 31, 47, 65, 121, 59, 75, 111, 120, 42, 29, 104, 102, 95, 6, 105, 44, 41, 103, 89, 76, 46, 40, 108, 122, 39, 1, 23, 97, 17, 38, 106, 3, 27, 10, 34, 35, 36, 99, 33, 85, 24, 30, 28, 96, 93, 79, 90, 20, 5, 8, 82, 7, 2, 0], [105, 37, 23, 18, 25, 15, 20, 11, 14, 85, 101, 13, 124, 91, 113, 34, 9, 46, 49, 8, 48, 126, 6, 1, 41, 118, 43, 68, 45, 115, 2, 111, 74, 110, 94, 16, 0, 63, 119, 114, 51, 83, 24, 62, 98, 64, 70, 59, 35, 53, 109, 92, 117, 58, 81, 102, 12, 65, 90, 55, 31, 10, 30, 57, 67, 3, 44, 29, 36, 61, 120, 7, 4, 32, 112, 103, 122, 108, 27, 116, 99, 96, 77, 50, 26, 86, 72, 107, 106, 121, 19, 95, 104, 93, 88, 56, 75, 71, 42, 125, 40, 54, 22, 38, 100, 123, 52, 97, 39, 5, 17, 79, 33, 69, 127, 47, 80, 28, 73, 60, 66, 21, 76, 78, 89, 84, 87, 82]], "model.layers.7.self_attn.qk_proj": [[121, 41, 54, 118, 105, 50, 37, 45, 106, 48, 101, 49, 109, 114, 107, 104, 113, 93, 43, 23, 87, 60, 30, 42, 89, 77, 40, 85, 25, 82, 83, 13, 14, 18, 21, 26, 78, 117, 19, 16, 112, 10, 111, 124, 79, 15, 20, 34, 63, 55, 81, 84, 74, 80, 103, 72, 17, 56, 119, 115, 94, 76, 29, 12, 39, 100, 86, 33, 57, 110, 75, 122, 126, 27, 47, 127, 52, 44, 125, 0, 11, 22, 53, 102, 90, 8, 58, 123, 32, 97, 64, 61, 7, 67, 69, 5, 62, 9, 59, 71, 51, 65, 73, 70, 98, 3, 4, 91, 120, 116, 38, 96, 6, 35, 24, 36, 46, 1, 88, 68, 31, 92, 108, 28, 2, 95, 99, 66], [121, 41, 118, 105, 54, 50, 37, 45, 106, 48, 49, 101, 109, 107, 114, 104, 43, 113, 93, 23, 30, 87, 40, 60, 42, 25, 21, 18, 85, 77, 19, 13, 14, 82, 89, 83, 26, 112, 111, 84, 103, 79, 78, 16, 10, 63, 80, 117, 15, 34, 55, 124, 94, 17, 20, 74, 12, 81, 72, 115, 119, 100, 56, 86, 39, 76, 122, 53, 29, 11, 125, 33, 47, 110, 127, 27, 61, 57, 22, 102, 75, 0, 52, 90, 126, 8, 97, 62, 64, 123, 32, 51, 44, 58, 98, 69, 7, 9, 4, 5, 6, 1, 65, 71, 67, 36, 91, 120, 35, 116, 73, 59, 68, 108, 70, 38, 3, 24, 96, 88, 2, 99, 28, 66, 46, 92, 31, 95], [121, 41, 118, 105, 54, 50, 37, 45, 106, 101, 48, 114, 109, 49, 107, 104, 113, 93, 23, 43, 30, 87, 42, 60, 40, 25, 89, 85, 21, 77, 26, 18, 19, 82, 13, 117, 55, 103, 14, 94, 83, 112, 84, 34, 111, 78, 81, 124, 20, 79, 100, 16, 10, 74, 15, 29, 80, 33, 39, 86, 63, 17, 110, 76, 97, 47, 12, 122, 90, 56, 53, 115, 72, 57, 8, 27, 119, 22, 127, 102, 52, 32, 75, 0, 64, 11, 58, 62, 69, 126, 125, 6, 98, 7, 5, 1, 44, 65, 61, 68, 123, 51, 71, 91, 3, 108, 9, 96, 4, 59, 36, 35, 67, 46, 116, 73, 24, 99, 38, 31, 88, 120, 70, 2, 66, 28, 95, 92], [121, 118, 41, 105, 54, 50, 45, 37, 106, 49, 48, 101, 114, 109, 107, 104, 93, 113, 43, 87, 23, 30, 89, 40, 42, 60, 25, 82, 26, 85, 117, 77, 112, 21, 18, 103, 55, 78, 127, 83, 13, 19, 79, 119, 20, 94, 84, 34, 124, 15, 63, 14, 111, 53, 100, 81, 10, 16, 47, 80, 17, 74, 29, 39, 27, 86, 12, 33, 102, 110, 64, 125, 11, 44, 115, 76, 126, 32, 52, 56, 58, 90, 97, 122, 22, 8, 72, 0, 51, 57, 69, 71, 62, 75, 5, 6, 67, 65, 116, 3, 73, 61, 91, 59, 7, 98, 120, 68, 1, 36, 35, 9, 123, 96, 4, 2, 46, 31, 38, 70, 88, 28, 66, 108, 92, 24, 95, 99], [121, 41, 118, 105, 54, 50, 45, 37, 106, 48, 49, 101, 114, 109, 107, 104, 113, 43, 93, 87, 23, 42, 40, 89, 30, 60, 77, 26, 18, 85, 82, 21, 117, 25, 55, 13, 34, 111, 112, 14, 103, 83, 78, 10, 84, 94, 16, 63, 47, 74, 15, 19, 20, 79, 124, 76, 81, 8, 80, 100, 39, 29, 17, 12, 119, 102, 115, 11, 33, 57, 56, 86, 64, 53, 0, 126, 110, 75, 32, 65, 22, 127, 90, 97, 122, 68, 69, 72, 62, 27, 58, 61, 44, 52, 5, 98, 4, 125, 7, 73, 3, 6, 9, 51, 67, 38, 91, 71, 1, 116, 59, 66, 24, 70, 123, 108, 35, 2, 36, 88, 120, 96, 46, 92, 28, 99, 31, 95], [121, 41, 118, 54, 105, 50, 45, 37, 106, 101, 48, 49, 114, 107, 109, 104, 43, 113, 93, 87, 23, 60, 42, 77, 85, 82, 89, 40, 30, 25, 18, 21, 26, 14, 78, 13, 19, 112, 79, 83, 111, 16, 103, 84, 117, 74, 20, 15, 63, 34, 17, 10, 11, 8, 81, 80, 124, 12, 76, 100, 115, 94, 47, 55, 86, 126, 53, 39, 125, 29, 57, 127, 110, 72, 61, 52, 75, 0, 119, 33, 102, 58, 62, 27, 22, 44, 64, 122, 32, 56, 7, 9, 120, 97, 3, 90, 91, 123, 68, 6, 73, 5, 69, 51, 4, 71, 70, 65, 59, 1, 67, 98, 24, 35, 66, 116, 36, 38, 96, 108, 2, 92, 88, 28, 46, 31, 99, 95], [121, 41, 54, 105, 118, 50, 37, 45, 101, 106, 49, 48, 114, 109, 107, 23, 104, 113, 93, 87, 43, 30, 82, 42, 60, 77, 18, 21, 25, 14, 89, 85, 13, 40, 78, 26, 16, 19, 15, 84, 117, 111, 83, 79, 20, 103, 63, 17, 34, 74, 8, 10, 81, 112, 80, 12, 76, 47, 94, 124, 29, 33, 110, 27, 11, 115, 86, 39, 57, 55, 52, 100, 22, 125, 126, 75, 119, 122, 127, 56, 58, 44, 90, 61, 91, 32, 102, 72, 53, 0, 59, 62, 97, 73, 69, 123, 98, 7, 96, 5, 64, 9, 71, 51, 38, 68, 6, 3, 116, 92, 35, 36, 24, 1, 88, 67, 70, 4, 120, 65, 46, 2, 31, 28, 108, 66, 95, 99], [121, 41, 105, 118, 54, 50, 45, 106, 37, 49, 101, 48, 109, 114, 107, 104, 113, 93, 43, 23, 42, 87, 82, 40, 18, 21, 30, 13, 85, 19, 77, 60, 89, 26, 14, 78, 25, 79, 16, 84, 83, 15, 103, 80, 17, 20, 74, 12, 81, 8, 76, 34, 117, 10, 124, 94, 111, 29, 86, 11, 63, 112, 55, 39, 119, 27, 75, 100, 57, 127, 33, 115, 22, 61, 44, 102, 0, 47, 64, 90, 1, 125, 52, 5, 91, 110, 72, 69, 58, 32, 123, 122, 70, 56, 7, 24, 53, 97, 65, 62, 126, 59, 71, 98, 73, 4, 88, 67, 9, 96, 38, 51, 36, 116, 68, 92, 3, 2, 6, 46, 120, 31, 35, 95, 66, 108, 28, 99], [121, 41, 118, 54, 105, 50, 45, 37, 106, 48, 101, 49, 109, 107, 114, 104, 43, 93, 113, 23, 87, 40, 42, 30, 89, 21, 19, 18, 82, 25, 85, 60, 26, 84, 13, 14, 111, 77, 16, 83, 94, 63, 20, 79, 103, 117, 15, 17, 78, 112, 55, 34, 80, 12, 74, 124, 81, 10, 57, 8, 29, 53, 76, 33, 127, 47, 110, 52, 27, 39, 86, 119, 11, 126, 90, 125, 58, 100, 22, 102, 97, 44, 51, 32, 62, 91, 115, 75, 56, 0, 64, 98, 7, 61, 123, 70, 122, 4, 72, 5, 36, 65, 71, 88, 116, 59, 69, 73, 68, 67, 38, 9, 24, 1, 96, 120, 35, 92, 3, 6, 108, 28, 66, 31, 95, 99, 46, 2], [121, 41, 118, 105, 54, 50, 37, 45, 106, 101, 49, 48, 109, 107, 114, 104, 113, 93, 43, 87, 23, 30, 60, 42, 25, 82, 21, 85, 40, 89, 13, 18, 111, 19, 16, 14, 77, 117, 83, 26, 84, 15, 20, 103, 79, 78, 34, 112, 17, 55, 80, 10, 81, 94, 74, 76, 8, 12, 115, 124, 102, 119, 11, 29, 126, 63, 27, 39, 33, 100, 86, 125, 47, 127, 57, 44, 56, 53, 110, 90, 122, 61, 51, 32, 64, 58, 91, 22, 0, 97, 75, 69, 72, 70, 62, 52, 71, 123, 73, 3, 98, 5, 65, 9, 116, 36, 67, 1, 7, 4, 92, 88, 68, 96, 59, 6, 120, 28, 24, 35, 66, 38, 46, 31, 99, 108, 95, 2], [121, 41, 118, 54, 105, 50, 37, 45, 106, 48, 49, 101, 114, 109, 107, 104, 113, 43, 93, 23, 42, 87, 30, 40, 13, 82, 25, 85, 89, 60, 77, 21, 18, 111, 55, 83, 117, 15, 16, 26, 79, 14, 63, 20, 78, 34, 119, 112, 19, 10, 103, 84, 74, 115, 47, 94, 80, 53, 127, 81, 17, 12, 52, 8, 39, 29, 110, 76, 86, 11, 33, 100, 72, 64, 102, 126, 122, 57, 124, 56, 44, 69, 62, 61, 51, 75, 125, 0, 97, 32, 1, 7, 58, 90, 5, 22, 123, 27, 70, 71, 9, 65, 73, 91, 67, 6, 98, 4, 68, 3, 38, 35, 36, 120, 96, 59, 116, 2, 66, 28, 92, 24, 31, 46, 108, 88, 95, 99], [121, 41, 118, 54, 105, 50, 45, 37, 106, 48, 49, 114, 101, 107, 109, 104, 113, 93, 87, 43, 23, 42, 30, 82, 85, 25, 40, 21, 18, 89, 13, 77, 60, 83, 26, 14, 15, 79, 111, 19, 84, 103, 16, 34, 20, 112, 78, 117, 81, 80, 10, 74, 94, 63, 124, 55, 76, 17, 86, 47, 39, 127, 12, 8, 53, 119, 29, 72, 33, 115, 100, 52, 27, 11, 110, 64, 56, 69, 90, 102, 22, 126, 75, 62, 44, 123, 91, 73, 32, 122, 67, 71, 57, 97, 125, 5, 61, 0, 4, 70, 68, 3, 9, 51, 7, 58, 1, 6, 98, 120, 65, 96, 38, 36, 66, 24, 116, 2, 59, 108, 88, 46, 35, 92, 28, 31, 99, 95], [121, 41, 118, 54, 105, 50, 45, 37, 101, 106, 48, 49, 109, 114, 107, 104, 113, 23, 93, 43, 87, 60, 30, 18, 42, 40, 25, 89, 21, 82, 13, 85, 19, 16, 26, 14, 83, 77, 78, 124, 84, 79, 103, 117, 111, 94, 15, 34, 81, 80, 20, 72, 74, 17, 112, 63, 10, 12, 115, 76, 29, 55, 119, 86, 100, 33, 27, 47, 90, 11, 126, 125, 39, 127, 110, 53, 75, 44, 102, 8, 56, 57, 52, 62, 97, 91, 22, 32, 61, 58, 122, 59, 64, 6, 4, 123, 73, 69, 0, 71, 68, 7, 65, 9, 3, 24, 36, 5, 51, 96, 98, 116, 70, 67, 38, 46, 92, 88, 120, 35, 31, 108, 1, 2, 66, 28, 95, 99], [121, 41, 118, 105, 54, 50, 37, 45, 106, 101, 49, 48, 109, 114, 107, 104, 113, 93, 43, 23, 60, 13, 40, 42, 87, 30, 18, 85, 25, 82, 89, 103, 21, 83, 26, 72, 78, 16, 14, 17, 117, 79, 19, 20, 15, 34, 77, 63, 74, 84, 81, 111, 124, 55, 10, 112, 80, 76, 12, 119, 47, 126, 29, 11, 75, 86, 0, 64, 27, 94, 115, 100, 127, 8, 125, 44, 39, 90, 61, 102, 33, 110, 22, 53, 6, 57, 52, 56, 69, 5, 58, 7, 65, 51, 71, 1, 9, 32, 68, 62, 97, 73, 116, 122, 91, 4, 3, 59, 96, 67, 70, 98, 36, 123, 88, 35, 24, 38, 66, 92, 31, 120, 46, 2, 99, 28, 95, 108], [121, 41, 118, 105, 54, 50, 45, 37, 49, 106, 101, 48, 109, 114, 107, 104, 43, 113, 93, 23, 87, 30, 42, 60, 25, 40, 89, 18, 21, 82, 85, 26, 13, 83, 111, 15, 16, 78, 72, 79, 19, 20, 112, 117, 77, 84, 63, 14, 124, 74, 103, 17, 34, 10, 81, 80, 55, 29, 47, 86, 94, 115, 12, 119, 76, 39, 127, 27, 57, 90, 33, 11, 110, 100, 53, 75, 126, 52, 61, 32, 8, 102, 62, 22, 69, 58, 6, 56, 0, 125, 44, 91, 64, 71, 73, 5, 9, 7, 122, 123, 51, 65, 4, 3, 1, 67, 36, 88, 97, 70, 68, 96, 24, 38, 120, 46, 116, 59, 92, 28, 98, 35, 2, 31, 66, 108, 99, 95], [121, 41, 118, 54, 105, 50, 45, 37, 106, 49, 48, 101, 114, 107, 109, 104, 113, 93, 43, 23, 30, 60, 42, 25, 87, 85, 40, 89, 82, 18, 13, 26, 83, 21, 112, 77, 14, 111, 117, 16, 94, 78, 19, 15, 79, 34, 20, 84, 63, 74, 72, 29, 124, 55, 80, 115, 10, 17, 53, 57, 126, 47, 86, 76, 39, 103, 81, 33, 100, 119, 110, 62, 125, 127, 12, 56, 11, 90, 22, 27, 52, 6, 64, 75, 102, 61, 32, 8, 122, 44, 97, 91, 7, 51, 123, 58, 9, 73, 69, 0, 38, 68, 4, 71, 5, 3, 36, 59, 67, 46, 1, 120, 116, 98, 96, 88, 24, 70, 35, 65, 92, 108, 66, 28, 31, 99, 2, 95], [121, 41, 118, 54, 105, 50, 37, 45, 106, 101, 49, 114, 109, 48, 107, 104, 113, 23, 93, 87, 60, 43, 42, 30, 25, 89, 18, 82, 85, 13, 83, 40, 21, 26, 16, 117, 19, 78, 14, 77, 84, 81, 79, 34, 15, 74, 112, 72, 20, 124, 80, 10, 111, 94, 17, 100, 12, 115, 39, 55, 76, 119, 103, 63, 110, 33, 11, 29, 90, 57, 86, 47, 127, 123, 27, 53, 102, 58, 22, 52, 56, 8, 125, 44, 32, 75, 122, 0, 91, 126, 9, 7, 71, 97, 62, 61, 5, 69, 68, 51, 6, 98, 64, 120, 1, 70, 36, 59, 4, 108, 38, 116, 73, 35, 65, 88, 24, 46, 96, 92, 67, 2, 31, 3, 99, 95, 28, 66], [121, 41, 118, 54, 105, 50, 37, 45, 106, 101, 49, 109, 48, 114, 107, 104, 113, 23, 93, 43, 42, 87, 30, 60, 85, 83, 40, 25, 13, 89, 82, 18, 21, 26, 19, 111, 78, 77, 16, 117, 84, 14, 79, 15, 20, 103, 80, 72, 34, 124, 10, 112, 17, 81, 29, 74, 94, 55, 76, 119, 12, 33, 63, 57, 75, 90, 8, 127, 100, 47, 110, 126, 11, 39, 86, 22, 115, 61, 52, 32, 27, 53, 62, 102, 125, 56, 64, 58, 7, 51, 0, 91, 122, 44, 71, 5, 69, 70, 97, 9, 59, 1, 67, 116, 73, 98, 6, 123, 36, 38, 3, 4, 46, 65, 120, 96, 24, 68, 99, 28, 92, 31, 108, 35, 88, 95, 2, 66], [121, 41, 118, 105, 54, 50, 37, 45, 106, 49, 101, 109, 48, 114, 107, 104, 43, 113, 23, 30, 87, 93, 89, 42, 60, 40, 25, 18, 117, 85, 13, 63, 82, 21, 83, 112, 26, 94, 16, 111, 77, 78, 119, 103, 20, 34, 55, 15, 84, 19, 80, 79, 124, 14, 33, 57, 74, 81, 29, 102, 10, 17, 52, 39, 72, 127, 90, 8, 12, 115, 53, 100, 97, 47, 76, 86, 110, 126, 32, 27, 44, 11, 64, 58, 51, 0, 62, 91, 56, 75, 22, 71, 69, 61, 7, 122, 70, 98, 5, 1, 67, 4, 3, 68, 35, 9, 36, 65, 125, 123, 59, 120, 73, 92, 24, 95, 38, 31, 6, 116, 99, 46, 28, 108, 88, 96, 2, 66], [121, 41, 118, 54, 105, 50, 37, 45, 106, 101, 49, 48, 109, 107, 114, 113, 104, 93, 23, 43, 30, 25, 87, 60, 42, 18, 77, 40, 26, 21, 89, 13, 85, 83, 19, 82, 117, 80, 111, 112, 15, 84, 14, 124, 10, 78, 34, 79, 16, 103, 74, 63, 76, 94, 55, 100, 72, 81, 17, 8, 33, 115, 39, 29, 12, 20, 126, 86, 27, 102, 11, 110, 62, 53, 75, 57, 56, 44, 97, 61, 127, 22, 70, 119, 47, 52, 71, 51, 58, 90, 69, 0, 122, 64, 5, 125, 123, 91, 32, 73, 7, 4, 9, 65, 1, 36, 98, 35, 120, 68, 59, 24, 46, 96, 38, 3, 116, 6, 67, 31, 88, 92, 108, 99, 2, 28, 95, 66], [121, 41, 118, 54, 105, 50, 45, 37, 106, 49, 101, 48, 109, 114, 107, 104, 113, 93, 43, 42, 23, 30, 60, 87, 89, 40, 25, 18, 13, 77, 85, 82, 21, 26, 103, 117, 14, 111, 74, 83, 19, 63, 79, 112, 119, 16, 34, 15, 81, 78, 84, 80, 94, 29, 33, 55, 124, 20, 10, 57, 17, 8, 76, 62, 110, 86, 127, 39, 53, 47, 12, 11, 72, 75, 126, 100, 22, 90, 102, 58, 115, 56, 9, 71, 123, 70, 27, 44, 52, 69, 5, 97, 125, 32, 51, 64, 120, 91, 7, 122, 3, 0, 61, 4, 59, 38, 73, 67, 68, 98, 46, 96, 36, 1, 6, 88, 65, 99, 35, 31, 116, 108, 28, 2, 92, 66, 24, 95], [121, 41, 118, 105, 54, 50, 37, 45, 106, 49, 48, 101, 109, 114, 107, 104, 113, 87, 93, 23, 43, 42, 30, 60, 89, 40, 25, 82, 85, 26, 13, 18, 21, 77, 19, 117, 83, 14, 79, 103, 124, 34, 16, 112, 78, 111, 63, 15, 74, 84, 119, 29, 94, 33, 55, 20, 17, 110, 80, 81, 10, 76, 86, 8, 127, 12, 100, 39, 90, 115, 57, 75, 102, 47, 126, 52, 32, 53, 91, 62, 27, 56, 22, 44, 58, 11, 64, 97, 72, 61, 51, 123, 0, 71, 5, 59, 125, 69, 9, 70, 1, 98, 122, 116, 73, 38, 7, 88, 120, 46, 96, 67, 36, 4, 3, 35, 65, 68, 28, 92, 31, 99, 6, 24, 95, 2, 108, 66], [121, 41, 118, 54, 105, 50, 37, 45, 101, 49, 48, 106, 114, 109, 107, 113, 104, 43, 93, 23, 42, 30, 87, 60, 25, 40, 89, 18, 82, 13, 26, 85, 117, 77, 21, 78, 34, 94, 19, 124, 103, 83, 14, 55, 84, 15, 79, 16, 74, 111, 80, 20, 17, 8, 81, 29, 10, 112, 119, 76, 47, 115, 86, 90, 39, 33, 11, 12, 56, 63, 126, 100, 102, 75, 44, 127, 22, 110, 53, 57, 0, 32, 91, 61, 27, 58, 97, 52, 72, 64, 73, 4, 62, 51, 69, 5, 1, 122, 125, 9, 123, 68, 38, 71, 6, 59, 7, 35, 65, 24, 96, 98, 46, 70, 88, 36, 3, 67, 116, 31, 92, 66, 28, 120, 95, 99, 2, 108], [121, 41, 118, 105, 54, 50, 37, 45, 106, 101, 48, 49, 109, 114, 107, 104, 113, 43, 93, 60, 23, 42, 30, 25, 87, 40, 85, 13, 117, 21, 89, 82, 18, 26, 19, 77, 78, 103, 111, 74, 124, 55, 94, 16, 79, 8, 14, 63, 84, 83, 112, 34, 20, 127, 17, 10, 15, 119, 80, 29, 33, 126, 47, 12, 56, 53, 81, 100, 86, 39, 75, 115, 110, 76, 62, 102, 11, 51, 90, 27, 97, 125, 61, 22, 44, 58, 32, 72, 7, 57, 64, 52, 73, 6, 122, 69, 9, 4, 123, 5, 91, 68, 71, 0, 96, 3, 98, 35, 116, 38, 120, 36, 67, 59, 65, 46, 108, 1, 88, 70, 28, 31, 66, 99, 24, 95, 92, 2], [121, 41, 118, 105, 54, 50, 37, 45, 106, 49, 101, 48, 109, 114, 104, 107, 113, 43, 93, 23, 60, 30, 42, 87, 25, 13, 40, 82, 89, 21, 85, 18, 78, 19, 117, 26, 34, 77, 74, 15, 79, 124, 111, 83, 112, 14, 16, 20, 80, 84, 103, 10, 63, 17, 8, 39, 94, 115, 33, 100, 55, 29, 12, 76, 81, 110, 11, 86, 57, 56, 126, 22, 44, 90, 127, 53, 75, 119, 27, 52, 47, 58, 72, 102, 62, 123, 122, 32, 64, 97, 125, 73, 6, 71, 38, 5, 91, 69, 61, 0, 36, 9, 59, 120, 7, 51, 4, 67, 31, 1, 98, 68, 3, 88, 116, 70, 65, 46, 96, 35, 28, 108, 99, 92, 24, 2, 95, 66], [121, 41, 118, 105, 54, 50, 45, 37, 106, 101, 49, 48, 109, 114, 107, 104, 113, 43, 93, 23, 60, 42, 87, 40, 25, 82, 13, 85, 30, 89, 18, 21, 26, 77, 117, 14, 19, 74, 83, 34, 15, 78, 79, 63, 112, 80, 84, 17, 103, 8, 111, 94, 10, 12, 20, 16, 124, 76, 29, 110, 55, 39, 100, 81, 33, 86, 119, 127, 115, 52, 75, 47, 53, 56, 27, 57, 11, 126, 102, 22, 72, 90, 97, 125, 58, 0, 122, 6, 44, 64, 7, 123, 32, 71, 51, 62, 69, 91, 59, 73, 9, 5, 61, 98, 1, 120, 65, 96, 116, 88, 68, 4, 3, 38, 24, 92, 36, 67, 46, 35, 108, 28, 31, 70, 2, 99, 95, 66], [121, 41, 118, 105, 54, 50, 45, 37, 106, 101, 48, 49, 114, 109, 107, 104, 93, 113, 43, 23, 42, 30, 87, 60, 25, 40, 85, 82, 26, 89, 21, 77, 13, 83, 18, 103, 14, 19, 111, 20, 34, 17, 117, 55, 84, 124, 16, 78, 79, 94, 112, 29, 15, 63, 127, 86, 80, 76, 126, 119, 10, 74, 110, 33, 39, 53, 58, 123, 56, 27, 90, 8, 122, 12, 115, 81, 47, 57, 11, 52, 22, 102, 44, 72, 97, 0, 100, 32, 125, 62, 38, 61, 75, 9, 51, 64, 59, 7, 4, 116, 98, 5, 69, 6, 36, 68, 67, 3, 96, 65, 91, 24, 71, 1, 120, 73, 70, 92, 35, 88, 31, 28, 46, 95, 66, 99, 2, 108], [121, 41, 118, 105, 54, 50, 45, 37, 106, 48, 49, 101, 109, 107, 114, 104, 113, 43, 93, 42, 87, 23, 60, 30, 40, 13, 82, 77, 85, 21, 25, 18, 19, 89, 78, 14, 34, 15, 117, 83, 74, 26, 103, 111, 112, 10, 20, 72, 124, 16, 79, 80, 17, 8, 12, 81, 84, 76, 47, 110, 64, 75, 56, 127, 115, 100, 55, 86, 29, 63, 94, 119, 11, 126, 39, 0, 53, 22, 122, 52, 102, 7, 61, 5, 57, 33, 58, 90, 68, 69, 9, 1, 62, 27, 97, 44, 65, 32, 73, 123, 59, 125, 98, 3, 71, 91, 4, 6, 67, 70, 51, 116, 66, 38, 36, 120, 88, 96, 35, 2, 24, 46, 108, 31, 92, 28, 99, 95], [41, 121, 118, 105, 54, 50, 45, 37, 106, 49, 48, 101, 109, 107, 114, 104, 113, 43, 93, 42, 23, 30, 87, 60, 40, 89, 25, 85, 55, 19, 77, 13, 112, 18, 21, 34, 117, 26, 103, 82, 78, 83, 111, 124, 94, 63, 15, 20, 10, 84, 16, 14, 74, 115, 79, 80, 29, 56, 100, 72, 39, 76, 33, 17, 81, 127, 47, 110, 53, 8, 126, 12, 102, 52, 86, 75, 119, 0, 11, 90, 123, 22, 57, 7, 27, 32, 44, 58, 97, 5, 125, 122, 62, 51, 70, 64, 61, 9, 91, 71, 69, 68, 38, 120, 65, 1, 67, 4, 96, 73, 92, 6, 59, 88, 98, 36, 116, 35, 3, 28, 108, 24, 66, 2, 46, 31, 95, 99], [121, 41, 118, 54, 105, 50, 45, 37, 106, 48, 49, 101, 114, 107, 109, 104, 113, 43, 93, 23, 42, 60, 87, 40, 25, 30, 89, 18, 77, 85, 21, 13, 82, 14, 78, 19, 83, 63, 26, 111, 117, 15, 79, 34, 10, 112, 115, 74, 103, 20, 119, 80, 72, 124, 16, 84, 17, 81, 11, 39, 94, 55, 12, 86, 76, 56, 100, 47, 126, 33, 110, 29, 102, 127, 44, 8, 0, 57, 75, 27, 122, 52, 7, 62, 64, 22, 90, 123, 53, 61, 73, 125, 70, 3, 68, 5, 67, 97, 69, 65, 51, 71, 9, 58, 32, 1, 91, 120, 4, 59, 98, 96, 2, 6, 36, 108, 35, 38, 88, 46, 92, 28, 99, 24, 116, 66, 95, 31], [41, 121, 118, 105, 54, 50, 45, 106, 37, 101, 48, 49, 114, 109, 107, 104, 113, 43, 60, 23, 87, 93, 42, 40, 30, 89, 25, 18, 13, 85, 21, 77, 82, 78, 26, 34, 19, 83, 14, 10, 80, 111, 119, 63, 79, 72, 15, 112, 103, 117, 55, 74, 20, 124, 16, 100, 115, 17, 84, 81, 29, 94, 12, 47, 76, 11, 52, 39, 102, 110, 57, 53, 75, 33, 22, 27, 62, 44, 86, 126, 0, 123, 5, 127, 73, 90, 122, 8, 7, 125, 59, 97, 64, 70, 4, 32, 61, 38, 56, 116, 58, 51, 69, 68, 65, 3, 91, 9, 71, 1, 88, 67, 98, 96, 120, 35, 6, 36, 2, 92, 99, 46, 28, 31, 108, 95, 66, 24], [121, 41, 118, 105, 54, 50, 45, 106, 37, 49, 48, 101, 109, 107, 104, 114, 113, 43, 93, 23, 60, 42, 87, 40, 13, 30, 25, 89, 85, 18, 19, 77, 82, 21, 14, 26, 111, 78, 72, 80, 10, 83, 34, 79, 103, 15, 63, 16, 117, 20, 74, 119, 124, 112, 84, 81, 12, 47, 11, 17, 76, 55, 127, 94, 39, 27, 75, 100, 126, 29, 52, 115, 110, 33, 86, 44, 53, 56, 22, 102, 58, 61, 125, 90, 70, 57, 51, 8, 62, 123, 32, 7, 122, 0, 69, 9, 73, 64, 59, 5, 71, 91, 4, 1, 97, 67, 3, 65, 68, 120, 98, 24, 6, 96, 116, 38, 35, 92, 36, 88, 46, 2, 31, 99, 66, 28, 95, 108]], "model.layers.8.self_attn.q_proj": [[60, 102, 116, 51, 123, 117, 91, 34, 52, 33, 118, 124, 115, 62, 119, 18, 126, 63, 48, 97, 58, 57, 50, 79, 54, 55, 53, 56, 61, 85, 49, 121, 59, 125, 94, 111, 122, 35, 101, 127, 45, 112, 120, 77, 44, 105, 43, 113, 89, 114, 73, 47, 26, 110, 46, 42, 13, 90, 21, 19, 109, 24, 28, 108, 107, 22, 12, 82, 14, 83, 96, 70, 37, 20, 87, 106, 39, 16, 40, 81, 72, 74, 84, 41, 103, 80, 7, 99, 30, 27, 32, 88, 31, 11, 15, 25, 36, 17, 95, 29, 104, 93, 23, 86, 92, 10, 100, 98, 76, 1, 4, 5, 3, 9, 75, 78, 38, 69, 64, 71, 67, 68, 66, 8, 6, 2, 65, 0], [117, 60, 51, 123, 116, 52, 122, 63, 126, 53, 55, 49, 48, 125, 57, 121, 120, 56, 110, 113, 111, 61, 47, 112, 114, 127, 54, 118, 119, 45, 46, 124, 62, 115, 109, 50, 58, 59, 44, 108, 43, 105, 107, 36, 42, 106, 41, 104, 40, 101, 39, 103, 102, 37, 35, 100, 24, 86, 98, 38, 95, 34, 99, 33, 87, 22, 96, 90, 66, 32, 0, 94, 31, 81, 5, 30, 97, 8, 84, 65, 19, 27, 93, 23, 85, 69, 29, 82, 75, 72, 91, 28, 21, 17, 15, 20, 89, 67, 88, 78, 92, 83, 2, 76, 13, 14, 64, 18, 25, 79, 80, 6, 70, 9, 26, 73, 68, 12, 77, 11, 1, 4, 74, 3, 16, 7, 71, 10], [102, 116, 60, 51, 33, 123, 117, 91, 52, 115, 85, 84, 15, 124, 70, 118, 79, 18, 7, 62, 34, 73, 12, 38, 119, 27, 26, 74, 89, 88, 11, 87, 59, 24, 94, 90, 58, 50, 20, 21, 93, 69, 30, 22, 3, 57, 54, 72, 126, 77, 4, 14, 82, 121, 35, 9, 98, 81, 61, 42, 37, 1, 13, 63, 56, 48, 92, 53, 10, 32, 23, 76, 25, 2, 28, 16, 64, 68, 55, 80, 31, 41, 105, 5, 17, 44, 95, 36, 101, 75, 49, 39, 67, 71, 103, 108, 66, 43, 29, 99, 120, 106, 96, 19, 127, 107, 46, 45, 125, 83, 78, 114, 97, 113, 40, 111, 100, 47, 104, 109, 6, 110, 8, 112, 86, 122, 65, 0], [116, 102, 60, 51, 123, 117, 115, 52, 62, 124, 119, 118, 34, 38, 39, 19, 58, 79, 57, 126, 85, 54, 50, 37, 43, 61, 48, 89, 53, 56, 121, 55, 94, 44, 104, 46, 42, 31, 107, 73, 108, 110, 125, 41, 40, 70, 72, 33, 111, 95, 36, 106, 109, 87, 63, 45, 49, 101, 59, 127, 103, 23, 105, 113, 120, 47, 32, 35, 28, 90, 114, 91, 13, 122, 96, 21, 112, 88, 100, 25, 11, 99, 74, 30, 27, 5, 93, 98, 92, 77, 29, 26, 1, 12, 17, 7, 24, 20, 14, 66, 80, 64, 10, 4, 3, 15, 76, 82, 16, 67, 78, 97, 18, 68, 22, 75, 71, 83, 69, 81, 84, 65, 2, 9, 86, 8, 0, 6], [38, 34, 119, 60, 18, 92, 78, 77, 9, 24, 88, 72, 85, 8, 75, 124, 68, 3, 21, 55, 59, 70, 80, 123, 69, 115, 28, 48, 71, 19, 22, 29, 37, 44, 47, 26, 61, 58, 117, 76, 4, 35, 73, 10, 95, 83, 125, 64, 0, 118, 14, 16, 79, 66, 12, 2, 62, 13, 31, 87, 93, 82, 46, 65, 57, 104, 49, 89, 42, 98, 103, 27, 15, 81, 84, 56, 63, 107, 67, 111, 30, 94, 110, 36, 6, 100, 7, 50, 25, 116, 17, 106, 105, 32, 101, 39, 53, 23, 120, 74, 86, 97, 113, 112, 43, 40, 20, 99, 41, 96, 126, 90, 1, 52, 11, 33, 121, 54, 108, 127, 114, 91, 5, 122, 45, 109, 51, 102], [38, 34, 59, 60, 119, 29, 18, 92, 88, 24, 115, 47, 77, 79, 9, 78, 68, 85, 1, 80, 55, 71, 124, 75, 22, 83, 70, 61, 65, 110, 44, 72, 64, 117, 35, 37, 69, 19, 123, 76, 125, 98, 3, 12, 58, 5, 16, 8, 73, 52, 21, 28, 95, 13, 7, 10, 100, 103, 27, 67, 0, 6, 48, 66, 93, 86, 106, 118, 26, 17, 4, 14, 112, 30, 20, 90, 46, 81, 63, 91, 32, 82, 107, 15, 2, 104, 102, 23, 94, 42, 74, 36, 11, 25, 99, 89, 39, 45, 54, 62, 49, 116, 120, 97, 50, 41, 96, 126, 31, 87, 113, 33, 43, 56, 127, 114, 122, 53, 105, 40, 84, 121, 101, 111, 51, 109, 108, 57], [38, 34, 60, 119, 29, 18, 85, 77, 88, 59, 78, 24, 37, 80, 9, 92, 124, 75, 71, 55, 69, 44, 21, 47, 8, 125, 3, 61, 93, 72, 16, 68, 19, 117, 35, 118, 79, 123, 22, 81, 95, 106, 11, 76, 115, 13, 32, 48, 58, 31, 10, 1, 83, 120, 65, 27, 63, 98, 122, 7, 116, 52, 84, 97, 89, 14, 26, 82, 99, 112, 107, 36, 94, 66, 64, 50, 42, 25, 30, 53, 28, 33, 100, 70, 40, 103, 87, 126, 110, 62, 51, 96, 104, 12, 41, 101, 39, 20, 54, 91, 86, 43, 49, 109, 45, 127, 23, 46, 114, 111, 57, 56, 108, 74, 113, 6, 17, 90, 15, 67, 121, 4, 0, 105, 73, 5, 2, 102], [38, 60, 119, 34, 29, 28, 88, 115, 85, 102, 93, 59, 19, 125, 80, 95, 27, 78, 92, 47, 87, 52, 98, 55, 18, 33, 44, 37, 35, 123, 118, 117, 24, 26, 83, 110, 22, 62, 58, 54, 46, 12, 89, 25, 61, 42, 48, 104, 103, 84, 30, 113, 40, 45, 97, 100, 101, 106, 91, 109, 31, 112, 116, 10, 81, 94, 114, 63, 21, 99, 107, 51, 49, 50, 105, 126, 96, 16, 111, 108, 127, 121, 124, 32, 57, 122, 43, 36, 56, 17, 120, 53, 41, 20, 86, 79, 39, 76, 23, 90, 8, 14, 74, 77, 71, 15, 75, 72, 11, 13, 82, 9, 7, 66, 2, 67, 70, 5, 69, 3, 4, 6, 73, 0, 68, 1, 64, 65], [59, 60, 116, 80, 55, 50, 73, 72, 117, 12, 62, 77, 10, 84, 120, 26, 54, 125, 103, 69, 19, 13, 24, 127, 68, 78, 15, 75, 93, 7, 21, 82, 17, 51, 90, 124, 6, 57, 49, 113, 3, 98, 56, 122, 121, 1, 66, 114, 16, 18, 112, 46, 58, 76, 70, 119, 36, 126, 123, 52, 28, 34, 118, 53, 88, 110, 61, 63, 0, 47, 29, 71, 109, 43, 27, 115, 96, 32, 104, 44, 107, 45, 108, 100, 92, 48, 102, 38, 42, 97, 106, 94, 105, 79, 111, 41, 101, 87, 89, 40, 37, 31, 33, 99, 95, 11, 91, 85, 35, 30, 86, 74, 9, 20, 81, 65, 83, 39, 23, 14, 4, 25, 8, 2, 22, 64, 67, 5], [59, 116, 60, 103, 55, 73, 117, 15, 87, 62, 80, 120, 125, 82, 54, 84, 10, 90, 127, 72, 13, 19, 69, 68, 76, 7, 6, 3, 78, 77, 51, 50, 124, 57, 66, 0, 75, 17, 113, 1, 49, 12, 21, 37, 56, 70, 121, 122, 11, 114, 119, 46, 123, 52, 36, 94, 74, 93, 32, 38, 88, 110, 58, 61, 118, 39, 43, 31, 112, 126, 28, 96, 47, 26, 104, 99, 53, 71, 42, 89, 65, 106, 101, 107, 115, 40, 100, 109, 111, 86, 83, 97, 102, 63, 108, 44, 105, 41, 81, 24, 33, 35, 30, 45, 95, 48, 8, 22, 92, 4, 98, 27, 20, 5, 16, 18, 79, 25, 91, 14, 34, 2, 29, 64, 23, 9, 85, 67], [103, 59, 116, 60, 20, 26, 16, 96, 84, 98, 24, 29, 89, 114, 93, 14, 10, 55, 125, 94, 91, 99, 88, 62, 19, 117, 70, 1, 87, 33, 18, 50, 31, 28, 80, 90, 68, 17, 57, 92, 52, 127, 69, 12, 95, 3, 25, 54, 27, 49, 23, 124, 72, 97, 120, 123, 66, 30, 74, 110, 71, 35, 22, 100, 36, 38, 32, 34, 113, 21, 0, 67, 64, 104, 102, 53, 82, 39, 78, 37, 76, 101, 40, 42, 51, 6, 119, 7, 108, 4, 122, 105, 83, 43, 81, 58, 75, 41, 118, 106, 44, 109, 48, 107, 45, 121, 47, 46, 9, 112, 56, 63, 73, 61, 111, 126, 115, 15, 5, 79, 85, 11, 8, 13, 65, 86, 77, 2], [59, 50, 60, 116, 19, 21, 15, 82, 80, 89, 76, 84, 13, 73, 88, 78, 87, 120, 62, 117, 17, 125, 54, 55, 7, 51, 90, 72, 127, 77, 6, 10, 3, 124, 61, 56, 121, 122, 58, 0, 63, 123, 112, 126, 118, 119, 11, 69, 57, 113, 53, 115, 47, 68, 75, 49, 66, 48, 111, 74, 46, 92, 86, 52, 110, 45, 109, 114, 108, 44, 1, 107, 93, 43, 106, 42, 105, 8, 41, 23, 104, 40, 27, 29, 65, 12, 100, 81, 103, 4, 28, 30, 38, 37, 102, 36, 39, 5, 70, 99, 20, 101, 14, 2, 83, 32, 35, 98, 97, 96, 22, 33, 95, 31, 67, 64, 26, 94, 71, 34, 24, 25, 85, 91, 16, 79, 9, 18], [104, 118, 34, 95, 50, 25, 70, 73, 51, 56, 45, 23, 55, 114, 49, 62, 5, 84, 3, 7, 40, 109, 117, 18, 121, 52, 74, 63, 54, 110, 124, 82, 58, 68, 14, 86, 126, 76, 15, 60, 8, 119, 112, 65, 17, 31, 123, 53, 80, 108, 97, 59, 127, 16, 27, 71, 125, 20, 35, 115, 46, 107, 89, 47, 32, 93, 120, 77, 44, 39, 111, 42, 29, 101, 61, 48, 90, 38, 41, 2, 113, 122, 100, 88, 30, 106, 92, 12, 102, 22, 37, 33, 103, 36, 105, 19, 13, 57, 94, 43, 116, 96, 28, 9, 91, 78, 85, 87, 81, 75, 99, 79, 21, 24, 83, 98, 10, 11, 26, 67, 0, 72, 6, 69, 4, 1, 66, 64], [104, 118, 34, 95, 84, 25, 73, 12, 40, 23, 18, 51, 16, 9, 49, 5, 65, 68, 70, 56, 1, 69, 66, 54, 8, 89, 80, 67, 63, 6, 13, 117, 15, 64, 62, 87, 60, 78, 45, 11, 50, 55, 3, 27, 58, 74, 14, 7, 20, 124, 72, 79, 2, 110, 24, 10, 71, 109, 76, 77, 82, 81, 127, 0, 28, 52, 4, 123, 22, 114, 31, 93, 83, 125, 97, 42, 91, 75, 126, 85, 112, 94, 86, 90, 21, 35, 46, 88, 33, 47, 19, 59, 121, 100, 38, 48, 39, 61, 119, 122, 17, 41, 26, 92, 29, 44, 101, 96, 108, 107, 111, 53, 113, 106, 36, 103, 32, 98, 120, 37, 99, 30, 102, 105, 43, 116, 115, 57], [118, 104, 34, 95, 50, 25, 23, 45, 52, 62, 84, 56, 117, 58, 49, 51, 18, 54, 16, 63, 114, 109, 123, 60, 55, 124, 106, 112, 12, 59, 27, 125, 57, 91, 121, 15, 126, 61, 110, 42, 32, 41, 31, 127, 119, 48, 43, 53, 33, 22, 39, 47, 115, 108, 111, 37, 113, 122, 120, 35, 28, 46, 116, 88, 107, 44, 99, 105, 93, 73, 103, 36, 97, 102, 38, 101, 92, 30, 82, 100, 86, 5, 87, 79, 96, 90, 13, 94, 85, 24, 89, 17, 78, 29, 9, 8, 70, 83, 26, 14, 74, 98, 21, 76, 20, 81, 80, 19, 7, 75, 3, 10, 77, 40, 72, 11, 69, 68, 65, 2, 71, 67, 6, 64, 4, 66, 1, 0], [104, 118, 34, 95, 25, 16, 12, 56, 23, 84, 18, 45, 15, 55, 69, 51, 78, 50, 117, 72, 58, 9, 40, 63, 8, 5, 49, 109, 66, 114, 67, 124, 54, 79, 71, 6, 60, 76, 4, 13, 110, 10, 80, 87, 86, 73, 31, 81, 119, 27, 62, 91, 108, 89, 75, 14, 1, 20, 70, 85, 52, 53, 112, 64, 29, 123, 11, 7, 19, 82, 42, 44, 59, 93, 121, 83, 61, 127, 39, 126, 90, 96, 94, 97, 32, 125, 74, 77, 103, 2, 21, 98, 107, 24, 41, 88, 111, 17, 22, 35, 106, 26, 57, 47, 115, 101, 92, 48, 43, 33, 30, 37, 68, 100, 122, 46, 28, 3, 36, 116, 105, 38, 102, 113, 120, 0, 99, 65], [41, 54, 59, 99, 79, 88, 101, 33, 13, 22, 90, 91, 31, 27, 73, 82, 39, 11, 123, 21, 84, 26, 71, 0, 66, 16, 40, 109, 94, 6, 74, 108, 2, 83, 28, 12, 38, 107, 68, 29, 126, 105, 51, 62, 7, 18, 95, 60, 76, 87, 34, 52, 20, 1, 98, 23, 9, 15, 32, 80, 78, 122, 67, 96, 125, 8, 110, 42, 55, 65, 4, 75, 57, 70, 36, 30, 106, 85, 49, 89, 45, 50, 46, 3, 124, 103, 56, 64, 77, 19, 127, 43, 17, 44, 58, 92, 100, 47, 104, 121, 97, 113, 118, 86, 112, 14, 115, 93, 114, 119, 10, 25, 120, 63, 102, 61, 5, 24, 81, 53, 72, 48, 69, 116, 111, 117, 37, 35], [41, 54, 99, 52, 91, 33, 126, 123, 27, 105, 113, 88, 108, 59, 61, 43, 36, 40, 101, 13, 125, 109, 22, 84, 107, 49, 16, 21, 57, 44, 118, 56, 45, 34, 115, 51, 63, 62, 17, 106, 50, 98, 31, 112, 127, 42, 25, 47, 120, 90, 39, 55, 100, 46, 124, 38, 121, 110, 114, 116, 58, 103, 29, 111, 96, 122, 94, 60, 95, 48, 53, 77, 71, 119, 117, 23, 104, 32, 102, 28, 93, 37, 82, 19, 4, 92, 85, 30, 81, 75, 20, 87, 89, 35, 26, 83, 97, 76, 68, 74, 10, 80, 73, 70, 18, 11, 24, 14, 72, 69, 12, 79, 78, 67, 6, 0, 2, 7, 8, 86, 15, 64, 65, 9, 5, 66, 1, 3], [41, 54, 99, 126, 33, 52, 91, 105, 27, 40, 101, 88, 21, 61, 89, 56, 125, 13, 45, 110, 123, 44, 34, 113, 82, 115, 36, 109, 85, 38, 59, 43, 107, 84, 22, 31, 42, 112, 81, 124, 94, 108, 114, 111, 120, 39, 116, 127, 57, 103, 16, 96, 58, 50, 63, 18, 118, 62, 60, 74, 90, 53, 100, 122, 17, 55, 37, 106, 23, 98, 104, 48, 87, 32, 49, 46, 121, 93, 28, 77, 51, 117, 19, 47, 119, 102, 25, 26, 97, 80, 29, 95, 68, 30, 83, 92, 35, 71, 24, 79, 75, 20, 11, 76, 4, 10, 78, 14, 12, 72, 86, 15, 70, 73, 7, 6, 1, 8, 9, 65, 64, 69, 2, 67, 5, 66, 0, 3], [41, 99, 59, 54, 88, 82, 31, 123, 27, 22, 91, 105, 79, 84, 13, 52, 21, 108, 87, 101, 12, 46, 33, 8, 18, 74, 83, 26, 39, 19, 81, 9, 94, 95, 118, 126, 10, 89, 77, 38, 17, 6, 92, 127, 20, 25, 55, 28, 15, 56, 40, 14, 69, 90, 70, 115, 44, 85, 68, 24, 16, 30, 97, 5, 86, 100, 23, 61, 98, 43, 32, 109, 110, 96, 104, 120, 113, 124, 76, 111, 29, 34, 122, 42, 75, 125, 80, 93, 107, 119, 57, 102, 58, 106, 36, 103, 47, 1, 63, 112, 114, 45, 72, 121, 4, 78, 50, 60, 117, 11, 3, 116, 53, 65, 49, 48, 71, 73, 37, 51, 62, 35, 67, 66, 0, 7, 64, 2], [103, 33, 59, 31, 82, 20, 23, 120, 81, 90, 114, 11, 76, 13, 14, 87, 22, 78, 7, 18, 71, 10, 21, 106, 83, 112, 16, 12, 15, 73, 124, 19, 119, 52, 77, 67, 96, 123, 38, 91, 25, 125, 41, 48, 40, 43, 107, 37, 94, 104, 98, 97, 88, 118, 27, 75, 86, 42, 51, 121, 84, 53, 117, 54, 55, 35, 58, 32, 3, 24, 30, 72, 80, 69, 111, 28, 34, 109, 126, 101, 47, 56, 100, 46, 8, 44, 85, 29, 93, 105, 115, 26, 79, 92, 108, 9, 1, 99, 62, 60, 36, 122, 127, 45, 61, 68, 113, 89, 4, 17, 57, 2, 39, 74, 63, 49, 5, 65, 102, 66, 110, 6, 95, 116, 50, 70, 64, 0], [103, 33, 59, 20, 31, 23, 120, 90, 83, 114, 82, 29, 16, 78, 19, 13, 84, 27, 88, 37, 94, 24, 32, 118, 81, 11, 72, 30, 17, 97, 7, 126, 48, 38, 92, 127, 96, 117, 21, 8, 77, 124, 56, 36, 87, 106, 25, 76, 22, 40, 9, 51, 12, 91, 119, 62, 105, 57, 41, 115, 10, 43, 45, 113, 52, 26, 110, 123, 14, 102, 79, 107, 15, 98, 54, 28, 93, 55, 34, 89, 61, 109, 18, 66, 44, 74, 80, 100, 95, 42, 99, 125, 85, 101, 47, 121, 63, 49, 35, 60, 73, 104, 68, 111, 58, 39, 108, 71, 4, 122, 53, 86, 75, 46, 112, 65, 116, 70, 50, 67, 2, 3, 6, 69, 5, 64, 0, 1], [103, 33, 59, 120, 31, 25, 13, 20, 11, 82, 78, 52, 16, 87, 10, 73, 23, 81, 7, 3, 65, 2, 66, 70, 90, 0, 5, 68, 114, 76, 69, 6, 19, 83, 18, 80, 106, 107, 67, 71, 27, 8, 75, 119, 9, 72, 96, 51, 77, 117, 48, 39, 28, 74, 105, 1, 43, 126, 4, 118, 22, 24, 37, 41, 123, 100, 46, 17, 53, 36, 127, 94, 56, 109, 115, 101, 44, 85, 40, 26, 92, 30, 54, 32, 104, 21, 84, 113, 62, 49, 47, 15, 12, 34, 14, 45, 121, 60, 93, 98, 91, 42, 88, 79, 50, 124, 29, 57, 111, 58, 110, 122, 125, 61, 116, 63, 99, 108, 35, 86, 102, 38, 89, 55, 112, 95, 64, 97], [103, 33, 114, 59, 31, 81, 120, 25, 76, 20, 78, 64, 15, 23, 82, 7, 21, 90, 16, 9, 3, 1, 83, 11, 5, 48, 106, 13, 65, 24, 66, 67, 27, 75, 115, 37, 47, 126, 77, 19, 74, 52, 44, 84, 55, 4, 10, 28, 53, 107, 93, 87, 22, 97, 71, 92, 29, 98, 39, 12, 43, 0, 109, 40, 96, 124, 46, 127, 51, 119, 17, 121, 88, 32, 105, 38, 2, 26, 100, 118, 112, 99, 111, 69, 8, 79, 104, 41, 86, 116, 58, 113, 73, 62, 45, 42, 110, 91, 18, 56, 94, 70, 14, 125, 6, 89, 54, 35, 57, 80, 108, 72, 63, 101, 123, 68, 122, 30, 50, 60, 61, 49, 34, 117, 36, 95, 102, 85], [44, 102, 50, 63, 98, 93, 108, 40, 123, 88, 80, 107, 43, 13, 31, 120, 119, 90, 7, 53, 115, 125, 57, 22, 29, 10, 114, 126, 19, 51, 84, 26, 20, 116, 92, 112, 109, 39, 55, 28, 12, 124, 127, 49, 121, 21, 45, 48, 36, 17, 18, 8, 101, 61, 52, 14, 46, 56, 85, 54, 47, 78, 118, 122, 99, 16, 113, 94, 59, 110, 74, 83, 60, 6, 58, 117, 70, 3, 97, 111, 68, 105, 81, 62, 25, 23, 4, 104, 42, 87, 32, 41, 91, 103, 30, 76, 79, 35, 106, 33, 15, 37, 82, 11, 27, 9, 96, 24, 89, 75, 66, 0, 95, 71, 73, 100, 86, 72, 67, 77, 65, 1, 2, 64, 69, 5, 38, 34], [44, 63, 102, 50, 98, 93, 40, 123, 107, 26, 108, 80, 31, 57, 115, 120, 43, 84, 90, 10, 127, 125, 53, 13, 22, 88, 116, 21, 126, 45, 19, 109, 121, 23, 51, 119, 112, 61, 124, 114, 104, 29, 18, 55, 47, 68, 56, 101, 54, 49, 36, 14, 62, 46, 52, 48, 122, 92, 17, 99, 58, 7, 60, 72, 105, 118, 12, 28, 8, 39, 97, 30, 78, 91, 59, 87, 110, 111, 117, 20, 42, 113, 77, 15, 103, 27, 81, 41, 106, 32, 95, 25, 85, 89, 94, 79, 83, 16, 24, 9, 66, 96, 2, 35, 37, 4, 76, 100, 75, 82, 11, 33, 5, 3, 73, 70, 1, 0, 74, 86, 6, 69, 65, 38, 34, 71, 67, 64], [44, 63, 102, 50, 108, 98, 120, 107, 40, 57, 53, 119, 51, 123, 88, 93, 26, 109, 125, 112, 58, 31, 127, 114, 43, 126, 61, 121, 116, 101, 118, 45, 48, 49, 54, 115, 36, 85, 47, 59, 56, 124, 21, 111, 122, 113, 55, 23, 95, 117, 80, 60, 39, 84, 52, 25, 62, 78, 104, 8, 46, 87, 41, 42, 100, 14, 19, 13, 18, 105, 90, 29, 89, 106, 110, 92, 35, 28, 32, 94, 99, 22, 103, 97, 37, 12, 91, 30, 17, 96, 33, 34, 81, 38, 66, 72, 82, 68, 24, 71, 83, 27, 20, 77, 7, 10, 74, 79, 2, 65, 16, 75, 11, 70, 15, 3, 73, 76, 9, 86, 6, 67, 69, 0, 4, 64, 5, 1], [44, 63, 102, 50, 108, 98, 40, 43, 115, 123, 120, 88, 125, 116, 31, 57, 26, 107, 112, 93, 114, 58, 53, 28, 127, 121, 84, 51, 19, 119, 101, 95, 52, 126, 56, 55, 49, 54, 36, 47, 109, 61, 39, 45, 59, 21, 104, 124, 46, 97, 62, 111, 8, 118, 48, 29, 90, 122, 23, 78, 14, 60, 113, 30, 117, 42, 110, 80, 22, 103, 12, 87, 92, 105, 99, 20, 37, 94, 33, 100, 106, 18, 32, 13, 17, 41, 27, 35, 38, 91, 81, 89, 72, 96, 24, 83, 15, 2, 77, 85, 66, 79, 25, 76, 82, 34, 7, 71, 73, 10, 68, 75, 9, 65, 16, 11, 6, 4, 70, 67, 0, 74, 69, 86, 3, 5, 1, 64], [54, 102, 122, 127, 120, 33, 28, 20, 125, 87, 92, 25, 116, 15, 12, 30, 97, 114, 47, 89, 63, 17, 96, 21, 22, 38, 32, 82, 19, 49, 94, 99, 7, 52, 48, 93, 123, 50, 16, 80, 13, 62, 115, 27, 91, 95, 121, 83, 74, 75, 72, 14, 88, 84, 31, 60, 85, 81, 55, 26, 51, 29, 10, 11, 59, 108, 35, 34, 113, 100, 111, 77, 90, 36, 98, 78, 23, 45, 118, 79, 37, 103, 24, 126, 53, 101, 57, 109, 58, 110, 112, 39, 117, 18, 105, 124, 56, 107, 41, 104, 43, 69, 42, 119, 40, 44, 46, 106, 76, 9, 2, 73, 61, 8, 71, 4, 86, 67, 6, 0, 70, 5, 68, 3, 1, 65, 66, 64], [54, 102, 122, 125, 127, 116, 25, 20, 114, 38, 33, 63, 30, 79, 47, 87, 120, 62, 123, 50, 52, 74, 48, 49, 53, 60, 55, 118, 126, 115, 28, 22, 58, 15, 121, 59, 7, 31, 57, 46, 51, 17, 94, 117, 92, 124, 113, 84, 76, 111, 70, 41, 44, 103, 89, 110, 35, 104, 32, 43, 12, 36, 107, 112, 39, 93, 34, 61, 119, 98, 96, 109, 99, 67, 40, 37, 56, 88, 105, 108, 95, 45, 2, 91, 106, 29, 77, 101, 83, 42, 97, 13, 69, 27, 100, 81, 19, 80, 72, 11, 90, 86, 21, 85, 82, 26, 73, 78, 23, 14, 75, 24, 71, 68, 18, 4, 0, 8, 16, 65, 10, 1, 9, 6, 5, 66, 64, 3], [122, 102, 54, 127, 125, 116, 120, 114, 87, 25, 33, 38, 92, 30, 12, 63, 47, 28, 20, 48, 22, 123, 62, 53, 17, 50, 59, 55, 118, 52, 60, 80, 49, 72, 82, 126, 57, 89, 24, 124, 51, 115, 76, 15, 58, 121, 91, 29, 81, 67, 94, 113, 97, 70, 109, 7, 0, 111, 44, 46, 21, 112, 2, 77, 103, 61, 56, 74, 119, 117, 69, 88, 110, 93, 108, 43, 79, 39, 65, 84, 107, 8, 36, 14, 1, 45, 73, 78, 83, 68, 32, 23, 90, 31, 27, 105, 40, 95, 96, 104, 6, 9, 37, 106, 16, 42, 3, 86, 85, 18, 100, 26, 10, 11, 41, 35, 34, 98, 101, 71, 19, 75, 13, 64, 4, 66, 5, 99], [122, 54, 102, 127, 116, 125, 114, 120, 38, 70, 25, 55, 63, 74, 53, 47, 59, 48, 62, 123, 118, 49, 103, 50, 60, 20, 67, 44, 52, 51, 124, 115, 126, 39, 57, 56, 58, 121, 113, 2, 45, 43, 33, 117, 76, 111, 7, 112, 110, 13, 46, 87, 119, 107, 109, 61, 93, 42, 108, 106, 36, 0, 105, 40, 101, 28, 104, 79, 92, 22, 41, 89, 37, 30, 35, 100, 19, 94, 26, 96, 90, 81, 88, 32, 34, 31, 29, 97, 71, 78, 23, 77, 99, 80, 69, 98, 27, 95, 84, 72, 10, 65, 4, 24, 1, 8, 12, 91, 68, 15, 73, 86, 17, 83, 11, 85, 9, 6, 14, 18, 82, 64, 21, 16, 5, 66, 75, 3]], "model.layers.8.self_attn.k_proj": [[116, 60, 38, 22, 51, 97, 94, 123, 117, 28, 89, 90, 84, 124, 18, 62, 16, 119, 81, 91, 36, 77, 52, 118, 87, 58, 15, 74, 35, 7, 54, 86, 19, 59, 50, 121, 61, 57, 21, 80, 42, 56, 99, 78, 126, 53, 100, 10, 73, 13, 48, 70, 41, 46, 75, 108, 125, 44, 127, 76, 40, 14, 114, 107, 103, 115, 104, 47, 98, 37, 63, 55, 106, 109, 105, 110, 24, 111, 26, 120, 43, 101, 45, 112, 49, 113, 39, 31, 122, 9, 95, 68, 67, 32, 85, 96, 82, 29, 1, 88, 30, 34, 64, 17, 102, 4, 66, 5, 23, 6, 92, 27, 20, 93, 71, 12, 83, 72, 3, 33, 65, 25, 11, 0, 2, 79, 8, 69], [60, 119, 98, 102, 88, 18, 85, 9, 80, 28, 78, 77, 64, 75, 71, 65, 59, 99, 3, 19, 93, 108, 68, 12, 69, 23, 115, 125, 2, 70, 61, 95, 111, 43, 51, 104, 29, 11, 38, 91, 5, 124, 123, 22, 117, 47, 37, 52, 20, 58, 46, 42, 24, 30, 10, 31, 49, 33, 66, 103, 36, 118, 53, 67, 40, 90, 113, 4, 15, 17, 122, 86, 81, 7, 114, 109, 6, 107, 83, 41, 48, 8, 92, 25, 63, 62, 54, 127, 32, 96, 13, 110, 94, 34, 0, 89, 84, 44, 106, 105, 100, 112, 120, 126, 26, 79, 97, 76, 121, 57, 55, 39, 82, 35, 116, 87, 16, 50, 45, 73, 101, 72, 56, 27, 74, 21, 1, 14], [59, 22, 60, 116, 39, 34, 114, 120, 54, 86, 124, 127, 51, 50, 35, 62, 55, 117, 113, 94, 57, 121, 56, 125, 122, 123, 49, 119, 52, 46, 29, 99, 61, 118, 43, 126, 58, 53, 110, 115, 112, 63, 103, 111, 47, 106, 108, 109, 76, 37, 18, 48, 28, 45, 44, 107, 42, 40, 81, 104, 96, 41, 14, 102, 38, 101, 105, 11, 85, 91, 95, 98, 15, 97, 100, 13, 74, 27, 26, 36, 73, 20, 25, 16, 82, 7, 32, 24, 30, 23, 78, 33, 92, 72, 6, 19, 8, 79, 80, 31, 89, 69, 88, 93, 90, 83, 66, 3, 68, 87, 17, 75, 0, 4, 1, 9, 5, 10, 67, 21, 12, 65, 84, 77, 2, 70, 71, 64], [40, 118, 98, 31, 23, 18, 25, 84, 16, 12, 56, 51, 78, 72, 10, 15, 9, 117, 55, 69, 71, 49, 63, 0, 54, 67, 62, 6, 1, 109, 4, 110, 60, 58, 45, 50, 127, 27, 124, 13, 2, 64, 66, 113, 74, 46, 8, 17, 47, 106, 42, 83, 123, 112, 44, 34, 19, 53, 91, 75, 126, 26, 24, 125, 52, 114, 61, 122, 29, 97, 68, 77, 30, 48, 11, 94, 108, 111, 59, 38, 119, 93, 107, 99, 120, 86, 103, 88, 39, 28, 121, 7, 21, 101, 33, 90, 100, 43, 105, 115, 41, 32, 96, 35, 92, 36, 102, 14, 37, 116, 57, 65, 89, 82, 85, 20, 70, 87, 22, 76, 79, 3, 80, 95, 5, 73, 81, 104], [105, 54, 59, 35, 95, 22, 91, 88, 21, 64, 110, 123, 68, 18, 97, 13, 16, 92, 74, 1, 6, 79, 37, 45, 71, 62, 52, 98, 44, 82, 41, 55, 107, 66, 83, 108, 126, 77, 57, 11, 50, 99, 48, 120, 127, 104, 58, 112, 53, 8, 90, 117, 56, 94, 122, 5, 40, 125, 60, 63, 51, 81, 121, 67, 103, 61, 106, 124, 114, 34, 12, 111, 115, 65, 3, 26, 113, 102, 116, 46, 42, 119, 30, 96, 47, 93, 73, 100, 15, 25, 109, 118, 36, 78, 17, 87, 43, 20, 14, 39, 2, 75, 38, 32, 0, 101, 76, 89, 84, 49, 29, 23, 19, 69, 72, 9, 33, 80, 31, 28, 24, 70, 7, 27, 10, 86, 4, 85], [39, 59, 120, 97, 23, 95, 83, 16, 11, 114, 20, 0, 78, 13, 82, 7, 76, 8, 73, 2, 42, 65, 48, 15, 50, 126, 69, 68, 3, 104, 107, 52, 25, 32, 27, 43, 117, 105, 119, 45, 62, 51, 4, 115, 53, 112, 118, 40, 9, 89, 81, 90, 88, 86, 58, 44, 98, 55, 1, 85, 109, 21, 10, 113, 79, 127, 66, 5, 54, 28, 30, 37, 35, 63, 122, 75, 47, 124, 46, 24, 102, 29, 61, 34, 106, 38, 94, 108, 121, 67, 91, 70, 57, 125, 49, 26, 110, 101, 22, 36, 96, 123, 72, 56, 60, 14, 18, 93, 99, 111, 100, 41, 116, 6, 84, 92, 19, 64, 17, 74, 12, 87, 77, 31, 80, 71, 103, 33], [108, 38, 22, 63, 34, 95, 50, 29, 23, 26, 18, 88, 44, 92, 104, 17, 19, 120, 20, 66, 115, 12, 114, 57, 125, 80, 13, 49, 107, 37, 123, 69, 53, 98, 112, 111, 8, 127, 45, 47, 121, 126, 51, 78, 113, 10, 55, 61, 35, 56, 52, 14, 54, 62, 91, 59, 119, 117, 65, 79, 85, 116, 109, 122, 7, 60, 64, 103, 118, 83, 124, 89, 46, 110, 105, 27, 70, 93, 58, 15, 9, 39, 100, 106, 48, 11, 40, 5, 97, 72, 42, 3, 28, 33, 94, 25, 41, 99, 96, 36, 77, 32, 30, 87, 84, 67, 43, 82, 24, 75, 76, 0, 21, 81, 31, 73, 101, 6, 4, 86, 1, 16, 90, 71, 2, 74, 68, 102], [122, 54, 38, 22, 97, 127, 63, 30, 114, 120, 125, 53, 47, 92, 50, 62, 126, 116, 82, 123, 51, 118, 59, 52, 124, 25, 57, 115, 46, 87, 55, 48, 58, 113, 44, 49, 111, 61, 56, 60, 121, 119, 117, 109, 12, 108, 98, 64, 43, 110, 112, 71, 15, 100, 17, 45, 40, 107, 20, 103, 106, 80, 32, 104, 105, 101, 41, 75, 39, 78, 42, 66, 36, 19, 67, 10, 35, 37, 102, 34, 94, 68, 5, 91, 99, 31, 77, 14, 3, 83, 8, 96, 18, 81, 73, 93, 24, 21, 26, 65, 95, 9, 11, 79, 88, 69, 29, 90, 33, 85, 70, 4, 16, 23, 27, 28, 89, 13, 6, 86, 1, 74, 72, 0, 2, 7, 84, 76]], "model.layers.8.self_attn.qk_proj": [[59, 60, 54, 118, 116, 119, 122, 120, 51, 63, 114, 108, 50, 38, 44, 125, 105, 117, 123, 40, 41, 102, 82, 86, 127, 47, 95, 34, 53, 87, 98, 18, 55, 62, 58, 39, 57, 52, 49, 124, 24, 103, 126, 88, 23, 115, 80, 97, 16, 78, 61, 84, 27, 20, 22, 89, 29, 13, 14, 104, 110, 83, 77, 19, 107, 113, 12, 92, 85, 31, 99, 76, 93, 46, 21, 11, 43, 56, 48, 15, 75, 111, 112, 109, 25, 33, 42, 9, 90, 121, 73, 79, 28, 71, 7, 106, 8, 26, 35, 45, 30, 81, 94, 10, 74, 64, 17, 36, 91, 5, 37, 3, 4, 0, 70, 72, 32, 67, 68, 69, 101, 100, 66, 2, 6, 65, 96, 1], [59, 60, 118, 54, 116, 122, 119, 120, 51, 63, 114, 108, 50, 38, 117, 44, 40, 105, 125, 123, 53, 102, 86, 41, 18, 103, 98, 127, 62, 82, 115, 87, 52, 126, 39, 88, 95, 24, 124, 34, 57, 84, 58, 97, 80, 23, 104, 55, 47, 20, 16, 22, 107, 78, 27, 77, 89, 49, 56, 14, 92, 19, 25, 85, 31, 13, 61, 83, 93, 12, 76, 21, 79, 42, 29, 99, 110, 48, 113, 11, 43, 75, 28, 9, 106, 26, 109, 8, 46, 73, 71, 45, 112, 15, 35, 37, 90, 121, 33, 111, 7, 94, 30, 36, 91, 17, 64, 10, 5, 81, 74, 0, 65, 4, 32, 67, 2, 1, 3, 70, 66, 101, 68, 69, 6, 100, 96, 72], [59, 60, 118, 54, 116, 119, 122, 120, 51, 63, 108, 38, 50, 114, 123, 44, 40, 117, 105, 53, 125, 102, 86, 34, 98, 39, 41, 95, 18, 24, 97, 87, 62, 82, 57, 127, 88, 23, 52, 115, 55, 84, 124, 22, 103, 20, 126, 49, 27, 104, 58, 89, 31, 47, 113, 16, 80, 93, 78, 29, 92, 77, 25, 56, 61, 48, 99, 33, 109, 85, 13, 75, 26, 45, 19, 21, 112, 76, 107, 43, 110, 14, 90, 35, 11, 94, 79, 12, 37, 83, 28, 46, 91, 111, 30, 42, 106, 15, 9, 7, 121, 8, 71, 81, 17, 36, 73, 32, 74, 10, 69, 100, 101, 64, 65, 0, 3, 72, 4, 66, 2, 68, 5, 6, 1, 67, 70, 96], [59, 60, 118, 54, 116, 119, 122, 120, 63, 51, 114, 108, 50, 38, 123, 44, 40, 117, 125, 105, 127, 86, 95, 41, 98, 53, 87, 102, 24, 115, 18, 62, 39, 34, 126, 82, 49, 103, 124, 88, 97, 23, 58, 47, 57, 84, 113, 52, 20, 22, 93, 55, 29, 80, 31, 16, 27, 14, 89, 25, 104, 83, 99, 77, 92, 110, 19, 48, 13, 78, 43, 109, 107, 61, 45, 11, 56, 85, 33, 21, 28, 46, 42, 15, 76, 37, 90, 26, 12, 75, 35, 73, 30, 94, 7, 36, 106, 79, 121, 112, 8, 111, 64, 9, 32, 71, 17, 91, 101, 81, 74, 10, 67, 3, 69, 4, 1, 2, 66, 0, 5, 65, 72, 96, 68, 70, 100, 6], [59, 60, 118, 54, 119, 122, 116, 120, 51, 63, 114, 108, 38, 50, 44, 117, 123, 40, 105, 125, 102, 98, 127, 57, 53, 95, 39, 24, 18, 82, 62, 41, 124, 87, 103, 34, 86, 23, 49, 113, 126, 115, 55, 80, 104, 88, 27, 97, 78, 84, 20, 58, 47, 52, 22, 77, 29, 16, 89, 93, 19, 46, 31, 110, 13, 14, 112, 45, 11, 12, 76, 92, 56, 107, 85, 28, 99, 83, 61, 48, 79, 109, 43, 21, 25, 73, 90, 35, 42, 37, 71, 0, 33, 9, 75, 111, 15, 26, 121, 7, 64, 36, 30, 106, 94, 17, 74, 72, 1, 3, 5, 32, 8, 4, 68, 66, 67, 10, 2, 81, 69, 91, 65, 101, 6, 96, 70, 100], [59, 60, 54, 118, 116, 119, 122, 120, 63, 51, 114, 108, 50, 38, 44, 123, 125, 117, 40, 105, 86, 102, 53, 127, 41, 95, 98, 82, 18, 24, 62, 124, 39, 87, 88, 80, 103, 16, 115, 34, 84, 57, 55, 52, 20, 78, 22, 47, 58, 23, 14, 126, 77, 49, 31, 83, 97, 104, 29, 27, 13, 107, 113, 76, 19, 89, 85, 28, 11, 12, 110, 92, 93, 99, 48, 42, 56, 109, 79, 75, 15, 25, 43, 61, 45, 46, 21, 30, 73, 112, 33, 9, 71, 90, 35, 37, 7, 72, 111, 121, 26, 106, 17, 81, 5, 94, 8, 36, 74, 10, 32, 64, 2, 0, 68, 91, 3, 69, 6, 67, 4, 65, 66, 101, 100, 1, 96, 70], [59, 60, 118, 54, 116, 119, 122, 120, 63, 51, 108, 114, 50, 38, 123, 117, 44, 40, 125, 105, 127, 86, 53, 95, 18, 87, 98, 82, 41, 102, 115, 24, 52, 88, 62, 84, 34, 126, 124, 22, 47, 16, 58, 20, 23, 39, 80, 97, 55, 57, 103, 104, 78, 29, 83, 13, 14, 113, 89, 27, 112, 49, 92, 107, 110, 19, 77, 76, 99, 48, 56, 31, 93, 11, 111, 21, 85, 12, 75, 61, 15, 28, 109, 9, 73, 79, 121, 43, 90, 33, 42, 94, 25, 81, 30, 46, 17, 7, 35, 26, 72, 71, 45, 106, 37, 74, 10, 91, 101, 32, 5, 8, 36, 68, 6, 2, 64, 100, 3, 69, 67, 4, 70, 65, 66, 96, 0, 1], [59, 60, 118, 54, 116, 119, 122, 63, 120, 108, 51, 114, 38, 50, 44, 117, 40, 105, 123, 86, 125, 87, 82, 18, 102, 127, 115, 95, 98, 88, 124, 41, 24, 34, 39, 22, 52, 58, 16, 20, 53, 80, 84, 107, 57, 23, 14, 47, 103, 104, 13, 27, 55, 56, 97, 76, 78, 62, 12, 126, 89, 83, 48, 77, 92, 85, 121, 29, 49, 93, 21, 31, 19, 75, 110, 113, 79, 99, 28, 11, 106, 15, 112, 73, 46, 9, 111, 42, 25, 30, 94, 90, 61, 109, 37, 43, 91, 71, 35, 45, 72, 33, 81, 26, 7, 10, 74, 17, 0, 64, 66, 32, 69, 36, 101, 5, 4, 65, 68, 6, 2, 67, 100, 8, 3, 1, 70, 96], [59, 60, 118, 54, 116, 119, 122, 120, 51, 63, 108, 50, 38, 114, 117, 123, 44, 105, 40, 125, 102, 127, 18, 98, 95, 62, 82, 24, 87, 115, 34, 39, 41, 86, 84, 88, 52, 16, 20, 103, 57, 22, 107, 126, 58, 89, 124, 80, 55, 97, 104, 27, 47, 23, 48, 13, 29, 78, 14, 92, 53, 46, 49, 77, 28, 21, 93, 19, 31, 110, 99, 25, 76, 83, 43, 56, 11, 113, 37, 85, 111, 94, 9, 109, 75, 12, 42, 15, 79, 112, 45, 33, 91, 61, 106, 35, 72, 30, 71, 73, 26, 90, 121, 7, 17, 101, 74, 81, 32, 64, 67, 36, 10, 1, 0, 5, 4, 68, 3, 69, 2, 66, 70, 65, 6, 8, 96, 100], [59, 60, 118, 54, 116, 119, 122, 120, 63, 51, 108, 114, 50, 117, 38, 123, 125, 44, 105, 40, 18, 102, 53, 41, 95, 82, 98, 62, 86, 87, 115, 103, 24, 88, 127, 39, 16, 49, 124, 52, 34, 80, 23, 126, 22, 84, 20, 47, 78, 58, 55, 13, 31, 97, 92, 19, 27, 89, 29, 77, 113, 107, 104, 14, 21, 75, 76, 42, 83, 57, 93, 61, 25, 12, 85, 110, 43, 99, 46, 33, 109, 26, 28, 79, 56, 112, 48, 111, 9, 45, 11, 7, 71, 72, 73, 121, 94, 15, 90, 37, 30, 35, 106, 91, 17, 36, 74, 81, 32, 10, 69, 3, 101, 0, 1, 64, 67, 68, 66, 100, 70, 5, 4, 6, 2, 65, 96, 8], [59, 60, 54, 118, 116, 119, 122, 120, 51, 63, 108, 114, 50, 38, 44, 123, 125, 40, 117, 105, 102, 95, 127, 58, 55, 41, 98, 18, 47, 87, 39, 86, 82, 24, 57, 53, 52, 126, 124, 16, 103, 88, 115, 34, 49, 80, 23, 78, 22, 13, 20, 62, 84, 27, 14, 104, 107, 97, 113, 19, 61, 29, 77, 83, 31, 89, 93, 109, 28, 110, 33, 121, 75, 46, 42, 43, 11, 12, 25, 85, 99, 76, 56, 21, 92, 71, 48, 7, 15, 79, 111, 45, 73, 26, 9, 112, 35, 72, 30, 106, 37, 94, 90, 10, 0, 64, 5, 81, 101, 67, 74, 36, 17, 91, 4, 66, 32, 68, 65, 2, 69, 1, 70, 3, 96, 8, 100, 6], [59, 60, 54, 118, 116, 119, 122, 120, 51, 63, 108, 114, 50, 38, 117, 125, 44, 40, 123, 105, 127, 18, 55, 102, 86, 98, 87, 82, 95, 24, 53, 41, 39, 22, 16, 88, 78, 47, 62, 126, 124, 57, 80, 34, 84, 23, 52, 20, 29, 49, 103, 27, 58, 113, 13, 97, 115, 104, 46, 31, 83, 14, 121, 89, 110, 77, 28, 93, 43, 76, 107, 11, 75, 19, 12, 112, 92, 61, 21, 73, 99, 48, 15, 25, 90, 79, 85, 9, 109, 45, 42, 106, 33, 72, 7, 71, 56, 81, 111, 35, 30, 0, 26, 37, 36, 64, 69, 91, 10, 17, 67, 74, 3, 4, 94, 65, 8, 68, 5, 70, 66, 2, 1, 6, 101, 32, 100, 96], [59, 60, 118, 54, 116, 119, 122, 120, 63, 51, 114, 50, 108, 38, 117, 44, 125, 123, 105, 40, 18, 102, 41, 127, 98, 52, 87, 34, 82, 86, 95, 88, 115, 22, 57, 23, 55, 124, 62, 24, 126, 39, 80, 84, 20, 16, 97, 58, 53, 78, 103, 110, 104, 47, 27, 89, 107, 61, 92, 49, 113, 29, 43, 13, 31, 14, 19, 28, 93, 85, 83, 77, 99, 21, 76, 25, 75, 11, 12, 56, 15, 73, 112, 109, 42, 45, 121, 46, 33, 111, 90, 9, 48, 79, 35, 26, 37, 106, 91, 7, 94, 30, 71, 17, 36, 8, 72, 81, 74, 10, 32, 69, 101, 100, 66, 68, 3, 70, 5, 4, 0, 67, 65, 64, 1, 6, 2, 96], [59, 60, 54, 118, 116, 119, 122, 120, 63, 51, 114, 50, 108, 125, 38, 44, 117, 123, 105, 40, 53, 102, 41, 55, 18, 86, 95, 82, 34, 62, 127, 87, 98, 52, 124, 16, 88, 80, 103, 22, 115, 23, 24, 47, 84, 20, 58, 57, 39, 13, 104, 14, 78, 61, 49, 85, 107, 43, 110, 12, 27, 92, 31, 89, 97, 113, 19, 93, 126, 83, 21, 45, 76, 11, 77, 28, 75, 79, 29, 99, 121, 15, 112, 48, 56, 25, 42, 9, 73, 46, 7, 71, 90, 33, 8, 106, 30, 109, 26, 94, 0, 64, 111, 35, 10, 72, 91, 17, 81, 37, 74, 69, 65, 66, 4, 67, 32, 5, 68, 70, 2, 36, 101, 1, 6, 3, 100, 96], [59, 60, 54, 118, 116, 122, 119, 120, 63, 51, 108, 50, 114, 38, 40, 44, 117, 123, 105, 102, 125, 86, 95, 98, 18, 82, 53, 124, 41, 127, 87, 55, 84, 34, 88, 39, 62, 24, 52, 104, 57, 23, 58, 47, 49, 103, 97, 20, 16, 80, 115, 126, 14, 22, 110, 31, 78, 43, 56, 46, 113, 27, 61, 13, 29, 99, 89, 12, 107, 45, 106, 85, 77, 93, 19, 48, 83, 28, 92, 109, 75, 15, 112, 76, 25, 37, 79, 33, 21, 7, 94, 11, 73, 90, 35, 42, 71, 111, 8, 121, 91, 9, 30, 36, 26, 17, 81, 10, 0, 101, 72, 32, 67, 3, 69, 64, 68, 74, 5, 65, 100, 2, 4, 6, 66, 1, 70, 96], [59, 60, 54, 118, 116, 119, 122, 120, 51, 63, 108, 114, 50, 38, 125, 44, 40, 123, 105, 102, 117, 86, 52, 124, 18, 127, 98, 115, 82, 57, 41, 88, 95, 103, 39, 87, 78, 62, 24, 34, 61, 107, 16, 20, 126, 23, 47, 53, 110, 97, 104, 22, 55, 80, 84, 49, 29, 31, 27, 89, 109, 19, 83, 113, 45, 85, 99, 58, 46, 93, 48, 14, 13, 21, 25, 43, 77, 28, 76, 92, 121, 11, 56, 37, 12, 42, 112, 75, 8, 106, 9, 79, 33, 30, 15, 7, 35, 73, 36, 90, 26, 71, 111, 17, 91, 94, 32, 67, 10, 81, 74, 68, 5, 64, 0, 65, 4, 2, 3, 101, 69, 1, 70, 96, 72, 66, 100, 6], [59, 60, 54, 118, 116, 122, 119, 63, 120, 51, 108, 114, 50, 38, 117, 44, 40, 123, 105, 125, 86, 18, 102, 82, 41, 98, 52, 87, 95, 22, 34, 124, 88, 24, 115, 39, 127, 16, 23, 62, 20, 80, 55, 104, 49, 103, 84, 126, 110, 58, 48, 56, 97, 78, 57, 27, 53, 93, 89, 83, 92, 29, 14, 47, 19, 45, 31, 107, 13, 77, 61, 85, 28, 113, 21, 76, 11, 12, 33, 42, 9, 99, 112, 75, 25, 46, 79, 43, 121, 8, 15, 90, 37, 73, 35, 71, 7, 30, 109, 106, 94, 26, 17, 10, 111, 91, 5, 81, 74, 36, 101, 32, 4, 64, 6, 0, 72, 68, 100, 66, 69, 70, 65, 2, 96, 1, 67, 3], [59, 60, 54, 118, 116, 119, 122, 120, 63, 51, 108, 50, 38, 114, 44, 40, 105, 117, 86, 125, 123, 102, 127, 41, 82, 98, 87, 18, 124, 34, 22, 24, 95, 39, 88, 62, 97, 115, 23, 52, 20, 16, 55, 103, 80, 84, 126, 110, 27, 56, 49, 57, 93, 58, 104, 19, 29, 31, 78, 48, 89, 83, 92, 47, 13, 113, 85, 14, 99, 25, 28, 12, 107, 76, 53, 61, 21, 77, 112, 26, 75, 42, 45, 46, 15, 111, 7, 90, 11, 33, 109, 79, 43, 30, 9, 35, 94, 8, 73, 37, 106, 71, 121, 17, 91, 32, 36, 5, 81, 101, 6, 74, 10, 100, 0, 64, 67, 72, 4, 68, 96, 66, 3, 70, 2, 69, 65, 1], [59, 60, 54, 118, 116, 119, 122, 120, 51, 63, 108, 114, 50, 38, 117, 40, 44, 123, 105, 125, 98, 86, 102, 87, 62, 34, 95, 82, 97, 39, 127, 124, 57, 41, 18, 52, 115, 24, 49, 88, 22, 55, 103, 23, 58, 53, 80, 126, 104, 29, 84, 16, 110, 56, 45, 20, 89, 61, 99, 25, 27, 31, 14, 26, 48, 46, 47, 83, 113, 93, 109, 92, 19, 33, 107, 28, 43, 42, 13, 78, 112, 12, 85, 77, 37, 35, 75, 15, 21, 73, 121, 76, 8, 9, 106, 36, 30, 94, 90, 11, 7, 79, 32, 91, 17, 71, 111, 101, 69, 3, 81, 74, 64, 10, 67, 0, 65, 4, 96, 5, 72, 6, 68, 66, 2, 1, 100, 70], [59, 60, 54, 118, 116, 122, 119, 63, 120, 51, 50, 108, 114, 38, 117, 44, 125, 40, 105, 102, 123, 86, 127, 98, 95, 41, 52, 82, 34, 18, 103, 39, 87, 115, 24, 57, 88, 55, 124, 62, 22, 23, 104, 80, 20, 16, 107, 126, 97, 27, 89, 110, 84, 56, 61, 58, 14, 83, 47, 53, 49, 12, 77, 31, 113, 25, 78, 93, 19, 99, 13, 28, 109, 48, 92, 29, 21, 46, 45, 30, 75, 76, 85, 112, 33, 43, 106, 42, 11, 73, 37, 26, 71, 35, 79, 121, 15, 9, 90, 7, 36, 17, 8, 91, 94, 111, 101, 74, 32, 10, 72, 69, 64, 81, 67, 65, 0, 2, 68, 96, 4, 5, 6, 100, 70, 66, 3, 1], [59, 60, 118, 54, 116, 119, 122, 63, 120, 51, 108, 50, 114, 38, 105, 44, 40, 86, 117, 125, 123, 102, 127, 18, 41, 124, 87, 126, 39, 52, 82, 88, 98, 55, 95, 22, 103, 49, 24, 115, 57, 34, 16, 23, 80, 20, 78, 62, 84, 53, 47, 56, 83, 104, 27, 97, 93, 13, 77, 29, 89, 14, 19, 110, 111, 61, 107, 113, 85, 75, 58, 31, 12, 48, 99, 76, 28, 21, 25, 109, 9, 71, 45, 92, 106, 79, 43, 11, 90, 37, 33, 26, 46, 42, 30, 121, 112, 73, 35, 7, 15, 36, 81, 94, 8, 32, 72, 67, 74, 17, 91, 64, 10, 68, 69, 3, 2, 0, 5, 101, 6, 1, 70, 65, 4, 66, 96, 100], [59, 60, 118, 54, 119, 122, 116, 120, 63, 51, 108, 50, 38, 114, 117, 44, 123, 105, 40, 86, 125, 87, 18, 102, 41, 98, 82, 55, 62, 124, 115, 39, 52, 34, 24, 95, 22, 57, 88, 103, 80, 127, 126, 23, 97, 47, 16, 84, 29, 48, 20, 78, 53, 89, 110, 27, 49, 61, 93, 56, 43, 92, 19, 58, 31, 42, 25, 83, 107, 104, 77, 113, 14, 75, 13, 99, 76, 85, 28, 112, 121, 12, 21, 46, 90, 106, 109, 79, 26, 11, 33, 30, 9, 15, 35, 73, 94, 111, 37, 45, 36, 71, 72, 8, 17, 7, 91, 81, 74, 5, 0, 101, 32, 64, 10, 3, 100, 68, 2, 67, 65, 69, 70, 96, 4, 1, 66, 6], [59, 60, 118, 54, 119, 116, 122, 63, 120, 51, 108, 114, 38, 50, 117, 44, 123, 105, 125, 40, 124, 41, 86, 98, 34, 102, 18, 39, 87, 127, 95, 62, 115, 52, 82, 24, 22, 55, 23, 57, 103, 88, 47, 16, 84, 53, 49, 97, 126, 80, 61, 20, 48, 58, 27, 104, 78, 56, 89, 13, 45, 19, 93, 113, 14, 92, 77, 31, 76, 110, 29, 83, 99, 107, 11, 85, 42, 12, 112, 28, 25, 75, 21, 26, 37, 121, 73, 43, 9, 46, 106, 111, 109, 33, 90, 79, 30, 15, 94, 7, 35, 72, 71, 36, 91, 17, 101, 32, 74, 0, 81, 64, 69, 100, 10, 65, 3, 8, 5, 68, 2, 96, 66, 67, 6, 4, 70, 1], [59, 60, 118, 54, 119, 116, 122, 63, 120, 51, 108, 114, 50, 38, 117, 125, 44, 40, 105, 123, 86, 102, 98, 127, 62, 95, 124, 87, 52, 41, 88, 82, 39, 18, 103, 115, 23, 34, 24, 57, 53, 16, 22, 126, 49, 84, 92, 110, 55, 58, 80, 97, 27, 47, 25, 20, 107, 56, 89, 31, 78, 83, 99, 42, 14, 104, 19, 121, 93, 77, 29, 48, 21, 13, 113, 12, 43, 45, 76, 28, 75, 85, 46, 73, 11, 72, 61, 15, 33, 109, 106, 30, 35, 112, 90, 37, 79, 26, 7, 111, 36, 91, 71, 9, 32, 94, 68, 17, 81, 0, 74, 69, 65, 70, 64, 100, 5, 67, 101, 3, 2, 10, 1, 66, 4, 6, 8, 96], [59, 60, 54, 118, 116, 119, 122, 63, 120, 51, 108, 50, 114, 38, 44, 117, 40, 125, 123, 105, 86, 102, 127, 98, 52, 124, 18, 41, 82, 39, 95, 87, 55, 57, 24, 34, 62, 88, 126, 22, 16, 97, 115, 53, 84, 49, 110, 47, 103, 58, 23, 80, 20, 83, 14, 29, 99, 104, 46, 48, 43, 56, 77, 89, 13, 61, 113, 78, 27, 93, 31, 25, 28, 73, 45, 76, 92, 85, 21, 107, 111, 19, 106, 121, 12, 75, 11, 112, 109, 72, 33, 15, 9, 42, 90, 35, 37, 79, 26, 71, 36, 94, 7, 81, 91, 74, 32, 5, 17, 30, 101, 10, 0, 64, 100, 68, 4, 70, 67, 2, 3, 69, 1, 96, 6, 8, 65, 66], [59, 60, 118, 54, 116, 119, 122, 63, 120, 51, 108, 38, 50, 114, 44, 117, 40, 125, 105, 123, 102, 86, 52, 98, 18, 127, 124, 82, 87, 95, 22, 39, 41, 88, 126, 115, 34, 55, 62, 24, 103, 97, 16, 23, 57, 84, 80, 20, 110, 47, 83, 58, 89, 27, 14, 53, 45, 56, 78, 49, 12, 19, 92, 29, 93, 61, 13, 107, 77, 104, 46, 21, 42, 43, 121, 99, 85, 28, 31, 76, 75, 9, 48, 15, 11, 79, 26, 112, 35, 73, 25, 106, 71, 90, 33, 72, 109, 113, 30, 37, 17, 36, 74, 94, 7, 81, 91, 32, 111, 64, 0, 101, 10, 100, 69, 4, 5, 66, 65, 8, 70, 3, 96, 6, 67, 2, 1, 68], [59, 60, 118, 54, 116, 119, 122, 120, 63, 51, 50, 108, 114, 38, 40, 123, 105, 44, 117, 125, 62, 102, 124, 98, 87, 41, 86, 55, 57, 95, 82, 126, 34, 22, 52, 47, 127, 24, 39, 18, 88, 103, 97, 115, 84, 27, 89, 104, 23, 20, 53, 16, 49, 29, 93, 80, 78, 99, 48, 31, 61, 58, 83, 92, 42, 121, 21, 45, 110, 13, 107, 25, 77, 14, 85, 46, 19, 111, 12, 43, 90, 33, 11, 75, 26, 112, 28, 37, 9, 56, 15, 94, 30, 109, 76, 113, 35, 91, 7, 73, 106, 72, 79, 71, 17, 32, 101, 100, 67, 74, 69, 36, 0, 10, 4, 2, 68, 1, 66, 64, 65, 5, 81, 3, 70, 96, 6, 8], [59, 60, 118, 54, 116, 119, 122, 63, 120, 51, 108, 114, 50, 38, 44, 40, 105, 123, 117, 125, 86, 82, 87, 41, 127, 124, 102, 95, 98, 52, 39, 126, 18, 24, 34, 62, 88, 57, 22, 55, 23, 47, 16, 80, 115, 58, 20, 97, 84, 78, 83, 103, 104, 27, 56, 14, 93, 89, 29, 12, 92, 110, 19, 13, 107, 77, 76, 75, 49, 53, 21, 121, 45, 48, 61, 85, 11, 99, 46, 31, 43, 42, 109, 79, 15, 28, 9, 7, 73, 71, 111, 112, 113, 106, 25, 30, 0, 26, 94, 64, 72, 37, 33, 90, 35, 69, 17, 65, 74, 3, 8, 6, 4, 68, 66, 91, 1, 67, 10, 101, 2, 81, 36, 32, 5, 70, 96, 100], [59, 60, 118, 54, 116, 119, 122, 120, 51, 63, 114, 108, 50, 38, 40, 117, 105, 44, 123, 102, 98, 127, 87, 125, 57, 41, 124, 18, 82, 95, 39, 52, 126, 86, 34, 62, 88, 24, 22, 103, 55, 97, 115, 58, 23, 84, 49, 20, 27, 16, 80, 104, 53, 31, 56, 89, 99, 47, 93, 78, 113, 29, 107, 83, 13, 121, 14, 110, 12, 77, 85, 25, 48, 109, 61, 43, 92, 45, 19, 28, 26, 106, 46, 21, 33, 90, 11, 94, 37, 75, 30, 76, 9, 111, 42, 35, 71, 15, 73, 112, 79, 36, 72, 91, 7, 8, 32, 64, 69, 74, 10, 17, 0, 66, 67, 1, 68, 6, 65, 101, 81, 3, 4, 5, 2, 96, 70, 100], [59, 60, 118, 54, 122, 116, 119, 120, 51, 63, 114, 108, 50, 38, 44, 125, 40, 105, 123, 117, 102, 86, 98, 52, 87, 41, 18, 127, 34, 82, 95, 124, 126, 88, 53, 57, 39, 115, 58, 55, 24, 80, 20, 47, 16, 103, 78, 97, 84, 22, 14, 23, 19, 31, 56, 62, 93, 13, 113, 49, 77, 27, 76, 42, 48, 83, 75, 43, 121, 89, 110, 85, 21, 12, 107, 29, 99, 92, 61, 104, 45, 25, 11, 46, 73, 109, 35, 15, 79, 9, 28, 106, 26, 30, 8, 90, 71, 7, 33, 112, 37, 94, 111, 17, 64, 72, 0, 10, 74, 66, 69, 65, 4, 81, 100, 3, 91, 36, 5, 1, 6, 68, 32, 67, 70, 101, 2, 96], [59, 60, 118, 54, 116, 122, 119, 120, 51, 63, 114, 108, 50, 38, 44, 117, 40, 123, 125, 105, 55, 41, 102, 98, 52, 86, 95, 127, 126, 34, 124, 18, 53, 82, 115, 49, 87, 58, 39, 57, 84, 24, 23, 88, 80, 103, 62, 97, 47, 22, 20, 16, 113, 14, 31, 104, 89, 27, 110, 48, 99, 45, 19, 29, 78, 61, 107, 77, 85, 92, 12, 56, 121, 93, 21, 13, 76, 83, 11, 43, 109, 112, 42, 106, 73, 28, 75, 25, 33, 15, 8, 46, 9, 111, 26, 71, 79, 90, 35, 94, 37, 30, 7, 64, 69, 17, 74, 10, 81, 68, 32, 5, 1, 0, 2, 72, 4, 36, 91, 67, 101, 6, 70, 66, 3, 65, 100, 96], [59, 60, 54, 118, 116, 122, 119, 120, 63, 51, 108, 114, 50, 38, 123, 44, 125, 117, 40, 105, 86, 41, 52, 127, 98, 102, 55, 87, 82, 34, 95, 58, 115, 18, 126, 62, 22, 24, 53, 124, 23, 88, 80, 47, 39, 103, 16, 20, 57, 84, 97, 49, 27, 14, 12, 77, 104, 19, 92, 93, 89, 21, 13, 15, 48, 83, 110, 76, 31, 78, 61, 45, 85, 11, 107, 113, 43, 42, 29, 73, 33, 9, 99, 121, 28, 75, 109, 25, 56, 46, 26, 8, 79, 71, 90, 35, 7, 37, 106, 30, 94, 112, 111, 81, 74, 64, 17, 91, 5, 10, 0, 32, 68, 36, 1, 65, 67, 69, 72, 4, 6, 101, 70, 2, 100, 66, 3, 96]], "model.layers.9.self_attn.q_proj": [[110, 101, 46, 124, 63, 59, 28, 32, 113, 25, 89, 61, 19, 115, 27, 87, 16, 60, 57, 49, 122, 83, 85, 26, 78, 22, 47, 114, 55, 58, 56, 53, 96, 99, 37, 92, 108, 41, 23, 54, 48, 125, 30, 79, 51, 11, 119, 67, 84, 1, 24, 118, 69, 35, 62, 91, 120, 123, 116, 70, 43, 88, 97, 117, 121, 68, 106, 112, 90, 126, 109, 29, 40, 2, 77, 127, 45, 111, 8, 17, 86, 0, 74, 50, 82, 107, 15, 5, 42, 9, 66, 21, 18, 10, 52, 14, 6, 104, 105, 94, 36, 93, 100, 81, 65, 102, 44, 34, 33, 76, 20, 80, 31, 103, 3, 64, 7, 38, 4, 71, 95, 75, 73, 12, 13, 39, 98, 72], [110, 124, 101, 63, 46, 113, 25, 59, 80, 28, 24, 61, 89, 115, 57, 122, 60, 56, 83, 114, 32, 53, 58, 47, 125, 27, 22, 51, 41, 54, 119, 49, 78, 55, 40, 11, 112, 118, 62, 48, 123, 43, 96, 120, 106, 69, 23, 121, 37, 108, 52, 117, 127, 50, 42, 109, 19, 104, 45, 100, 111, 116, 35, 126, 105, 16, 107, 85, 91, 87, 102, 30, 38, 39, 31, 44, 33, 92, 34, 103, 84, 36, 86, 20, 17, 94, 88, 26, 97, 73, 98, 29, 99, 93, 8, 90, 95, 77, 72, 14, 18, 1, 21, 12, 67, 81, 5, 79, 76, 15, 82, 70, 4, 75, 2, 0, 10, 9, 7, 13, 6, 74, 66, 3, 68, 71, 64, 65], [110, 124, 46, 101, 63, 59, 89, 61, 11, 37, 113, 57, 25, 122, 60, 115, 69, 56, 53, 19, 54, 58, 47, 55, 32, 114, 120, 48, 16, 51, 49, 41, 117, 118, 116, 28, 112, 50, 62, 27, 109, 24, 119, 22, 121, 111, 125, 92, 127, 99, 126, 123, 43, 87, 45, 52, 82, 30, 107, 108, 39, 100, 72, 35, 103, 42, 105, 106, 1, 96, 104, 83, 40, 0, 4, 44, 23, 78, 2, 86, 77, 80, 26, 102, 15, 38, 29, 34, 85, 97, 90, 84, 67, 73, 36, 31, 33, 14, 88, 94, 5, 6, 98, 95, 18, 17, 9, 93, 91, 7, 21, 8, 20, 68, 79, 12, 81, 75, 66, 10, 13, 76, 71, 70, 74, 64, 3, 65], [124, 110, 101, 59, 46, 89, 63, 61, 19, 28, 115, 25, 83, 60, 113, 56, 27, 57, 23, 114, 122, 24, 118, 54, 78, 53, 55, 22, 125, 119, 47, 49, 58, 120, 48, 51, 37, 26, 107, 93, 32, 50, 81, 96, 117, 121, 99, 112, 11, 106, 43, 62, 123, 92, 127, 41, 35, 109, 108, 17, 116, 111, 103, 45, 42, 36, 104, 52, 44, 82, 126, 40, 100, 105, 30, 39, 38, 85, 88, 95, 14, 12, 34, 86, 87, 8, 98, 97, 31, 33, 102, 29, 16, 91, 94, 77, 69, 84, 18, 21, 73, 20, 15, 90, 80, 75, 76, 67, 13, 5, 79, 72, 9, 6, 74, 7, 1, 10, 70, 4, 3, 71, 2, 0, 65, 68, 66, 64], [117, 41, 59, 61, 97, 126, 101, 39, 31, 87, 55, 43, 42, 44, 28, 100, 124, 112, 110, 116, 35, 92, 102, 113, 96, 122, 57, 86, 36, 121, 127, 89, 54, 58, 114, 63, 38, 49, 52, 115, 93, 125, 47, 94, 51, 60, 53, 105, 99, 120, 16, 80, 48, 111, 32, 45, 50, 84, 46, 98, 29, 104, 19, 56, 118, 109, 123, 108, 40, 62, 27, 78, 33, 24, 107, 23, 74, 18, 26, 17, 25, 83, 37, 85, 75, 30, 91, 22, 20, 119, 21, 34, 14, 106, 12, 88, 9, 68, 81, 13, 103, 15, 77, 10, 3, 7, 76, 73, 95, 11, 71, 79, 4, 82, 66, 8, 90, 2, 70, 5, 6, 0, 72, 69, 64, 67, 65, 1], [41, 64, 107, 101, 117, 31, 67, 63, 1, 56, 69, 55, 26, 97, 42, 126, 112, 87, 105, 2, 72, 10, 39, 18, 84, 79, 76, 98, 71, 124, 65, 43, 106, 28, 78, 4, 35, 9, 111, 6, 44, 100, 53, 70, 29, 93, 23, 114, 80, 12, 121, 3, 74, 58, 86, 66, 20, 92, 94, 57, 5, 81, 11, 89, 59, 127, 33, 110, 102, 99, 83, 38, 75, 7, 48, 125, 109, 8, 61, 19, 15, 17, 77, 27, 21, 0, 46, 113, 88, 62, 118, 68, 50, 85, 45, 116, 32, 54, 104, 47, 24, 25, 120, 52, 122, 96, 40, 13, 51, 115, 103, 60, 90, 30, 34, 14, 73, 119, 123, 49, 82, 36, 16, 108, 91, 22, 95, 37], [41, 117, 26, 87, 31, 42, 101, 97, 56, 98, 18, 124, 35, 84, 105, 79, 15, 23, 12, 76, 55, 39, 57, 78, 43, 20, 80, 7, 59, 112, 93, 106, 118, 44, 74, 90, 61, 102, 10, 89, 100, 63, 28, 83, 114, 126, 107, 82, 58, 9, 53, 25, 104, 92, 69, 81, 14, 48, 8, 96, 36, 21, 127, 95, 86, 70, 24, 49, 121, 110, 99, 11, 29, 60, 111, 22, 46, 27, 17, 62, 85, 51, 122, 109, 16, 4, 52, 120, 125, 32, 5, 19, 77, 33, 13, 123, 40, 54, 45, 91, 2, 30, 67, 94, 71, 47, 3, 73, 115, 38, 113, 116, 72, 88, 64, 108, 50, 37, 103, 66, 65, 75, 68, 34, 0, 119, 6, 1], [117, 56, 41, 61, 107, 43, 97, 39, 31, 126, 35, 44, 118, 100, 42, 57, 110, 89, 121, 102, 36, 105, 46, 87, 63, 48, 101, 94, 52, 124, 92, 28, 59, 53, 113, 50, 86, 55, 38, 98, 54, 122, 49, 51, 29, 112, 111, 25, 45, 115, 108, 83, 62, 123, 125, 127, 80, 40, 47, 96, 104, 19, 99, 114, 27, 58, 116, 120, 60, 33, 109, 34, 88, 26, 18, 32, 93, 85, 9, 23, 106, 22, 64, 21, 24, 16, 119, 84, 30, 17, 103, 13, 91, 37, 77, 14, 90, 1, 2, 81, 69, 78, 67, 76, 95, 11, 79, 4, 82, 66, 73, 71, 68, 7, 70, 10, 75, 72, 20, 5, 12, 74, 6, 8, 65, 15, 3, 0], [105, 98, 86, 18, 84, 53, 79, 81, 88, 13, 111, 41, 76, 119, 74, 51, 72, 55, 29, 10, 117, 52, 7, 61, 2, 63, 123, 114, 68, 110, 107, 71, 6, 126, 31, 59, 70, 26, 125, 116, 5, 15, 4, 17, 48, 28, 120, 50, 118, 8, 127, 108, 77, 75, 90, 12, 27, 1, 3, 82, 24, 85, 92, 11, 109, 21, 122, 42, 124, 20, 38, 106, 9, 62, 40, 57, 93, 78, 25, 113, 33, 49, 22, 66, 80, 56, 16, 67, 58, 39, 30, 32, 60, 19, 23, 102, 91, 37, 54, 46, 87, 89, 64, 100, 96, 43, 115, 36, 83, 101, 14, 112, 47, 94, 95, 121, 103, 44, 35, 97, 99, 104, 0, 45, 34, 69, 73, 65], [105, 98, 84, 79, 88, 53, 18, 72, 41, 86, 111, 5, 81, 51, 2, 13, 63, 15, 76, 10, 29, 55, 52, 6, 68, 114, 119, 126, 74, 116, 110, 12, 123, 48, 92, 7, 117, 61, 28, 26, 107, 71, 9, 59, 27, 11, 118, 4, 87, 90, 31, 3, 93, 8, 85, 127, 125, 24, 122, 70, 109, 78, 1, 58, 20, 108, 50, 120, 124, 77, 91, 38, 66, 42, 49, 17, 22, 40, 39, 60, 30, 102, 69, 95, 67, 57, 54, 34, 106, 83, 23, 37, 62, 89, 32, 101, 16, 82, 21, 75, 96, 36, 19, 56, 33, 35, 121, 43, 112, 103, 113, 80, 46, 73, 94, 25, 44, 99, 14, 115, 104, 100, 0, 97, 45, 64, 47, 65], [105, 98, 84, 41, 72, 86, 53, 6, 18, 2, 79, 12, 4, 1, 76, 68, 71, 111, 74, 51, 13, 0, 3, 67, 81, 88, 66, 5, 114, 126, 63, 61, 123, 119, 8, 117, 26, 52, 116, 55, 48, 118, 125, 107, 127, 29, 65, 110, 59, 27, 10, 92, 93, 7, 85, 90, 20, 17, 109, 34, 120, 24, 9, 87, 50, 28, 122, 124, 22, 58, 62, 78, 70, 80, 49, 42, 32, 57, 108, 31, 30, 106, 83, 101, 35, 25, 56, 54, 21, 102, 77, 91, 14, 82, 113, 95, 64, 89, 15, 112, 38, 75, 97, 39, 36, 43, 115, 60, 40, 33, 121, 23, 19, 103, 37, 94, 11, 100, 46, 104, 45, 99, 69, 16, 96, 47, 44, 73], [105, 98, 74, 3, 70, 0, 86, 53, 111, 4, 1, 81, 18, 79, 76, 61, 5, 41, 67, 66, 119, 13, 117, 71, 8, 84, 2, 51, 110, 123, 68, 114, 55, 12, 52, 72, 126, 50, 125, 65, 120, 116, 107, 63, 17, 6, 9, 20, 59, 57, 64, 118, 88, 29, 109, 48, 10, 127, 49, 56, 38, 62, 73, 124, 34, 26, 7, 22, 40, 106, 78, 87, 23, 30, 15, 16, 28, 11, 24, 69, 93, 92, 19, 77, 89, 80, 83, 14, 60, 31, 94, 113, 75, 42, 39, 32, 82, 85, 108, 122, 54, 25, 43, 58, 121, 27, 90, 21, 96, 102, 115, 44, 101, 99, 112, 91, 36, 46, 95, 35, 33, 103, 104, 45, 37, 100, 47, 97], [125, 62, 104, 48, 63, 119, 122, 120, 59, 108, 55, 57, 118, 54, 121, 116, 58, 60, 27, 124, 113, 114, 115, 117, 84, 123, 111, 61, 97, 56, 53, 50, 43, 51, 47, 30, 44, 87, 52, 49, 126, 127, 107, 45, 109, 25, 110, 89, 12, 46, 21, 105, 28, 22, 72, 99, 112, 103, 41, 36, 38, 94, 106, 34, 5, 98, 90, 39, 102, 101, 20, 100, 1, 37, 92, 14, 9, 66, 96, 68, 42, 19, 16, 83, 35, 32, 79, 17, 29, 33, 95, 2, 85, 69, 31, 81, 0, 23, 40, 3, 91, 77, 86, 88, 18, 4, 93, 6, 15, 64, 82, 71, 76, 13, 11, 26, 24, 10, 73, 80, 78, 75, 74, 7, 8, 70, 65, 67], [62, 125, 48, 104, 63, 119, 122, 120, 59, 108, 97, 115, 55, 58, 54, 57, 60, 117, 114, 116, 121, 52, 124, 113, 50, 118, 47, 123, 61, 56, 111, 84, 36, 53, 127, 51, 89, 49, 109, 126, 44, 87, 5, 43, 72, 45, 14, 96, 69, 103, 46, 112, 107, 12, 30, 41, 110, 1, 106, 102, 105, 68, 2, 27, 32, 101, 66, 37, 28, 39, 38, 42, 24, 88, 98, 21, 25, 20, 22, 19, 35, 95, 99, 92, 100, 31, 64, 34, 23, 40, 83, 3, 93, 4, 15, 90, 91, 71, 76, 29, 85, 75, 79, 0, 6, 18, 94, 78, 9, 8, 17, 73, 77, 81, 13, 16, 7, 26, 10, 80, 33, 86, 11, 70, 74, 67, 82, 65], [104, 125, 62, 48, 63, 97, 119, 30, 21, 57, 122, 60, 59, 28, 127, 115, 118, 120, 116, 108, 55, 85, 84, 27, 54, 121, 113, 126, 123, 53, 114, 49, 56, 25, 111, 58, 117, 61, 22, 89, 124, 87, 52, 47, 9, 112, 109, 90, 44, 107, 51, 50, 45, 43, 40, 35, 5, 79, 46, 36, 105, 103, 94, 66, 1, 18, 68, 24, 41, 78, 92, 16, 12, 34, 15, 2, 98, 99, 102, 38, 95, 110, 72, 39, 19, 32, 3, 14, 96, 69, 11, 106, 101, 64, 31, 42, 37, 0, 6, 93, 91, 73, 100, 88, 83, 17, 23, 75, 20, 8, 29, 81, 4, 77, 26, 33, 13, 70, 71, 74, 7, 10, 80, 86, 76, 67, 65, 82], [104, 62, 125, 90, 30, 97, 63, 122, 84, 18, 19, 115, 23, 60, 80, 22, 16, 119, 27, 74, 79, 38, 57, 49, 26, 36, 78, 55, 20, 54, 59, 39, 82, 13, 124, 99, 120, 108, 94, 116, 123, 112, 45, 87, 21, 121, 111, 118, 114, 28, 83, 24, 113, 61, 126, 33, 88, 50, 58, 44, 127, 56, 17, 75, 48, 107, 10, 53, 102, 92, 34, 81, 100, 91, 109, 117, 96, 43, 51, 101, 47, 77, 103, 52, 14, 46, 25, 93, 15, 105, 37, 41, 31, 106, 6, 42, 110, 73, 98, 85, 70, 40, 5, 89, 12, 35, 32, 76, 95, 86, 68, 8, 29, 4, 7, 11, 71, 3, 9, 64, 1, 66, 65, 72, 67, 69, 0, 2], [103, 124, 55, 56, 21, 33, 15, 57, 29, 113, 81, 83, 91, 88, 27, 122, 123, 125, 93, 41, 10, 25, 35, 49, 98, 114, 24, 12, 78, 61, 105, 60, 48, 30, 109, 86, 115, 22, 52, 120, 112, 85, 53, 51, 110, 58, 31, 116, 43, 62, 45, 17, 94, 108, 44, 84, 100, 42, 107, 102, 70, 119, 111, 90, 126, 23, 18, 76, 118, 121, 117, 47, 36, 46, 4, 106, 127, 26, 89, 54, 63, 32, 50, 59, 20, 19, 11, 99, 8, 28, 40, 79, 101, 96, 13, 104, 37, 80, 38, 82, 95, 92, 16, 77, 34, 87, 72, 6, 65, 14, 2, 75, 97, 9, 5, 68, 39, 73, 74, 71, 7, 69, 0, 66, 67, 1, 64, 3], [103, 124, 55, 57, 88, 33, 56, 21, 105, 81, 113, 93, 123, 29, 15, 83, 23, 41, 122, 91, 125, 19, 49, 70, 78, 27, 114, 10, 12, 44, 86, 24, 126, 117, 45, 90, 98, 109, 2, 22, 58, 76, 52, 74, 4, 108, 120, 30, 60, 118, 107, 115, 48, 111, 106, 84, 110, 43, 65, 5, 85, 51, 35, 53, 119, 32, 18, 38, 39, 102, 17, 112, 99, 95, 34, 100, 104, 79, 47, 68, 54, 116, 92, 101, 42, 121, 20, 97, 61, 62, 31, 26, 46, 28, 96, 127, 87, 36, 11, 6, 50, 82, 94, 73, 37, 14, 89, 75, 59, 77, 8, 25, 16, 67, 40, 7, 63, 80, 0, 13, 9, 69, 72, 71, 1, 66, 64, 3], [103, 56, 124, 55, 57, 33, 88, 29, 113, 21, 15, 93, 105, 23, 86, 10, 77, 81, 114, 123, 91, 122, 64, 67, 125, 120, 78, 109, 0, 45, 85, 83, 60, 49, 61, 51, 65, 41, 52, 115, 53, 58, 119, 13, 110, 116, 112, 118, 27, 34, 2, 108, 48, 73, 24, 84, 71, 62, 42, 63, 89, 30, 50, 90, 14, 8, 6, 46, 126, 117, 107, 43, 70, 35, 26, 11, 17, 44, 121, 47, 111, 80, 3, 127, 20, 54, 59, 102, 7, 104, 100, 87, 37, 38, 82, 79, 106, 40, 22, 31, 9, 16, 97, 99, 36, 1, 18, 28, 101, 98, 66, 76, 12, 32, 25, 94, 68, 96, 4, 75, 92, 95, 5, 74, 19, 72, 69, 39], [124, 103, 55, 57, 41, 123, 88, 56, 125, 70, 114, 74, 122, 33, 19, 113, 21, 93, 110, 115, 23, 45, 49, 109, 120, 118, 52, 58, 116, 61, 15, 53, 108, 2, 112, 48, 83, 51, 60, 43, 35, 117, 81, 62, 29, 119, 126, 105, 73, 44, 50, 91, 121, 84, 127, 65, 111, 47, 46, 12, 107, 86, 42, 54, 63, 98, 30, 68, 106, 39, 14, 22, 59, 78, 100, 79, 27, 40, 102, 101, 10, 90, 5, 4, 38, 104, 67, 96, 99, 92, 24, 13, 36, 37, 34, 75, 26, 69, 20, 32, 8, 97, 85, 87, 17, 7, 28, 80, 25, 82, 18, 31, 76, 11, 94, 0, 71, 95, 16, 6, 77, 89, 9, 72, 3, 64, 1, 66], [57, 126, 39, 34, 61, 45, 95, 111, 120, 125, 60, 21, 51, 63, 58, 87, 52, 90, 54, 113, 114, 119, 117, 123, 109, 55, 127, 48, 50, 62, 118, 112, 122, 19, 106, 53, 56, 49, 46, 72, 59, 43, 115, 124, 110, 5, 82, 116, 108, 100, 41, 22, 36, 121, 47, 105, 17, 104, 28, 44, 26, 92, 107, 102, 88, 35, 73, 9, 42, 79, 14, 24, 16, 40, 38, 37, 77, 76, 78, 89, 99, 101, 27, 18, 30, 97, 75, 10, 32, 71, 93, 83, 98, 1, 33, 94, 13, 81, 66, 96, 29, 86, 25, 91, 103, 85, 8, 67, 11, 4, 2, 0, 20, 12, 74, 31, 70, 23, 15, 84, 69, 65, 3, 6, 7, 80, 68, 64], [39, 126, 57, 34, 95, 90, 19, 87, 60, 120, 21, 26, 61, 17, 92, 11, 111, 48, 79, 28, 31, 5, 71, 72, 22, 10, 45, 63, 117, 84, 27, 9, 58, 70, 102, 42, 4, 67, 100, 125, 127, 105, 40, 36, 108, 51, 83, 113, 99, 16, 101, 13, 38, 73, 41, 54, 96, 75, 46, 35, 53, 77, 124, 122, 52, 106, 66, 50, 44, 37, 49, 81, 59, 47, 112, 118, 62, 23, 104, 109, 119, 33, 43, 116, 85, 115, 114, 121, 110, 30, 32, 55, 123, 29, 97, 107, 25, 56, 0, 24, 20, 89, 65, 93, 15, 7, 80, 94, 18, 98, 91, 74, 1, 88, 76, 78, 6, 68, 12, 14, 82, 103, 69, 86, 8, 2, 3, 64], [39, 57, 126, 34, 95, 87, 60, 21, 19, 90, 61, 16, 120, 73, 28, 26, 22, 79, 75, 17, 77, 48, 111, 125, 5, 58, 51, 83, 13, 63, 9, 92, 45, 104, 74, 33, 82, 113, 118, 27, 112, 122, 109, 127, 18, 123, 7, 71, 78, 20, 10, 89, 117, 62, 23, 119, 31, 30, 49, 50, 36, 115, 53, 56, 81, 94, 102, 54, 24, 84, 76, 52, 70, 25, 67, 47, 96, 68, 55, 110, 114, 91, 44, 88, 85, 116, 108, 41, 40, 8, 15, 6, 2, 46, 38, 121, 99, 80, 1, 105, 100, 37, 106, 14, 29, 97, 124, 93, 42, 98, 35, 12, 32, 72, 101, 107, 59, 0, 3, 43, 86, 11, 69, 103, 64, 4, 65, 66], [39, 57, 126, 34, 120, 87, 95, 90, 19, 60, 26, 92, 11, 61, 21, 111, 36, 17, 72, 22, 5, 48, 117, 63, 125, 71, 9, 4, 127, 67, 58, 83, 16, 79, 75, 70, 66, 73, 52, 51, 27, 113, 13, 122, 91, 119, 53, 50, 115, 45, 46, 31, 10, 28, 124, 65, 123, 23, 55, 118, 109, 54, 56, 114, 40, 62, 20, 121, 15, 18, 32, 49, 0, 77, 7, 102, 81, 44, 47, 82, 37, 85, 112, 101, 38, 106, 43, 110, 100, 35, 24, 116, 80, 107, 105, 78, 99, 33, 76, 41, 74, 94, 59, 1, 14, 84, 108, 97, 30, 104, 86, 42, 88, 96, 68, 93, 89, 6, 25, 98, 8, 12, 3, 2, 69, 29, 64, 103], [59, 61, 53, 101, 27, 88, 76, 78, 18, 16, 25, 20, 22, 85, 29, 69, 7, 96, 28, 75, 9, 30, 119, 62, 100, 56, 87, 66, 39, 14, 126, 83, 82, 117, 90, 37, 2, 71, 43, 67, 3, 12, 91, 72, 21, 79, 80, 74, 77, 73, 84, 0, 33, 24, 26, 93, 81, 65, 15, 23, 19, 6, 17, 1, 31, 54, 94, 8, 92, 36, 50, 10, 89, 5, 97, 105, 111, 41, 95, 13, 35, 106, 108, 116, 107, 42, 70, 103, 68, 113, 86, 32, 124, 48, 49, 4, 11, 99, 44, 60, 98, 64, 34, 55, 102, 63, 115, 120, 46, 52, 125, 104, 121, 123, 122, 110, 45, 57, 58, 127, 40, 47, 109, 118, 38, 114, 112, 51], [53, 59, 61, 100, 119, 56, 107, 50, 124, 52, 126, 113, 123, 116, 60, 54, 62, 115, 117, 120, 122, 58, 23, 125, 63, 110, 121, 57, 55, 111, 77, 45, 108, 39, 49, 114, 37, 43, 127, 48, 109, 112, 47, 118, 90, 51, 42, 46, 103, 104, 44, 38, 92, 41, 40, 101, 106, 32, 98, 105, 36, 84, 33, 99, 28, 31, 102, 35, 34, 17, 73, 26, 97, 95, 3, 94, 15, 64, 2, 11, 30, 12, 5, 74, 14, 96, 82, 70, 13, 29, 93, 83, 24, 85, 27, 7, 1, 25, 69, 19, 68, 87, 72, 66, 21, 71, 91, 79, 80, 76, 9, 8, 4, 20, 75, 16, 81, 67, 89, 18, 78, 6, 88, 22, 86, 65, 0, 10], [59, 53, 61, 101, 88, 71, 75, 18, 78, 27, 16, 76, 2, 22, 69, 25, 20, 9, 68, 117, 56, 0, 119, 79, 5, 74, 81, 66, 85, 91, 93, 14, 7, 96, 72, 11, 83, 10, 87, 24, 82, 90, 28, 30, 15, 6, 13, 80, 39, 3, 4, 89, 43, 29, 21, 32, 84, 12, 116, 23, 111, 33, 26, 70, 19, 35, 64, 41, 92, 94, 1, 8, 31, 100, 77, 49, 73, 67, 62, 17, 54, 37, 65, 99, 95, 103, 55, 126, 86, 124, 108, 38, 98, 50, 113, 34, 36, 97, 115, 60, 122, 105, 42, 44, 104, 123, 110, 47, 107, 102, 48, 121, 63, 52, 120, 106, 46, 58, 40, 45, 57, 125, 109, 127, 51, 112, 118, 114], [61, 53, 119, 124, 113, 63, 54, 47, 52, 57, 115, 117, 114, 120, 56, 50, 58, 111, 55, 118, 127, 125, 59, 62, 123, 121, 51, 110, 45, 49, 122, 116, 48, 112, 109, 126, 44, 43, 60, 108, 46, 42, 106, 107, 105, 32, 103, 36, 40, 101, 41, 100, 37, 33, 39, 104, 99, 86, 22, 102, 35, 23, 38, 34, 29, 95, 92, 98, 28, 97, 31, 96, 90, 83, 17, 94, 26, 19, 81, 20, 93, 30, 27, 25, 82, 16, 88, 87, 21, 18, 24, 80, 89, 14, 84, 85, 15, 91, 13, 78, 77, 79, 76, 67, 72, 74, 75, 70, 12, 10, 9, 71, 11, 1, 68, 0, 73, 69, 8, 6, 3, 2, 4, 5, 66, 64, 7, 65], [127, 124, 102, 33, 62, 51, 94, 56, 22, 18, 24, 121, 60, 116, 59, 37, 119, 39, 113, 122, 125, 114, 27, 91, 53, 93, 99, 30, 110, 38, 55, 126, 32, 25, 61, 58, 57, 49, 104, 118, 95, 112, 54, 28, 123, 48, 117, 47, 63, 50, 97, 46, 2, 111, 115, 108, 7, 120, 84, 29, 52, 45, 109, 31, 44, 21, 101, 71, 75, 107, 34, 106, 89, 3, 0, 90, 82, 85, 70, 35, 42, 98, 92, 103, 40, 78, 6, 105, 36, 41, 67, 65, 73, 83, 15, 43, 23, 20, 26, 14, 16, 87, 69, 88, 80, 68, 72, 96, 19, 100, 1, 76, 4, 64, 12, 77, 8, 66, 17, 79, 11, 10, 81, 74, 13, 5, 86, 9], [124, 102, 127, 47, 24, 33, 62, 94, 18, 51, 91, 84, 22, 75, 25, 36, 28, 121, 114, 56, 15, 37, 26, 60, 40, 110, 112, 116, 32, 53, 59, 122, 126, 119, 38, 27, 58, 79, 89, 20, 109, 107, 13, 125, 113, 11, 57, 87, 30, 123, 111, 34, 63, 55, 103, 35, 117, 48, 100, 49, 93, 46, 29, 54, 41, 45, 108, 9, 105, 61, 7, 42, 118, 31, 39, 85, 101, 88, 115, 106, 50, 80, 98, 96, 92, 99, 52, 120, 82, 90, 23, 104, 19, 3, 67, 97, 95, 44, 83, 17, 69, 21, 0, 16, 10, 76, 5, 71, 12, 74, 81, 2, 43, 14, 78, 86, 72, 68, 77, 73, 8, 4, 65, 66, 64, 6, 1, 70], [102, 127, 124, 94, 24, 33, 84, 13, 30, 93, 19, 22, 9, 25, 62, 18, 28, 17, 15, 92, 82, 88, 97, 16, 83, 73, 91, 38, 11, 23, 56, 51, 20, 79, 42, 85, 47, 112, 36, 89, 77, 69, 27, 46, 81, 31, 87, 95, 90, 106, 29, 67, 110, 119, 34, 2, 32, 80, 35, 86, 96, 8, 5, 0, 76, 26, 14, 12, 39, 122, 7, 74, 21, 78, 37, 10, 72, 108, 99, 71, 120, 3, 60, 59, 100, 114, 70, 123, 65, 107, 75, 63, 98, 116, 40, 68, 6, 103, 104, 105, 126, 101, 111, 4, 52, 55, 1, 57, 58, 54, 41, 66, 109, 45, 118, 50, 125, 64, 48, 117, 121, 53, 113, 115, 44, 43, 49, 61], [124, 127, 102, 47, 51, 62, 121, 56, 85, 59, 116, 119, 114, 60, 110, 113, 125, 58, 126, 53, 91, 122, 55, 123, 61, 112, 54, 48, 49, 63, 57, 50, 117, 118, 18, 109, 115, 108, 26, 41, 120, 111, 107, 101, 46, 105, 40, 45, 52, 21, 33, 38, 44, 25, 104, 42, 43, 36, 106, 39, 86, 22, 73, 99, 35, 37, 82, 76, 24, 34, 100, 30, 103, 79, 97, 94, 92, 3, 15, 98, 32, 29, 95, 96, 31, 27, 77, 90, 28, 89, 23, 75, 93, 65, 69, 7, 68, 84, 88, 17, 83, 12, 20, 81, 87, 0, 1, 72, 10, 66, 67, 19, 16, 80, 11, 64, 70, 6, 9, 5, 78, 71, 13, 14, 4, 74, 2, 8]], "model.layers.9.self_attn.k_proj": [[46, 37, 110, 96, 22, 63, 124, 99, 59, 113, 28, 49, 56, 122, 55, 114, 115, 54, 58, 57, 51, 61, 60, 119, 123, 53, 120, 48, 62, 25, 47, 85, 50, 121, 125, 112, 118, 127, 19, 117, 126, 116, 78, 43, 52, 8, 42, 108, 111, 109, 105, 107, 27, 40, 45, 65, 44, 30, 41, 106, 77, 26, 104, 17, 16, 103, 23, 39, 94, 102, 36, 7, 38, 4, 5, 3, 97, 95, 31, 29, 90, 81, 33, 35, 32, 82, 67, 74, 100, 93, 2, 21, 64, 18, 98, 101, 34, 76, 84, 24, 20, 14, 1, 87, 9, 73, 11, 10, 92, 91, 66, 13, 88, 12, 79, 15, 0, 80, 69, 75, 72, 6, 68, 70, 86, 71, 83, 89], [105, 117, 95, 56, 37, 58, 43, 106, 112, 34, 92, 23, 33, 108, 63, 114, 55, 29, 110, 103, 38, 111, 99, 22, 89, 26, 9, 78, 124, 46, 107, 119, 84, 50, 122, 87, 18, 82, 127, 2, 126, 0, 60, 51, 83, 4, 20, 14, 121, 98, 54, 65, 88, 12, 57, 120, 59, 69, 67, 16, 90, 115, 52, 40, 44, 109, 118, 62, 31, 36, 10, 42, 48, 70, 79, 24, 47, 76, 80, 41, 8, 30, 25, 100, 113, 96, 32, 27, 53, 101, 6, 125, 45, 17, 123, 64, 11, 91, 102, 15, 21, 86, 49, 116, 85, 13, 7, 104, 94, 61, 3, 97, 81, 72, 71, 1, 75, 5, 74, 66, 93, 35, 77, 73, 68, 19, 28, 39], [41, 0, 34, 47, 18, 74, 13, 81, 86, 117, 76, 8, 70, 53, 65, 55, 66, 79, 105, 71, 116, 84, 3, 4, 50, 63, 51, 112, 126, 59, 119, 111, 123, 43, 61, 127, 69, 44, 88, 106, 114, 46, 125, 93, 118, 67, 49, 87, 48, 98, 92, 85, 45, 115, 26, 90, 68, 122, 104, 52, 2, 27, 54, 42, 6, 124, 7, 73, 121, 120, 60, 30, 58, 29, 1, 31, 38, 83, 57, 110, 11, 95, 24, 37, 62, 10, 25, 77, 64, 75, 32, 12, 103, 5, 14, 19, 107, 9, 36, 72, 35, 80, 102, 39, 15, 91, 16, 28, 33, 109, 40, 17, 101, 97, 23, 89, 100, 56, 78, 20, 94, 113, 108, 96, 99, 82, 21, 22], [40, 125, 62, 22, 33, 94, 48, 63, 100, 122, 90, 18, 119, 117, 92, 57, 127, 16, 114, 60, 29, 52, 49, 47, 86, 19, 54, 78, 59, 87, 45, 58, 115, 109, 110, 120, 10, 84, 56, 123, 46, 106, 113, 108, 112, 89, 70, 61, 43, 99, 24, 116, 80, 126, 53, 124, 50, 51, 96, 107, 111, 118, 28, 77, 4, 121, 39, 2, 21, 38, 79, 55, 8, 44, 105, 42, 35, 41, 0, 74, 37, 23, 101, 88, 17, 102, 32, 91, 103, 31, 98, 36, 97, 81, 82, 34, 27, 75, 93, 95, 1, 30, 7, 11, 26, 3, 15, 73, 20, 13, 83, 76, 69, 25, 12, 65, 14, 72, 71, 67, 6, 104, 85, 64, 9, 5, 68, 66], [124, 39, 55, 56, 97, 93, 113, 88, 21, 83, 57, 91, 15, 122, 81, 114, 123, 125, 78, 105, 44, 117, 6, 11, 52, 23, 18, 10, 66, 4, 45, 64, 9, 43, 109, 69, 126, 76, 106, 22, 49, 12, 110, 47, 116, 53, 112, 120, 51, 80, 107, 61, 46, 58, 118, 62, 42, 32, 54, 1, 14, 41, 82, 119, 3, 50, 121, 127, 115, 27, 60, 111, 34, 89, 108, 33, 48, 101, 100, 38, 20, 63, 72, 102, 36, 84, 99, 59, 90, 25, 98, 35, 13, 37, 26, 96, 92, 19, 104, 94, 30, 95, 86, 40, 16, 73, 28, 87, 77, 7, 29, 85, 31, 5, 8, 71, 67, 75, 24, 103, 65, 68, 79, 0, 17, 2, 70, 74], [126, 57, 103, 31, 98, 61, 87, 90, 22, 60, 16, 92, 21, 120, 19, 17, 111, 48, 77, 79, 75, 125, 51, 7, 63, 58, 113, 74, 118, 84, 122, 53, 3, 127, 73, 115, 117, 6, 45, 55, 123, 65, 64, 100, 56, 119, 82, 62, 52, 116, 66, 49, 112, 50, 114, 99, 110, 46, 69, 44, 121, 88, 54, 38, 47, 76, 105, 124, 40, 109, 107, 68, 4, 28, 59, 15, 13, 36, 32, 91, 104, 41, 97, 43, 106, 101, 35, 20, 29, 30, 1, 102, 18, 42, 86, 10, 27, 108, 33, 5, 93, 80, 14, 25, 24, 37, 96, 94, 85, 23, 70, 34, 67, 89, 12, 81, 78, 83, 8, 2, 71, 11, 72, 9, 26, 39, 95, 0], [59, 61, 53, 37, 22, 16, 27, 18, 78, 32, 20, 119, 75, 88, 29, 25, 56, 76, 71, 85, 69, 79, 60, 116, 10, 8, 34, 2, 9, 81, 126, 98, 50, 105, 19, 113, 117, 15, 1, 108, 36, 96, 123, 122, 107, 103, 124, 87, 26, 115, 74, 39, 62, 120, 3, 0, 55, 52, 43, 13, 90, 111, 63, 70, 28, 54, 35, 6, 21, 38, 125, 109, 46, 106, 112, 30, 121, 49, 4, 47, 57, 65, 41, 17, 94, 58, 23, 104, 33, 110, 127, 77, 45, 68, 118, 48, 51, 114, 83, 97, 44, 99, 42, 93, 102, 5, 86, 72, 92, 95, 40, 89, 31, 80, 100, 73, 24, 67, 12, 64, 14, 82, 84, 7, 66, 91, 11, 101], [127, 124, 38, 22, 97, 51, 62, 30, 121, 24, 15, 114, 59, 111, 110, 18, 56, 60, 116, 112, 9, 119, 63, 91, 13, 122, 125, 93, 64, 48, 113, 17, 84, 11, 53, 5, 57, 126, 47, 106, 55, 54, 58, 102, 118, 94, 49, 117, 61, 123, 50, 66, 44, 16, 100, 19, 45, 115, 43, 101, 109, 120, 76, 25, 99, 88, 104, 108, 46, 28, 29, 10, 52, 23, 42, 103, 40, 105, 98, 41, 107, 37, 68, 26, 83, 1, 35, 14, 89, 95, 6, 87, 8, 79, 36, 71, 21, 81, 7, 96, 65, 34, 78, 74, 31, 33, 12, 39, 80, 85, 90, 86, 72, 32, 20, 3, 67, 75, 77, 92, 4, 27, 82, 69, 73, 2, 70, 0]], "model.layers.9.self_attn.qk_proj": [[124, 61, 127, 53, 125, 126, 62, 41, 57, 59, 110, 105, 117, 46, 56, 55, 51, 119, 114, 86, 63, 22, 113, 48, 98, 102, 82, 111, 112, 122, 116, 60, 52, 18, 123, 49, 58, 118, 26, 84, 50, 43, 39, 121, 28, 20, 17, 88, 47, 42, 81, 24, 101, 15, 38, 23, 29, 31, 79, 76, 103, 37, 13, 87, 97, 77, 34, 93, 33, 115, 45, 120, 74, 21, 10, 40, 0, 94, 64, 12, 54, 27, 66, 108, 107, 109, 89, 106, 16, 2, 7, 71, 44, 67, 91, 30, 19, 70, 90, 83, 78, 3, 95, 80, 92, 25, 32, 104, 85, 96, 72, 35, 8, 68, 6, 14, 99, 69, 75, 11, 9, 1, 36, 4, 100, 73, 5, 65], [124, 61, 127, 53, 126, 62, 125, 41, 59, 57, 110, 105, 117, 46, 56, 55, 63, 51, 86, 119, 114, 22, 48, 113, 111, 60, 112, 122, 98, 116, 49, 43, 82, 88, 118, 28, 24, 18, 102, 84, 123, 50, 37, 103, 26, 47, 52, 58, 39, 42, 15, 101, 87, 23, 77, 17, 20, 76, 115, 34, 45, 81, 31, 38, 79, 10, 0, 107, 13, 121, 33, 40, 97, 29, 120, 27, 54, 21, 64, 74, 94, 93, 30, 44, 12, 109, 83, 70, 108, 7, 89, 16, 90, 91, 25, 68, 106, 92, 96, 104, 100, 71, 80, 78, 85, 35, 95, 36, 66, 19, 8, 32, 4, 14, 11, 65, 99, 2, 5, 9, 75, 72, 69, 1, 3, 6, 73, 67], [124, 61, 127, 53, 126, 62, 41, 125, 59, 57, 105, 117, 110, 46, 56, 55, 63, 51, 119, 114, 86, 22, 113, 111, 48, 102, 98, 116, 60, 103, 112, 37, 122, 123, 47, 88, 39, 43, 115, 82, 18, 84, 28, 121, 118, 52, 38, 26, 34, 24, 49, 50, 20, 45, 120, 101, 87, 27, 23, 40, 17, 97, 31, 76, 42, 93, 109, 15, 81, 58, 94, 108, 54, 33, 79, 29, 106, 64, 70, 91, 77, 32, 74, 12, 44, 95, 0, 89, 10, 90, 30, 66, 107, 21, 100, 13, 83, 16, 4, 96, 7, 78, 99, 71, 8, 80, 85, 25, 92, 36, 104, 2, 35, 19, 11, 3, 68, 6, 9, 72, 67, 1, 14, 5, 75, 69, 65, 73], [124, 127, 53, 61, 125, 126, 62, 41, 57, 59, 110, 105, 46, 117, 56, 55, 63, 51, 114, 48, 86, 119, 22, 122, 111, 112, 118, 98, 60, 113, 116, 50, 49, 121, 102, 45, 18, 82, 47, 52, 43, 28, 88, 123, 38, 37, 58, 84, 115, 39, 103, 26, 17, 34, 87, 101, 42, 24, 31, 20, 54, 29, 120, 81, 93, 107, 33, 97, 23, 40, 27, 15, 94, 79, 108, 76, 0, 70, 44, 77, 92, 10, 106, 89, 13, 109, 96, 64, 12, 71, 74, 25, 66, 30, 80, 91, 35, 32, 95, 85, 21, 7, 8, 90, 100, 14, 104, 2, 83, 16, 19, 67, 69, 99, 36, 3, 78, 68, 11, 65, 72, 73, 6, 1, 4, 75, 9, 5], [124, 127, 53, 61, 125, 126, 62, 41, 59, 57, 110, 105, 117, 56, 46, 55, 51, 63, 119, 114, 116, 86, 22, 48, 98, 113, 82, 60, 18, 112, 39, 45, 102, 111, 123, 50, 122, 49, 84, 42, 24, 47, 118, 26, 38, 28, 121, 101, 52, 37, 88, 120, 34, 20, 103, 17, 115, 43, 58, 33, 87, 81, 64, 31, 40, 77, 29, 76, 23, 15, 97, 54, 93, 107, 2, 79, 44, 10, 108, 0, 12, 89, 7, 66, 13, 74, 27, 92, 109, 21, 104, 91, 96, 90, 80, 70, 94, 71, 95, 30, 106, 83, 35, 8, 78, 4, 68, 16, 85, 19, 6, 25, 65, 14, 9, 5, 75, 99, 72, 32, 11, 67, 1, 69, 100, 3, 73, 36], [124, 127, 61, 53, 126, 125, 62, 41, 57, 59, 110, 105, 117, 56, 46, 55, 51, 63, 119, 86, 114, 48, 22, 111, 113, 82, 98, 116, 58, 112, 49, 18, 122, 60, 26, 52, 102, 123, 88, 118, 28, 84, 103, 50, 47, 24, 39, 77, 45, 101, 13, 42, 43, 120, 15, 17, 20, 38, 87, 81, 79, 33, 31, 121, 34, 23, 76, 37, 54, 10, 29, 40, 97, 74, 12, 44, 7, 115, 107, 0, 83, 104, 21, 27, 2, 94, 89, 80, 106, 108, 96, 8, 71, 109, 30, 92, 64, 85, 19, 14, 16, 91, 93, 25, 95, 6, 4, 11, 78, 90, 66, 3, 75, 35, 70, 67, 9, 68, 32, 72, 69, 99, 100, 5, 65, 36, 73, 1], [124, 127, 61, 53, 126, 125, 62, 41, 59, 57, 110, 105, 117, 56, 46, 55, 51, 86, 22, 63, 119, 114, 48, 112, 116, 82, 111, 18, 52, 26, 49, 122, 118, 60, 84, 98, 20, 102, 120, 123, 28, 58, 88, 50, 39, 24, 101, 79, 81, 29, 15, 76, 17, 103, 121, 43, 113, 38, 13, 47, 31, 42, 37, 12, 34, 45, 106, 77, 10, 87, 21, 33, 27, 115, 8, 107, 23, 44, 40, 54, 94, 19, 97, 80, 93, 83, 74, 89, 85, 91, 25, 14, 109, 108, 92, 96, 7, 3, 30, 90, 0, 67, 71, 95, 6, 72, 16, 99, 78, 64, 11, 66, 36, 104, 32, 35, 2, 69, 9, 100, 5, 68, 75, 70, 1, 4, 65, 73], [124, 127, 61, 53, 126, 125, 41, 62, 59, 57, 110, 105, 117, 56, 46, 55, 51, 63, 22, 86, 119, 114, 48, 98, 112, 18, 82, 88, 122, 116, 84, 28, 26, 24, 111, 20, 60, 113, 118, 79, 15, 103, 102, 58, 50, 123, 38, 52, 43, 49, 34, 101, 17, 37, 87, 31, 42, 76, 29, 45, 13, 83, 77, 81, 39, 10, 120, 12, 21, 121, 47, 23, 97, 40, 94, 27, 74, 33, 0, 104, 64, 19, 54, 107, 115, 108, 7, 30, 80, 93, 25, 106, 6, 96, 89, 85, 16, 14, 66, 90, 92, 44, 8, 91, 109, 78, 100, 11, 2, 99, 35, 95, 68, 75, 71, 65, 72, 32, 36, 70, 4, 1, 69, 9, 5, 3, 73, 67], [124, 127, 53, 61, 126, 125, 41, 62, 59, 57, 110, 117, 105, 56, 46, 51, 55, 63, 114, 119, 22, 86, 122, 48, 98, 111, 88, 18, 60, 112, 49, 26, 84, 118, 82, 113, 116, 50, 20, 24, 39, 28, 47, 37, 38, 58, 103, 43, 102, 123, 52, 29, 94, 15, 121, 17, 79, 87, 101, 34, 27, 77, 31, 33, 120, 81, 13, 107, 97, 45, 12, 76, 23, 42, 0, 115, 40, 85, 30, 21, 74, 54, 10, 6, 19, 96, 83, 93, 25, 89, 78, 64, 92, 108, 44, 90, 16, 104, 80, 91, 68, 7, 106, 67, 109, 2, 32, 66, 95, 3, 100, 71, 4, 36, 1, 72, 70, 99, 65, 14, 35, 11, 69, 75, 8, 5, 9, 73], [124, 127, 53, 61, 126, 41, 125, 59, 62, 57, 105, 110, 117, 56, 46, 55, 63, 51, 114, 22, 86, 119, 48, 112, 116, 122, 111, 18, 98, 118, 113, 88, 60, 102, 50, 58, 82, 84, 28, 52, 79, 24, 26, 49, 38, 103, 81, 47, 15, 87, 20, 39, 34, 17, 123, 43, 29, 37, 23, 120, 107, 121, 97, 74, 76, 101, 45, 42, 31, 33, 13, 77, 27, 12, 54, 115, 21, 93, 44, 94, 0, 10, 40, 78, 64, 6, 90, 92, 83, 104, 66, 96, 7, 19, 80, 85, 25, 109, 108, 30, 91, 106, 16, 68, 71, 89, 70, 2, 72, 4, 95, 67, 32, 14, 99, 100, 5, 35, 69, 8, 3, 65, 36, 11, 73, 75, 1, 9], [124, 53, 127, 61, 125, 126, 41, 57, 62, 59, 105, 110, 117, 46, 56, 51, 55, 63, 119, 114, 22, 86, 48, 113, 111, 116, 122, 112, 98, 102, 18, 60, 82, 118, 49, 52, 50, 39, 47, 58, 20, 123, 88, 42, 31, 26, 84, 87, 15, 24, 37, 28, 103, 79, 121, 64, 81, 17, 107, 43, 34, 120, 101, 54, 77, 38, 93, 29, 12, 76, 97, 13, 66, 33, 45, 23, 27, 7, 115, 10, 40, 0, 74, 71, 2, 78, 16, 44, 21, 94, 90, 25, 6, 92, 70, 30, 72, 95, 104, 109, 85, 108, 19, 106, 35, 96, 83, 5, 68, 89, 91, 32, 75, 69, 80, 65, 4, 9, 14, 11, 3, 67, 8, 100, 99, 73, 1, 36], [124, 127, 53, 61, 126, 125, 62, 41, 59, 57, 110, 105, 117, 56, 46, 51, 55, 63, 119, 114, 86, 22, 48, 122, 111, 82, 60, 18, 116, 52, 113, 98, 39, 112, 102, 49, 118, 26, 58, 50, 88, 47, 123, 20, 15, 84, 28, 24, 120, 101, 17, 13, 77, 81, 42, 121, 29, 37, 33, 12, 43, 79, 40, 87, 31, 103, 107, 54, 38, 16, 27, 76, 0, 64, 21, 44, 34, 74, 23, 19, 10, 45, 97, 78, 93, 115, 71, 94, 66, 30, 72, 89, 108, 7, 104, 92, 2, 5, 70, 96, 90, 3, 83, 25, 106, 91, 67, 85, 109, 68, 1, 95, 35, 32, 80, 69, 14, 8, 11, 4, 100, 6, 75, 9, 73, 99, 65, 36], [124, 127, 61, 53, 126, 125, 62, 41, 57, 59, 110, 105, 117, 56, 46, 55, 51, 63, 119, 22, 86, 114, 60, 112, 116, 18, 48, 113, 122, 88, 111, 49, 118, 98, 82, 24, 102, 50, 28, 52, 123, 20, 43, 39, 26, 84, 101, 58, 103, 15, 47, 38, 37, 29, 81, 13, 87, 120, 17, 33, 121, 97, 45, 79, 34, 107, 27, 31, 12, 42, 115, 21, 77, 74, 104, 93, 23, 40, 16, 76, 94, 10, 54, 91, 19, 44, 83, 89, 30, 25, 96, 90, 85, 108, 64, 70, 78, 72, 92, 100, 106, 32, 95, 71, 80, 109, 0, 75, 14, 36, 35, 7, 68, 66, 2, 99, 69, 4, 3, 67, 11, 5, 8, 6, 65, 9, 1, 73], [124, 127, 53, 61, 126, 125, 62, 41, 57, 59, 110, 117, 105, 56, 46, 55, 63, 51, 86, 119, 22, 114, 48, 112, 111, 98, 113, 60, 18, 58, 116, 122, 82, 88, 49, 28, 15, 118, 26, 47, 123, 13, 120, 24, 43, 102, 50, 84, 52, 103, 79, 20, 34, 64, 101, 87, 81, 39, 21, 42, 45, 29, 23, 94, 17, 38, 40, 121, 74, 77, 10, 83, 104, 70, 12, 0, 33, 31, 37, 93, 107, 54, 27, 97, 89, 19, 7, 71, 76, 16, 25, 14, 90, 108, 44, 2, 92, 80, 91, 72, 115, 78, 85, 95, 30, 106, 66, 75, 4, 73, 11, 32, 96, 5, 68, 35, 6, 69, 9, 8, 65, 36, 109, 1, 100, 99, 3, 67], [124, 127, 53, 61, 126, 125, 62, 41, 59, 57, 110, 105, 117, 56, 46, 55, 63, 51, 119, 86, 114, 48, 22, 60, 111, 112, 118, 113, 52, 123, 49, 82, 98, 47, 18, 101, 116, 102, 120, 122, 88, 39, 58, 26, 28, 24, 50, 103, 13, 20, 38, 84, 37, 34, 45, 43, 33, 79, 15, 87, 23, 42, 17, 121, 97, 31, 81, 40, 107, 27, 77, 29, 108, 7, 12, 21, 0, 54, 16, 19, 44, 74, 10, 64, 94, 70, 93, 104, 92, 76, 89, 106, 25, 71, 91, 72, 83, 90, 66, 115, 2, 80, 95, 14, 85, 78, 96, 32, 30, 3, 67, 5, 4, 9, 100, 99, 35, 109, 1, 68, 6, 11, 36, 75, 69, 73, 65, 8], [124, 127, 53, 61, 126, 125, 41, 57, 62, 59, 110, 105, 117, 56, 46, 55, 63, 51, 86, 119, 22, 114, 113, 48, 112, 60, 111, 18, 102, 98, 52, 122, 118, 49, 39, 116, 43, 82, 123, 84, 101, 28, 50, 47, 58, 120, 88, 103, 26, 20, 42, 24, 29, 33, 13, 17, 15, 81, 97, 38, 45, 34, 27, 37, 79, 12, 121, 31, 40, 23, 107, 87, 77, 94, 16, 108, 104, 10, 54, 64, 30, 21, 0, 91, 25, 7, 76, 115, 74, 90, 83, 89, 44, 35, 93, 92, 71, 70, 69, 96, 85, 19, 32, 66, 106, 67, 2, 78, 72, 95, 80, 100, 109, 99, 6, 68, 3, 75, 14, 4, 8, 5, 1, 36, 9, 11, 65, 73], [124, 127, 126, 53, 61, 125, 41, 57, 62, 59, 110, 105, 56, 46, 117, 55, 51, 63, 22, 86, 114, 48, 119, 112, 52, 18, 111, 116, 102, 123, 60, 113, 98, 28, 84, 49, 122, 82, 88, 118, 50, 101, 103, 20, 26, 39, 79, 24, 15, 47, 58, 17, 120, 37, 13, 38, 81, 107, 104, 31, 45, 33, 27, 121, 29, 43, 34, 10, 40, 21, 12, 74, 23, 94, 42, 19, 91, 87, 77, 16, 97, 32, 90, 115, 54, 25, 108, 76, 106, 93, 78, 35, 71, 83, 44, 64, 89, 85, 80, 96, 99, 0, 30, 92, 14, 6, 95, 8, 7, 68, 72, 109, 69, 4, 66, 70, 100, 75, 9, 5, 2, 65, 36, 1, 73, 67, 11, 3], [124, 127, 53, 126, 61, 125, 41, 59, 62, 57, 110, 105, 117, 56, 46, 55, 51, 22, 86, 63, 119, 114, 111, 48, 112, 122, 123, 82, 98, 52, 28, 18, 116, 49, 101, 102, 24, 84, 88, 50, 47, 26, 58, 38, 60, 20, 113, 118, 17, 103, 37, 81, 42, 15, 39, 79, 34, 31, 29, 43, 33, 21, 23, 13, 87, 97, 120, 40, 107, 45, 12, 121, 27, 74, 10, 89, 93, 77, 19, 90, 94, 83, 16, 104, 0, 25, 7, 91, 115, 54, 6, 78, 80, 92, 108, 76, 30, 44, 96, 106, 64, 85, 99, 2, 95, 71, 66, 14, 35, 75, 32, 8, 100, 67, 9, 3, 109, 36, 68, 70, 4, 73, 1, 72, 11, 69, 5, 65], [124, 127, 53, 61, 126, 41, 125, 59, 62, 57, 105, 110, 117, 46, 56, 55, 51, 86, 114, 63, 119, 22, 48, 118, 52, 111, 98, 122, 116, 60, 39, 112, 37, 123, 18, 47, 102, 49, 113, 103, 101, 82, 43, 58, 88, 84, 38, 115, 24, 34, 26, 81, 28, 31, 42, 50, 120, 107, 17, 121, 33, 20, 79, 13, 87, 40, 91, 15, 45, 54, 23, 106, 29, 108, 27, 97, 94, 0, 99, 64, 12, 93, 32, 89, 44, 10, 6, 21, 76, 19, 83, 95, 92, 85, 90, 74, 16, 100, 2, 35, 109, 96, 77, 30, 80, 25, 14, 66, 7, 104, 68, 36, 8, 4, 71, 67, 70, 1, 3, 75, 78, 9, 69, 5, 65, 73, 72, 11], [124, 127, 53, 61, 126, 125, 57, 41, 62, 59, 110, 105, 117, 46, 56, 55, 51, 86, 63, 119, 22, 114, 48, 112, 111, 113, 116, 60, 123, 49, 118, 98, 102, 103, 18, 39, 122, 88, 52, 47, 101, 58, 28, 26, 82, 50, 33, 84, 43, 24, 37, 121, 31, 38, 79, 15, 34, 87, 20, 97, 13, 42, 29, 17, 81, 21, 120, 107, 27, 45, 23, 115, 54, 74, 12, 94, 25, 10, 6, 93, 104, 40, 89, 19, 90, 92, 30, 77, 32, 91, 64, 76, 0, 108, 35, 83, 80, 7, 44, 95, 85, 96, 78, 106, 16, 8, 4, 109, 71, 68, 14, 2, 75, 66, 9, 70, 99, 100, 36, 5, 11, 72, 69, 1, 3, 65, 67, 73], [124, 61, 53, 127, 126, 125, 41, 57, 62, 59, 110, 105, 117, 56, 46, 55, 51, 63, 86, 119, 22, 114, 48, 112, 111, 116, 98, 18, 60, 102, 84, 52, 123, 122, 58, 118, 50, 113, 88, 82, 49, 101, 17, 42, 28, 26, 43, 13, 47, 121, 39, 20, 15, 33, 27, 81, 38, 79, 24, 29, 103, 120, 10, 87, 107, 31, 45, 77, 40, 23, 37, 115, 12, 54, 94, 34, 74, 95, 6, 30, 90, 25, 7, 93, 16, 64, 21, 104, 71, 66, 76, 78, 0, 2, 83, 89, 97, 91, 44, 5, 80, 85, 19, 92, 108, 106, 8, 3, 96, 75, 4, 9, 14, 69, 67, 70, 100, 109, 35, 32, 72, 36, 99, 68, 11, 73, 65, 1], [124, 127, 53, 61, 125, 126, 59, 41, 62, 57, 110, 117, 105, 56, 46, 55, 51, 63, 119, 86, 22, 114, 48, 112, 98, 111, 118, 58, 52, 18, 116, 102, 49, 50, 37, 82, 88, 101, 42, 122, 20, 60, 113, 115, 123, 38, 39, 84, 24, 28, 81, 47, 103, 29, 26, 43, 15, 17, 34, 54, 33, 120, 45, 87, 12, 121, 13, 31, 79, 64, 23, 40, 27, 93, 107, 106, 94, 97, 21, 44, 92, 10, 108, 77, 89, 16, 74, 30, 90, 76, 91, 83, 95, 25, 71, 109, 7, 19, 0, 96, 35, 78, 85, 8, 100, 66, 104, 80, 99, 70, 4, 2, 32, 14, 75, 6, 5, 36, 3, 11, 67, 69, 1, 72, 68, 9, 73, 65], [124, 127, 61, 53, 126, 125, 41, 62, 57, 59, 110, 105, 117, 56, 46, 63, 55, 51, 119, 86, 22, 114, 48, 98, 112, 111, 18, 37, 118, 38, 60, 24, 116, 84, 102, 82, 52, 58, 113, 20, 39, 123, 101, 88, 50, 115, 120, 28, 103, 45, 15, 81, 49, 26, 43, 42, 23, 31, 47, 122, 87, 29, 27, 17, 34, 33, 94, 40, 97, 12, 13, 10, 0, 54, 91, 107, 79, 77, 121, 44, 109, 93, 21, 104, 108, 74, 64, 83, 90, 76, 106, 95, 70, 19, 80, 71, 25, 96, 66, 30, 7, 92, 16, 78, 2, 85, 89, 32, 14, 8, 100, 68, 35, 99, 4, 75, 72, 73, 5, 69, 36, 3, 1, 11, 65, 9, 6, 67], [124, 127, 53, 61, 126, 125, 62, 41, 57, 59, 110, 105, 56, 117, 46, 63, 55, 51, 86, 119, 114, 22, 48, 58, 111, 98, 18, 116, 112, 60, 113, 118, 52, 82, 49, 88, 45, 50, 103, 123, 39, 84, 38, 102, 122, 37, 43, 42, 47, 28, 26, 20, 101, 24, 81, 27, 54, 79, 15, 87, 13, 120, 23, 31, 10, 40, 77, 33, 17, 107, 94, 29, 121, 34, 115, 97, 83, 85, 30, 76, 64, 12, 70, 71, 104, 91, 21, 44, 93, 108, 95, 90, 25, 74, 89, 7, 19, 92, 16, 80, 3, 66, 0, 106, 14, 35, 78, 2, 96, 68, 69, 8, 4, 32, 109, 9, 75, 100, 11, 67, 5, 99, 73, 36, 72, 1, 6, 65], [124, 127, 61, 53, 126, 125, 62, 57, 41, 59, 110, 117, 105, 46, 56, 55, 51, 63, 86, 119, 22, 114, 48, 60, 111, 113, 118, 98, 52, 82, 122, 47, 123, 49, 116, 18, 102, 112, 39, 58, 88, 101, 84, 26, 37, 50, 20, 28, 43, 17, 24, 45, 38, 121, 81, 31, 103, 27, 42, 23, 34, 79, 29, 97, 15, 33, 54, 87, 76, 115, 120, 12, 108, 13, 21, 40, 94, 77, 70, 91, 10, 107, 106, 74, 93, 0, 44, 30, 83, 25, 89, 2, 7, 96, 16, 19, 32, 85, 71, 92, 64, 90, 95, 80, 14, 109, 100, 73, 78, 8, 35, 99, 66, 72, 104, 4, 3, 75, 69, 36, 5, 67, 6, 11, 65, 1, 68, 9], [124, 61, 127, 53, 126, 125, 59, 57, 62, 41, 110, 105, 117, 56, 46, 55, 63, 86, 51, 119, 22, 114, 48, 60, 113, 112, 58, 49, 18, 111, 98, 122, 88, 116, 118, 52, 82, 50, 102, 101, 84, 26, 123, 39, 24, 121, 81, 38, 15, 37, 20, 34, 45, 103, 28, 17, 79, 115, 76, 42, 120, 29, 33, 47, 13, 31, 43, 107, 27, 87, 40, 77, 74, 21, 23, 10, 25, 12, 97, 93, 94, 54, 90, 30, 83, 89, 64, 91, 80, 44, 7, 70, 85, 96, 92, 19, 78, 104, 108, 100, 0, 99, 71, 106, 35, 109, 16, 95, 36, 32, 72, 8, 73, 14, 75, 6, 68, 66, 69, 11, 2, 4, 5, 9, 1, 67, 3, 65], [124, 127, 61, 53, 126, 125, 41, 59, 62, 57, 110, 105, 117, 56, 46, 55, 63, 51, 119, 86, 22, 114, 122, 48, 58, 60, 112, 98, 88, 82, 116, 52, 111, 49, 120, 26, 43, 34, 18, 50, 102, 113, 121, 24, 101, 45, 28, 27, 123, 37, 40, 84, 42, 118, 38, 103, 31, 20, 29, 15, 47, 115, 39, 17, 94, 81, 23, 87, 21, 33, 79, 97, 91, 77, 107, 12, 109, 13, 93, 96, 76, 74, 0, 54, 104, 95, 108, 44, 80, 89, 25, 10, 90, 106, 64, 85, 30, 19, 3, 99, 78, 100, 70, 83, 7, 92, 68, 71, 2, 36, 72, 66, 67, 16, 35, 5, 6, 32, 4, 8, 73, 14, 65, 69, 1, 11, 9, 75], [124, 127, 53, 61, 126, 125, 59, 57, 41, 62, 110, 117, 105, 56, 46, 55, 63, 51, 119, 86, 22, 114, 111, 48, 98, 58, 82, 112, 113, 116, 49, 60, 18, 122, 102, 26, 84, 52, 118, 28, 79, 88, 120, 50, 121, 103, 123, 47, 20, 43, 101, 34, 45, 33, 29, 24, 39, 76, 81, 0, 42, 15, 17, 38, 37, 77, 87, 31, 94, 64, 54, 27, 10, 40, 23, 74, 12, 2, 97, 93, 7, 13, 107, 83, 21, 71, 115, 66, 6, 19, 80, 85, 44, 4, 109, 72, 106, 95, 89, 104, 96, 91, 30, 1, 92, 78, 16, 99, 25, 5, 108, 90, 14, 35, 32, 67, 9, 75, 68, 11, 100, 36, 73, 65, 70, 69, 3, 8], [124, 127, 61, 53, 125, 126, 41, 57, 62, 59, 105, 110, 117, 46, 56, 63, 55, 51, 86, 119, 22, 114, 113, 48, 111, 98, 112, 52, 122, 102, 116, 18, 47, 37, 49, 82, 123, 60, 118, 58, 50, 20, 26, 39, 101, 103, 24, 88, 34, 81, 42, 87, 38, 45, 33, 31, 120, 29, 28, 43, 15, 0, 76, 40, 121, 84, 97, 23, 17, 27, 21, 77, 79, 93, 107, 94, 7, 44, 74, 64, 2, 10, 92, 13, 106, 6, 115, 19, 89, 91, 12, 96, 90, 54, 95, 109, 80, 30, 108, 100, 16, 71, 104, 72, 66, 25, 32, 5, 78, 14, 69, 35, 85, 36, 83, 11, 9, 99, 4, 67, 75, 1, 3, 65, 68, 8, 73, 70], [124, 127, 61, 53, 126, 125, 41, 62, 57, 59, 110, 105, 56, 117, 46, 55, 51, 63, 86, 119, 114, 113, 22, 111, 48, 52, 58, 112, 60, 116, 98, 18, 102, 47, 49, 82, 50, 103, 26, 84, 88, 123, 37, 24, 28, 15, 122, 118, 38, 20, 39, 87, 101, 31, 81, 43, 42, 34, 121, 77, 97, 33, 17, 45, 40, 13, 29, 76, 10, 27, 79, 0, 23, 54, 74, 115, 108, 94, 12, 107, 6, 21, 89, 64, 99, 83, 2, 104, 72, 80, 90, 30, 120, 93, 44, 25, 71, 16, 109, 67, 96, 7, 91, 66, 19, 3, 106, 14, 92, 85, 95, 4, 78, 35, 75, 32, 36, 11, 5, 65, 100, 1, 73, 69, 8, 68, 70, 9], [124, 127, 61, 53, 126, 125, 41, 59, 62, 57, 110, 105, 117, 46, 56, 55, 63, 51, 119, 114, 22, 86, 60, 113, 48, 98, 111, 112, 52, 116, 18, 58, 122, 102, 82, 84, 118, 24, 47, 50, 88, 28, 103, 123, 43, 15, 26, 121, 49, 42, 39, 101, 20, 38, 45, 31, 17, 87, 97, 120, 81, 76, 23, 34, 29, 77, 37, 13, 40, 54, 33, 0, 27, 21, 79, 7, 44, 115, 12, 94, 74, 10, 89, 107, 106, 96, 93, 6, 83, 108, 72, 25, 2, 30, 64, 95, 71, 80, 68, 92, 104, 16, 35, 91, 4, 14, 85, 90, 19, 66, 75, 36, 100, 11, 78, 99, 32, 109, 9, 73, 70, 5, 69, 65, 1, 8, 67, 3], [124, 127, 61, 126, 53, 125, 62, 57, 59, 41, 110, 105, 56, 117, 46, 55, 51, 63, 119, 114, 86, 22, 48, 113, 60, 98, 18, 111, 116, 112, 24, 49, 82, 103, 123, 84, 88, 118, 122, 52, 58, 28, 26, 102, 50, 15, 20, 17, 76, 81, 121, 79, 13, 45, 39, 38, 43, 34, 87, 101, 23, 77, 31, 94, 21, 115, 47, 97, 29, 74, 37, 12, 10, 33, 42, 120, 40, 27, 54, 107, 44, 7, 83, 30, 0, 93, 89, 64, 71, 25, 91, 78, 11, 92, 6, 16, 90, 104, 96, 108, 72, 80, 66, 19, 85, 14, 5, 95, 70, 2, 75, 67, 4, 32, 3, 69, 36, 8, 106, 109, 99, 35, 100, 65, 68, 73, 9, 1]], "model.layers.10.self_attn.q_proj": [[121, 122, 26, 65, 36, 83, 50, 79, 21, 24, 81, 63, 89, 29, 94, 9, 0, 64, 68, 16, 6, 19, 99, 1, 91, 78, 8, 17, 23, 2, 58, 77, 75, 111, 69, 124, 86, 12, 114, 71, 95, 82, 85, 44, 52, 14, 120, 76, 30, 37, 67, 51, 96, 5, 118, 57, 31, 54, 70, 11, 123, 74, 66, 93, 20, 84, 47, 27, 60, 127, 61, 40, 4, 13, 10, 3, 18, 125, 73, 80, 102, 87, 53, 49, 117, 115, 119, 62, 113, 116, 100, 72, 112, 55, 45, 7, 15, 126, 59, 90, 48, 105, 104, 110, 92, 41, 88, 33, 56, 46, 109, 35, 42, 25, 103, 22, 39, 107, 97, 38, 106, 108, 43, 34, 32, 28, 101, 98], [121, 122, 63, 87, 50, 36, 75, 52, 118, 28, 12, 124, 17, 120, 94, 123, 60, 61, 54, 125, 51, 33, 73, 29, 57, 62, 127, 119, 40, 117, 34, 44, 115, 53, 113, 102, 15, 49, 47, 58, 111, 19, 112, 55, 23, 70, 126, 110, 114, 59, 14, 109, 46, 105, 24, 56, 97, 116, 45, 104, 99, 38, 31, 32, 21, 71, 16, 86, 13, 39, 107, 48, 76, 106, 80, 37, 35, 85, 103, 25, 101, 20, 88, 91, 100, 92, 96, 98, 108, 93, 41, 5, 18, 84, 66, 95, 67, 26, 22, 89, 90, 42, 64, 27, 83, 30, 43, 79, 11, 3, 74, 82, 4, 1, 8, 77, 72, 81, 7, 65, 10, 9, 0, 6, 2, 69, 78, 68], [50, 121, 122, 114, 63, 56, 62, 115, 120, 60, 58, 51, 49, 116, 84, 87, 59, 119, 53, 11, 113, 52, 15, 127, 44, 17, 117, 109, 45, 55, 124, 61, 126, 54, 47, 57, 123, 48, 107, 14, 111, 46, 72, 118, 108, 125, 110, 43, 112, 7, 24, 2, 27, 78, 106, 25, 99, 101, 75, 41, 4, 85, 42, 16, 77, 80, 19, 82, 10, 105, 1, 81, 3, 74, 104, 18, 13, 12, 9, 28, 83, 94, 40, 37, 97, 6, 71, 90, 73, 102, 103, 21, 39, 22, 29, 38, 23, 76, 30, 89, 93, 33, 5, 36, 0, 35, 32, 96, 34, 98, 70, 91, 95, 69, 31, 26, 92, 100, 86, 8, 65, 88, 79, 20, 66, 68, 67, 64], [121, 122, 50, 63, 14, 118, 52, 84, 124, 11, 123, 87, 120, 61, 97, 125, 15, 114, 54, 57, 62, 101, 60, 82, 47, 16, 17, 53, 119, 85, 28, 111, 115, 51, 112, 127, 117, 102, 58, 110, 40, 104, 55, 44, 109, 45, 75, 32, 59, 105, 46, 77, 113, 107, 49, 27, 106, 39, 37, 103, 126, 25, 33, 38, 81, 48, 116, 12, 34, 19, 41, 74, 80, 90, 108, 71, 72, 83, 24, 9, 13, 99, 91, 4, 2, 7, 56, 89, 21, 42, 78, 35, 6, 94, 36, 10, 96, 3, 76, 0, 73, 43, 92, 79, 93, 5, 30, 100, 23, 31, 98, 1, 22, 95, 29, 86, 26, 70, 88, 20, 66, 69, 18, 8, 67, 68, 65, 64], [103, 124, 113, 24, 82, 49, 21, 91, 31, 15, 32, 11, 62, 13, 83, 19, 16, 28, 50, 80, 72, 99, 27, 81, 63, 73, 93, 4, 76, 17, 88, 7, 75, 9, 14, 18, 74, 8, 85, 79, 12, 78, 26, 98, 77, 87, 86, 84, 64, 89, 100, 68, 1, 20, 25, 29, 45, 23, 35, 53, 92, 46, 70, 66, 90, 22, 71, 94, 10, 69, 33, 30, 34, 104, 95, 40, 6, 123, 101, 5, 67, 0, 60, 61, 122, 3, 110, 96, 59, 39, 109, 51, 111, 126, 2, 65, 117, 97, 112, 127, 116, 43, 55, 58, 54, 120, 125, 115, 105, 102, 44, 36, 37, 57, 48, 38, 56, 108, 41, 114, 121, 106, 107, 118, 52, 42, 47, 119], [62, 103, 124, 113, 49, 122, 61, 115, 57, 45, 40, 87, 26, 50, 119, 112, 53, 32, 48, 58, 104, 109, 29, 54, 121, 120, 126, 63, 59, 117, 118, 60, 90, 95, 108, 110, 93, 55, 127, 46, 116, 52, 125, 51, 94, 123, 111, 56, 114, 99, 47, 96, 44, 105, 42, 107, 31, 106, 41, 27, 43, 14, 33, 19, 17, 91, 38, 97, 28, 23, 102, 98, 21, 30, 20, 101, 74, 100, 81, 35, 36, 37, 84, 34, 24, 39, 92, 86, 78, 25, 22, 89, 70, 6, 13, 66, 88, 68, 15, 69, 83, 7, 18, 75, 85, 67, 9, 16, 79, 64, 77, 10, 5, 8, 72, 3, 12, 4, 82, 11, 71, 80, 65, 2, 0, 1, 73, 76], [113, 124, 103, 49, 62, 50, 53, 46, 26, 122, 45, 61, 32, 40, 120, 51, 59, 123, 63, 87, 126, 112, 109, 5, 58, 117, 57, 30, 47, 100, 35, 127, 115, 111, 90, 8, 108, 17, 54, 104, 121, 105, 56, 114, 68, 125, 33, 95, 48, 60, 1, 99, 52, 116, 83, 118, 97, 106, 7, 94, 31, 107, 101, 41, 25, 64, 110, 119, 43, 34, 80, 91, 75, 79, 6, 29, 93, 38, 44, 3, 36, 9, 42, 77, 92, 55, 102, 12, 98, 28, 37, 27, 0, 66, 23, 14, 96, 76, 78, 84, 20, 21, 2, 82, 86, 88, 24, 15, 19, 39, 74, 73, 89, 10, 85, 81, 67, 11, 22, 70, 71, 16, 65, 69, 4, 72, 13, 18], [113, 124, 62, 40, 103, 50, 49, 46, 122, 83, 59, 112, 126, 87, 5, 53, 8, 127, 109, 45, 77, 120, 61, 117, 1, 78, 26, 123, 6, 68, 80, 55, 63, 54, 75, 35, 58, 125, 42, 51, 57, 7, 114, 9, 115, 3, 60, 17, 111, 118, 76, 52, 56, 47, 15, 116, 119, 108, 48, 110, 121, 44, 41, 82, 30, 43, 107, 104, 32, 106, 0, 73, 105, 12, 101, 64, 33, 100, 38, 66, 102, 36, 37, 79, 11, 89, 85, 34, 2, 23, 71, 90, 84, 31, 99, 94, 24, 92, 95, 67, 29, 81, 98, 96, 97, 20, 21, 28, 25, 93, 14, 10, 19, 39, 74, 86, 65, 88, 91, 27, 22, 70, 69, 13, 4, 16, 18, 72], [102, 56, 49, 113, 23, 89, 55, 91, 19, 58, 85, 47, 37, 31, 20, 52, 18, 33, 14, 127, 95, 92, 122, 80, 124, 115, 117, 29, 125, 59, 120, 42, 112, 107, 123, 75, 61, 57, 46, 108, 28, 116, 114, 82, 50, 45, 121, 73, 48, 84, 109, 44, 77, 88, 41, 63, 51, 99, 39, 40, 53, 38, 103, 126, 34, 43, 97, 118, 32, 16, 13, 106, 11, 87, 100, 54, 104, 98, 94, 15, 86, 27, 105, 83, 60, 119, 111, 26, 35, 110, 78, 79, 62, 8, 93, 21, 30, 101, 5, 22, 25, 36, 90, 96, 74, 72, 6, 81, 10, 24, 71, 76, 17, 4, 7, 9, 12, 67, 66, 69, 65, 70, 0, 3, 1, 68, 2, 64], [102, 56, 113, 49, 85, 23, 91, 19, 80, 77, 9, 31, 11, 89, 58, 4, 13, 55, 6, 70, 68, 72, 47, 2, 73, 95, 75, 16, 21, 83, 52, 65, 8, 82, 64, 87, 39, 48, 27, 42, 7, 53, 15, 78, 37, 25, 109, 110, 124, 22, 26, 69, 125, 90, 112, 46, 5, 33, 81, 84, 79, 71, 50, 99, 88, 32, 120, 63, 12, 106, 17, 119, 35, 44, 127, 10, 61, 92, 30, 96, 107, 123, 29, 14, 0, 101, 76, 24, 28, 66, 118, 54, 40, 116, 57, 94, 115, 59, 114, 98, 45, 126, 60, 122, 41, 86, 67, 121, 18, 100, 20, 105, 36, 104, 43, 117, 111, 34, 93, 74, 97, 51, 62, 103, 108, 1, 3, 38], [102, 47, 113, 56, 49, 89, 91, 23, 85, 19, 31, 55, 58, 9, 80, 82, 77, 11, 14, 0, 120, 46, 68, 121, 72, 59, 51, 33, 66, 95, 83, 127, 37, 124, 114, 70, 52, 53, 88, 110, 78, 87, 84, 3, 48, 99, 10, 15, 112, 81, 57, 126, 60, 73, 62, 16, 35, 42, 1, 21, 109, 34, 20, 125, 32, 116, 108, 27, 79, 118, 5, 61, 12, 100, 96, 29, 7, 97, 30, 2, 93, 25, 44, 106, 40, 92, 71, 36, 104, 17, 43, 24, 39, 122, 123, 63, 22, 119, 67, 103, 69, 18, 26, 38, 13, 115, 4, 65, 117, 90, 50, 8, 54, 111, 98, 45, 105, 94, 64, 86, 101, 41, 74, 76, 28, 107, 75, 6], [102, 113, 56, 49, 23, 80, 19, 89, 9, 85, 77, 11, 70, 68, 31, 2, 55, 64, 83, 14, 1, 16, 72, 21, 91, 37, 87, 6, 58, 75, 25, 67, 82, 3, 66, 125, 13, 120, 47, 33, 27, 48, 52, 127, 7, 73, 42, 112, 78, 12, 110, 65, 8, 29, 53, 59, 5, 17, 57, 46, 24, 32, 44, 88, 22, 10, 81, 76, 116, 51, 50, 92, 124, 30, 114, 121, 40, 122, 61, 95, 109, 28, 39, 4, 84, 74, 93, 123, 90, 119, 99, 26, 43, 35, 86, 115, 18, 63, 79, 15, 62, 45, 106, 100, 118, 69, 126, 105, 103, 20, 107, 41, 104, 60, 71, 117, 94, 98, 101, 97, 54, 36, 108, 34, 96, 111, 0, 38], [52, 62, 122, 58, 102, 125, 61, 53, 60, 127, 123, 112, 121, 119, 63, 115, 114, 50, 57, 48, 117, 126, 124, 118, 56, 49, 46, 54, 55, 113, 120, 47, 116, 44, 111, 36, 110, 51, 107, 45, 59, 109, 108, 35, 42, 30, 105, 43, 106, 104, 89, 25, 40, 41, 101, 103, 100, 23, 39, 33, 38, 37, 96, 32, 92, 99, 98, 34, 95, 97, 94, 31, 87, 28, 27, 91, 75, 29, 26, 15, 93, 24, 90, 17, 84, 21, 9, 20, 82, 85, 88, 70, 2, 6, 11, 19, 81, 80, 77, 12, 0, 79, 16, 14, 74, 86, 7, 65, 10, 67, 73, 69, 3, 66, 13, 5, 4, 64, 83, 8, 18, 76, 71, 1, 72, 68, 22, 78], [58, 62, 52, 122, 60, 121, 63, 118, 125, 55, 112, 127, 115, 51, 114, 117, 126, 123, 50, 110, 46, 59, 61, 113, 119, 111, 43, 120, 56, 42, 48, 124, 47, 116, 49, 57, 45, 109, 104, 96, 53, 40, 41, 105, 54, 108, 106, 107, 37, 101, 39, 102, 32, 103, 44, 38, 100, 29, 25, 23, 35, 98, 36, 34, 99, 84, 33, 27, 95, 30, 19, 97, 86, 24, 94, 20, 90, 22, 31, 92, 28, 89, 93, 81, 91, 80, 17, 16, 88, 83, 13, 79, 77, 26, 87, 85, 15, 21, 73, 78, 76, 11, 18, 82, 14, 70, 75, 9, 72, 12, 6, 10, 0, 74, 66, 68, 7, 2, 71, 8, 3, 67, 69, 1, 65, 5, 4, 64], [62, 58, 52, 101, 121, 122, 60, 127, 125, 112, 55, 115, 118, 117, 123, 63, 51, 53, 57, 119, 114, 50, 113, 61, 126, 102, 111, 120, 124, 48, 46, 59, 110, 36, 116, 56, 42, 54, 109, 47, 45, 44, 106, 49, 108, 93, 105, 43, 107, 40, 41, 100, 96, 104, 90, 30, 39, 103, 38, 99, 94, 35, 34, 23, 29, 25, 28, 27, 97, 80, 95, 86, 98, 33, 19, 16, 85, 92, 89, 31, 91, 21, 32, 73, 75, 24, 87, 37, 83, 26, 9, 88, 81, 11, 3, 77, 13, 22, 20, 82, 68, 70, 84, 15, 71, 5, 69, 10, 74, 1, 78, 14, 17, 7, 18, 76, 8, 79, 6, 67, 64, 66, 4, 12, 2, 65, 72, 0], [58, 52, 62, 101, 24, 90, 34, 82, 93, 14, 12, 85, 19, 80, 121, 32, 60, 21, 86, 30, 37, 15, 20, 76, 78, 96, 9, 122, 18, 79, 69, 83, 16, 125, 67, 74, 10, 88, 94, 72, 55, 5, 8, 127, 100, 84, 29, 77, 87, 7, 17, 71, 1, 81, 112, 102, 26, 13, 25, 23, 118, 75, 89, 91, 113, 27, 68, 117, 0, 2, 114, 64, 98, 70, 120, 124, 11, 4, 61, 66, 115, 126, 73, 104, 119, 110, 92, 51, 63, 42, 28, 107, 123, 111, 31, 3, 116, 46, 50, 59, 45, 65, 57, 56, 53, 48, 95, 6, 47, 106, 97, 41, 33, 43, 99, 103, 109, 38, 40, 35, 105, 22, 108, 39, 36, 54, 49, 44], [118, 127, 26, 101, 17, 10, 86, 15, 77, 70, 98, 88, 82, 20, 74, 93, 6, 29, 68, 89, 13, 104, 30, 22, 72, 87, 2, 76, 85, 79, 81, 27, 92, 84, 90, 54, 24, 67, 37, 28, 34, 71, 18, 11, 7, 52, 19, 78, 3, 9, 80, 1, 12, 40, 91, 109, 59, 65, 126, 75, 95, 73, 97, 0, 66, 16, 42, 63, 64, 23, 5, 21, 83, 4, 94, 105, 62, 31, 14, 47, 113, 69, 121, 32, 33, 96, 25, 39, 43, 35, 36, 8, 38, 107, 50, 110, 99, 44, 41, 53, 103, 108, 100, 48, 56, 115, 122, 112, 46, 116, 124, 58, 102, 117, 45, 111, 55, 114, 49, 120, 61, 119, 106, 123, 125, 60, 51, 57], [118, 127, 101, 98, 37, 126, 88, 86, 62, 39, 30, 29, 50, 20, 63, 91, 104, 52, 26, 113, 72, 48, 121, 54, 112, 56, 119, 93, 82, 38, 97, 116, 43, 125, 59, 122, 44, 110, 60, 92, 66, 83, 117, 0, 35, 51, 25, 40, 109, 58, 77, 123, 53, 46, 102, 45, 55, 15, 69, 115, 41, 120, 108, 28, 31, 57, 61, 49, 1, 47, 90, 114, 99, 24, 11, 84, 111, 89, 106, 75, 36, 124, 94, 33, 103, 8, 6, 4, 79, 23, 68, 76, 80, 96, 18, 107, 73, 105, 42, 74, 3, 64, 13, 17, 100, 22, 32, 81, 78, 2, 95, 85, 16, 87, 19, 9, 27, 12, 14, 34, 21, 5, 71, 7, 65, 70, 10, 67], [127, 118, 62, 101, 126, 56, 104, 113, 63, 54, 119, 48, 112, 52, 82, 40, 60, 121, 44, 50, 122, 116, 98, 43, 51, 123, 59, 117, 88, 58, 97, 125, 120, 91, 37, 106, 110, 55, 57, 47, 109, 46, 53, 45, 114, 115, 61, 39, 86, 42, 111, 29, 49, 107, 23, 41, 8, 124, 108, 105, 100, 35, 102, 93, 36, 38, 103, 83, 96, 72, 31, 92, 26, 99, 33, 66, 30, 87, 28, 4, 95, 89, 32, 34, 80, 90, 25, 94, 22, 27, 16, 18, 68, 24, 20, 15, 19, 0, 77, 85, 12, 84, 2, 69, 78, 13, 14, 73, 21, 75, 11, 74, 71, 5, 76, 79, 81, 7, 17, 1, 64, 6, 9, 65, 3, 70, 10, 67], [127, 118, 101, 126, 56, 97, 88, 82, 62, 29, 63, 54, 52, 40, 113, 48, 44, 28, 23, 119, 109, 60, 43, 98, 112, 36, 122, 117, 50, 41, 121, 106, 45, 116, 59, 8, 86, 51, 37, 123, 115, 104, 47, 125, 91, 32, 26, 114, 58, 110, 120, 105, 89, 46, 39, 61, 102, 111, 55, 107, 93, 30, 57, 53, 108, 72, 42, 100, 38, 16, 20, 4, 92, 49, 12, 99, 124, 103, 35, 18, 34, 31, 33, 94, 77, 83, 13, 27, 15, 71, 79, 96, 95, 87, 81, 22, 14, 25, 80, 24, 75, 84, 21, 11, 85, 76, 69, 74, 68, 0, 6, 66, 90, 73, 1, 17, 19, 7, 3, 78, 9, 5, 2, 70, 10, 64, 65, 67], [42, 96, 106, 120, 45, 125, 26, 23, 20, 118, 62, 109, 78, 52, 98, 80, 67, 63, 124, 90, 122, 32, 82, 71, 126, 7, 34, 101, 94, 58, 27, 56, 87, 14, 73, 55, 77, 116, 12, 86, 97, 123, 13, 81, 48, 85, 91, 115, 35, 57, 103, 104, 114, 43, 50, 16, 49, 18, 99, 110, 111, 39, 76, 33, 22, 64, 65, 117, 24, 119, 37, 10, 1, 53, 92, 59, 31, 47, 60, 28, 112, 84, 17, 19, 46, 121, 83, 44, 127, 21, 29, 38, 89, 113, 54, 30, 74, 5, 107, 70, 61, 93, 41, 51, 95, 105, 8, 4, 102, 88, 15, 108, 100, 40, 25, 36, 3, 6, 68, 79, 9, 75, 66, 69, 72, 11, 2, 0], [42, 96, 106, 125, 45, 23, 26, 62, 20, 109, 52, 98, 80, 124, 118, 126, 120, 34, 63, 78, 90, 82, 55, 27, 94, 122, 101, 77, 56, 43, 116, 46, 111, 58, 103, 81, 44, 35, 119, 114, 97, 104, 53, 7, 123, 87, 48, 127, 115, 50, 99, 49, 107, 60, 39, 38, 41, 91, 113, 117, 110, 59, 47, 30, 100, 54, 121, 102, 40, 85, 37, 57, 67, 61, 108, 105, 36, 112, 31, 95, 18, 93, 16, 51, 28, 32, 33, 29, 73, 13, 92, 21, 14, 86, 84, 71, 24, 25, 17, 19, 12, 5, 22, 89, 10, 88, 83, 74, 9, 11, 1, 65, 69, 79, 75, 15, 76, 64, 3, 8, 72, 4, 6, 68, 70, 66, 0, 2], [42, 96, 125, 106, 52, 45, 23, 20, 26, 82, 80, 78, 120, 98, 118, 109, 5, 62, 73, 7, 77, 12, 124, 90, 101, 86, 126, 103, 67, 63, 122, 32, 94, 35, 27, 87, 9, 56, 16, 1, 55, 58, 21, 69, 85, 91, 83, 64, 84, 76, 114, 123, 75, 3, 50, 34, 13, 18, 116, 115, 22, 11, 29, 70, 17, 40, 19, 43, 15, 48, 10, 39, 97, 81, 14, 74, 30, 110, 4, 79, 37, 31, 89, 44, 108, 104, 24, 49, 25, 71, 47, 66, 59, 92, 99, 60, 113, 28, 95, 112, 107, 88, 51, 8, 111, 100, 117, 72, 121, 57, 93, 6, 119, 105, 38, 41, 33, 36, 65, 54, 127, 68, 61, 0, 2, 102, 46, 53], [42, 96, 45, 106, 125, 23, 124, 26, 20, 52, 109, 98, 120, 62, 118, 126, 80, 122, 82, 115, 94, 56, 103, 116, 55, 78, 34, 90, 63, 58, 43, 48, 87, 114, 97, 101, 50, 60, 77, 110, 39, 41, 35, 104, 13, 123, 31, 47, 108, 53, 107, 99, 119, 113, 30, 19, 121, 27, 117, 33, 57, 49, 51, 40, 7, 61, 38, 102, 54, 92, 44, 85, 100, 67, 46, 32, 111, 93, 95, 36, 59, 37, 105, 81, 91, 112, 18, 28, 16, 29, 84, 127, 71, 86, 24, 14, 25, 73, 21, 89, 88, 79, 76, 12, 22, 74, 72, 69, 83, 17, 11, 15, 10, 9, 5, 68, 75, 65, 1, 8, 4, 66, 6, 64, 70, 0, 3, 2], [102, 62, 126, 98, 87, 26, 110, 85, 51, 41, 30, 19, 38, 45, 50, 22, 15, 79, 103, 94, 90, 84, 12, 93, 31, 17, 16, 113, 21, 109, 69, 105, 112, 20, 125, 127, 23, 8, 53, 65, 83, 25, 32, 117, 119, 14, 88, 63, 6, 55, 99, 58, 1, 116, 122, 75, 46, 57, 60, 96, 100, 108, 34, 121, 124, 52, 80, 120, 115, 74, 59, 106, 24, 89, 114, 49, 97, 111, 10, 76, 104, 118, 0, 2, 95, 64, 27, 86, 47, 40, 73, 123, 48, 81, 36, 92, 70, 54, 67, 82, 28, 42, 66, 5, 35, 29, 91, 78, 18, 77, 9, 13, 56, 44, 72, 39, 11, 101, 71, 68, 107, 61, 33, 37, 4, 43, 7, 3], [102, 126, 62, 98, 87, 17, 85, 110, 90, 26, 22, 19, 50, 8, 14, 75, 45, 103, 41, 15, 94, 21, 93, 89, 6, 51, 24, 113, 109, 2, 30, 84, 88, 83, 68, 92, 12, 38, 27, 58, 20, 31, 72, 79, 78, 112, 122, 23, 25, 74, 80, 32, 4, 71, 16, 117, 119, 53, 49, 127, 77, 29, 47, 7, 35, 81, 76, 60, 105, 10, 111, 28, 55, 120, 116, 52, 82, 0, 124, 46, 48, 5, 91, 13, 99, 125, 34, 67, 39, 36, 33, 121, 96, 97, 57, 95, 86, 63, 37, 118, 65, 115, 18, 44, 100, 66, 104, 11, 73, 108, 59, 42, 114, 43, 101, 9, 61, 69, 123, 54, 56, 3, 106, 64, 107, 70, 1, 40], [102, 126, 98, 62, 26, 41, 45, 87, 85, 19, 17, 93, 38, 103, 22, 15, 94, 51, 21, 50, 12, 113, 92, 110, 32, 75, 14, 30, 8, 100, 90, 31, 79, 83, 84, 88, 89, 20, 86, 35, 36, 54, 55, 25, 117, 127, 125, 119, 76, 13, 77, 81, 123, 46, 82, 23, 6, 2, 16, 53, 109, 39, 18, 27, 121, 59, 116, 70, 74, 97, 69, 80, 114, 47, 111, 52, 57, 105, 29, 118, 78, 58, 24, 49, 11, 63, 95, 99, 108, 122, 96, 115, 112, 10, 48, 91, 104, 124, 42, 66, 33, 72, 120, 40, 60, 101, 34, 37, 7, 43, 73, 65, 28, 1, 4, 107, 67, 5, 71, 44, 106, 61, 68, 9, 56, 3, 64, 0], [62, 102, 126, 98, 87, 41, 110, 26, 85, 38, 50, 45, 22, 105, 103, 109, 30, 113, 94, 63, 112, 93, 58, 125, 84, 121, 53, 127, 119, 15, 122, 31, 51, 116, 59, 57, 19, 52, 114, 55, 47, 97, 117, 118, 90, 44, 46, 43, 60, 49, 111, 108, 56, 42, 106, 54, 120, 124, 48, 115, 101, 36, 107, 32, 40, 123, 104, 100, 99, 61, 35, 37, 25, 39, 20, 96, 12, 17, 83, 95, 79, 92, 88, 27, 28, 33, 91, 29, 16, 8, 89, 23, 74, 21, 73, 34, 6, 75, 24, 10, 18, 82, 14, 69, 78, 86, 80, 71, 2, 77, 76, 5, 13, 81, 9, 7, 1, 65, 68, 11, 72, 70, 67, 0, 64, 66, 3, 4], [120, 122, 54, 37, 53, 127, 19, 101, 87, 17, 113, 35, 91, 58, 93, 60, 123, 124, 13, 115, 50, 117, 55, 56, 89, 63, 51, 118, 116, 32, 75, 45, 74, 114, 15, 119, 57, 14, 125, 112, 80, 49, 33, 36, 62, 52, 48, 100, 98, 12, 61, 97, 103, 47, 34, 110, 96, 90, 44, 73, 106, 59, 43, 126, 111, 41, 7, 26, 38, 18, 39, 121, 102, 85, 46, 108, 99, 104, 109, 107, 105, 29, 95, 42, 31, 27, 21, 20, 83, 81, 40, 72, 23, 94, 28, 92, 25, 30, 88, 24, 86, 5, 70, 68, 82, 67, 65, 2, 22, 0, 78, 77, 79, 84, 11, 9, 76, 16, 71, 8, 3, 10, 4, 69, 6, 1, 64, 66], [120, 122, 37, 13, 19, 17, 75, 14, 87, 15, 80, 74, 32, 85, 20, 53, 12, 18, 54, 73, 113, 127, 93, 58, 123, 26, 88, 115, 7, 30, 60, 50, 35, 124, 51, 55, 91, 45, 117, 72, 101, 116, 56, 63, 118, 94, 119, 57, 114, 90, 98, 62, 125, 112, 52, 25, 92, 49, 48, 86, 24, 61, 23, 36, 126, 33, 31, 96, 59, 47, 46, 34, 44, 82, 111, 110, 43, 70, 79, 41, 121, 21, 109, 99, 84, 29, 81, 108, 106, 100, 5, 42, 103, 27, 105, 104, 107, 16, 39, 97, 40, 95, 38, 102, 78, 77, 28, 22, 89, 68, 11, 83, 76, 67, 9, 65, 10, 2, 8, 71, 3, 0, 4, 6, 69, 64, 1, 66], [122, 120, 37, 84, 7, 16, 67, 74, 66, 69, 19, 75, 1, 68, 72, 24, 5, 70, 73, 12, 94, 78, 71, 11, 8, 53, 6, 64, 23, 13, 4, 3, 82, 88, 15, 54, 14, 80, 20, 90, 32, 30, 58, 92, 87, 93, 18, 113, 26, 115, 79, 77, 10, 123, 127, 50, 51, 60, 76, 124, 17, 117, 55, 56, 85, 21, 116, 96, 83, 63, 45, 118, 35, 9, 25, 65, 98, 0, 114, 119, 57, 28, 112, 101, 62, 49, 52, 29, 99, 48, 86, 125, 31, 61, 126, 59, 36, 81, 46, 91, 41, 44, 111, 47, 43, 22, 121, 110, 27, 95, 100, 109, 108, 2, 97, 33, 34, 106, 89, 105, 42, 102, 104, 39, 107, 103, 40, 38], [120, 122, 54, 87, 19, 53, 127, 123, 113, 60, 58, 124, 125, 115, 117, 55, 51, 116, 50, 17, 62, 86, 56, 27, 57, 119, 118, 45, 94, 49, 25, 52, 85, 114, 61, 96, 48, 28, 63, 23, 126, 112, 59, 44, 47, 111, 121, 24, 46, 109, 81, 43, 110, 90, 41, 106, 108, 84, 42, 107, 39, 83, 105, 82, 103, 35, 104, 40, 21, 37, 98, 38, 88, 36, 102, 89, 91, 79, 20, 65, 100, 101, 77, 16, 80, 97, 34, 99, 22, 78, 0, 33, 13, 10, 30, 29, 26, 76, 95, 31, 64, 93, 11, 18, 2, 9, 14, 15, 32, 3, 92, 71, 68, 4, 8, 7, 12, 75, 5, 6, 67, 69, 74, 1, 73, 70, 72, 66]], "model.layers.10.self_attn.k_proj": [[122, 121, 100, 118, 86, 63, 114, 123, 54, 61, 124, 119, 62, 52, 125, 115, 57, 108, 111, 117, 120, 60, 112, 31, 53, 126, 51, 127, 116, 59, 47, 58, 110, 55, 102, 46, 48, 83, 0, 45, 109, 49, 113, 56, 98, 29, 105, 104, 77, 9, 40, 44, 76, 103, 39, 38, 91, 106, 80, 81, 24, 6, 107, 35, 101, 34, 41, 37, 43, 21, 42, 79, 97, 26, 23, 1, 30, 22, 28, 36, 99, 32, 89, 88, 84, 3, 69, 50, 10, 95, 96, 92, 78, 19, 93, 33, 4, 20, 90, 82, 11, 85, 87, 7, 27, 25, 94, 14, 2, 18, 72, 8, 74, 5, 16, 71, 13, 66, 15, 67, 73, 65, 68, 70, 12, 75, 64, 17], [113, 124, 39, 50, 53, 96, 93, 21, 123, 120, 49, 15, 62, 126, 125, 63, 51, 112, 11, 87, 24, 82, 122, 58, 55, 114, 48, 117, 13, 91, 104, 116, 46, 61, 73, 30, 54, 115, 57, 71, 52, 95, 84, 26, 81, 118, 76, 121, 59, 127, 47, 80, 60, 111, 108, 19, 110, 86, 8, 99, 109, 56, 40, 45, 119, 100, 92, 89, 3, 10, 44, 35, 14, 1, 2, 98, 43, 68, 107, 79, 6, 106, 41, 27, 88, 0, 105, 42, 18, 38, 5, 102, 101, 36, 37, 33, 28, 23, 97, 77, 16, 17, 32, 94, 69, 34, 78, 66, 70, 7, 25, 31, 22, 72, 64, 4, 74, 29, 9, 83, 65, 90, 85, 20, 67, 12, 75, 103], [113, 56, 38, 80, 19, 77, 85, 23, 89, 11, 91, 9, 95, 58, 70, 72, 68, 55, 64, 14, 76, 1, 66, 20, 46, 123, 78, 111, 127, 44, 59, 106, 116, 112, 47, 17, 57, 53, 121, 69, 114, 117, 115, 71, 125, 51, 101, 109, 86, 118, 126, 42, 79, 124, 97, 52, 74, 48, 108, 45, 18, 96, 120, 24, 28, 82, 15, 37, 50, 33, 98, 39, 60, 122, 29, 119, 31, 93, 92, 32, 43, 3, 62, 103, 90, 61, 99, 34, 67, 5, 63, 12, 40, 49, 26, 88, 110, 35, 7, 30, 94, 100, 54, 104, 36, 81, 41, 105, 22, 8, 107, 10, 75, 25, 27, 87, 6, 84, 21, 0, 13, 83, 2, 73, 102, 16, 65, 4], [58, 62, 86, 37, 52, 96, 121, 29, 90, 14, 82, 17, 19, 12, 80, 60, 127, 77, 10, 72, 118, 125, 117, 24, 119, 55, 51, 20, 115, 63, 114, 126, 57, 120, 123, 79, 7, 100, 124, 50, 56, 44, 53, 48, 116, 98, 34, 59, 113, 46, 111, 110, 43, 45, 61, 25, 54, 93, 76, 112, 99, 109, 106, 70, 47, 9, 40, 49, 36, 15, 41, 122, 108, 105, 107, 11, 69, 104, 38, 42, 39, 102, 2, 23, 8, 97, 3, 85, 91, 21, 27, 35, 4, 95, 103, 31, 84, 83, 101, 6, 28, 33, 18, 74, 94, 30, 81, 65, 0, 92, 13, 22, 1, 16, 71, 87, 88, 68, 64, 32, 78, 5, 26, 89, 75, 73, 67, 66], [118, 127, 37, 126, 86, 63, 62, 10, 52, 34, 17, 48, 113, 30, 26, 119, 56, 121, 122, 15, 54, 70, 77, 112, 60, 43, 29, 50, 104, 59, 88, 51, 20, 120, 117, 116, 41, 110, 96, 115, 61, 123, 0, 3, 109, 57, 58, 55, 125, 47, 45, 53, 114, 108, 111, 49, 124, 106, 76, 103, 107, 46, 44, 82, 42, 71, 100, 2, 83, 38, 9, 65, 40, 68, 1, 72, 99, 32, 105, 92, 85, 39, 75, 35, 33, 95, 97, 36, 11, 91, 102, 14, 23, 31, 4, 80, 94, 67, 7, 64, 5, 73, 78, 69, 19, 25, 21, 27, 101, 93, 98, 81, 24, 90, 28, 89, 16, 12, 66, 79, 84, 87, 22, 8, 18, 74, 13, 6], [106, 32, 52, 26, 23, 20, 82, 125, 120, 42, 118, 45, 80, 78, 109, 126, 73, 58, 124, 77, 62, 112, 34, 12, 123, 114, 115, 50, 56, 55, 59, 54, 7, 5, 63, 85, 116, 47, 81, 122, 3, 51, 37, 119, 61, 39, 43, 103, 30, 104, 6, 1, 110, 127, 117, 101, 0, 107, 108, 11, 27, 48, 86, 65, 91, 46, 66, 13, 44, 57, 75, 74, 49, 35, 70, 111, 40, 60, 2, 22, 76, 64, 105, 98, 53, 79, 121, 102, 113, 33, 94, 29, 72, 71, 92, 36, 41, 83, 68, 8, 19, 25, 88, 14, 24, 100, 21, 4, 69, 38, 31, 97, 89, 10, 99, 95, 15, 28, 93, 96, 84, 90, 9, 17, 18, 87, 16, 67], [126, 62, 38, 34, 26, 94, 45, 85, 19, 41, 87, 22, 17, 110, 51, 84, 15, 50, 113, 12, 103, 75, 8, 14, 1, 127, 53, 93, 57, 112, 119, 117, 55, 116, 120, 39, 124, 125, 111, 122, 109, 59, 114, 118, 69, 63, 74, 52, 121, 102, 6, 29, 60, 115, 66, 28, 106, 5, 95, 73, 24, 108, 49, 32, 48, 58, 77, 123, 97, 46, 43, 33, 68, 105, 104, 54, 56, 16, 36, 47, 27, 35, 31, 40, 86, 61, 100, 44, 91, 64, 107, 4, 71, 67, 25, 78, 18, 42, 80, 9, 101, 99, 72, 23, 7, 37, 90, 3, 98, 82, 89, 92, 96, 70, 88, 0, 30, 21, 76, 13, 81, 20, 10, 83, 79, 11, 2, 65], [122, 120, 101, 24, 30, 82, 54, 127, 32, 79, 28, 84, 117, 26, 21, 113, 115, 124, 123, 55, 16, 27, 53, 56, 78, 60, 116, 50, 11, 77, 62, 114, 118, 9, 76, 51, 89, 63, 119, 57, 112, 52, 49, 125, 48, 93, 45, 72, 58, 126, 47, 59, 46, 44, 2, 70, 23, 61, 108, 81, 109, 10, 111, 110, 99, 121, 12, 65, 43, 5, 41, 106, 107, 29, 22, 35, 42, 39, 71, 104, 8, 105, 3, 103, 40, 14, 96, 97, 100, 4, 102, 38, 95, 98, 75, 83, 36, 80, 18, 69, 34, 68, 73, 33, 86, 6, 37, 31, 20, 92, 15, 7, 64, 87, 0, 91, 13, 90, 94, 25, 67, 88, 74, 17, 19, 85, 1, 66]], "model.layers.10.self_attn.qk_proj": [[122, 113, 62, 120, 118, 127, 126, 56, 121, 58, 52, 124, 106, 42, 54, 50, 90, 45, 110, 102, 55, 63, 117, 37, 125, 51, 116, 123, 53, 49, 60, 114, 87, 115, 85, 61, 38, 93, 57, 46, 23, 101, 59, 80, 83, 47, 32, 21, 22, 41, 112, 96, 34, 119, 103, 19, 16, 26, 25, 44, 13, 109, 20, 48, 104, 14, 77, 82, 86, 39, 43, 88, 27, 18, 84, 24, 100, 12, 11, 94, 98, 75, 81, 78, 30, 89, 108, 15, 29, 17, 111, 9, 91, 79, 73, 76, 31, 40, 107, 36, 35, 95, 97, 72, 6, 74, 105, 92, 10, 70, 99, 28, 71, 8, 68, 33, 64, 69, 65, 2, 1, 7, 3, 67, 5, 4, 0, 66], [122, 113, 62, 120, 118, 56, 121, 127, 126, 58, 52, 124, 106, 42, 54, 50, 117, 90, 116, 45, 37, 55, 110, 102, 60, 87, 114, 63, 123, 125, 85, 49, 51, 115, 23, 61, 38, 53, 101, 41, 93, 46, 103, 21, 80, 83, 96, 22, 34, 112, 104, 32, 19, 109, 59, 20, 26, 111, 27, 48, 43, 13, 119, 57, 25, 47, 98, 24, 84, 16, 86, 77, 88, 18, 14, 89, 39, 100, 30, 81, 108, 79, 12, 82, 31, 94, 78, 11, 75, 17, 29, 44, 9, 40, 91, 73, 95, 76, 15, 70, 92, 72, 97, 33, 74, 36, 105, 10, 35, 99, 6, 107, 69, 4, 8, 0, 68, 28, 65, 71, 64, 7, 5, 3, 67, 2, 66, 1], [122, 113, 62, 120, 118, 127, 121, 56, 126, 58, 52, 106, 124, 42, 54, 50, 116, 102, 55, 110, 37, 125, 51, 45, 90, 38, 60, 53, 114, 49, 63, 123, 87, 101, 117, 23, 93, 57, 115, 34, 96, 32, 119, 26, 85, 27, 43, 41, 103, 83, 22, 104, 19, 109, 21, 48, 112, 24, 25, 46, 61, 111, 16, 80, 59, 30, 94, 20, 84, 47, 86, 100, 88, 13, 77, 95, 18, 89, 39, 31, 98, 91, 29, 81, 14, 82, 35, 108, 78, 75, 12, 79, 92, 44, 11, 99, 15, 17, 40, 9, 70, 36, 73, 33, 76, 72, 107, 105, 28, 74, 97, 71, 4, 10, 1, 6, 7, 68, 64, 69, 8, 5, 65, 0, 66, 67, 3, 2], [122, 113, 62, 120, 118, 121, 127, 126, 56, 58, 52, 106, 124, 42, 54, 55, 117, 50, 90, 102, 45, 125, 60, 51, 114, 123, 37, 110, 116, 87, 63, 49, 53, 112, 23, 93, 115, 46, 119, 101, 38, 85, 96, 19, 57, 27, 47, 41, 61, 43, 109, 34, 22, 16, 104, 25, 83, 32, 59, 21, 80, 24, 44, 100, 26, 77, 13, 48, 111, 39, 88, 103, 30, 81, 18, 86, 94, 82, 84, 89, 98, 78, 20, 108, 17, 91, 12, 14, 40, 75, 95, 92, 11, 31, 35, 15, 105, 79, 9, 29, 107, 72, 70, 36, 73, 33, 74, 76, 28, 99, 97, 10, 71, 4, 6, 8, 0, 69, 7, 65, 68, 1, 5, 64, 67, 66, 3, 2], [122, 113, 62, 118, 120, 121, 126, 56, 127, 58, 52, 124, 106, 42, 55, 110, 54, 50, 90, 123, 45, 125, 102, 51, 37, 60, 116, 53, 49, 114, 117, 63, 87, 38, 115, 47, 61, 93, 46, 57, 119, 109, 96, 112, 23, 85, 59, 26, 101, 34, 103, 83, 21, 111, 80, 19, 16, 48, 22, 41, 77, 32, 13, 43, 100, 104, 18, 25, 39, 82, 14, 89, 81, 86, 24, 30, 27, 44, 94, 108, 20, 84, 88, 78, 11, 98, 36, 91, 17, 29, 9, 79, 75, 15, 40, 35, 73, 31, 12, 76, 95, 72, 70, 74, 105, 107, 97, 33, 4, 92, 10, 68, 8, 7, 28, 6, 71, 99, 65, 64, 0, 1, 67, 69, 2, 5, 66, 3], [122, 113, 62, 118, 120, 127, 121, 56, 126, 58, 52, 124, 106, 42, 54, 55, 90, 45, 110, 125, 116, 114, 60, 50, 117, 87, 63, 102, 123, 37, 53, 51, 46, 85, 93, 61, 49, 38, 96, 119, 23, 19, 115, 80, 109, 22, 103, 21, 41, 57, 34, 83, 77, 112, 101, 47, 16, 13, 111, 48, 20, 26, 32, 59, 25, 18, 104, 14, 100, 82, 98, 27, 88, 12, 15, 86, 11, 78, 39, 108, 24, 17, 81, 30, 75, 79, 89, 84, 43, 9, 31, 76, 105, 94, 73, 35, 29, 44, 91, 40, 107, 36, 10, 72, 92, 74, 70, 95, 33, 6, 97, 8, 28, 99, 68, 4, 69, 5, 71, 67, 64, 0, 1, 66, 7, 2, 65, 3], [122, 113, 62, 120, 118, 56, 127, 126, 121, 58, 52, 106, 124, 42, 90, 45, 125, 102, 55, 116, 37, 110, 54, 114, 87, 60, 50, 53, 85, 101, 51, 63, 23, 115, 61, 38, 46, 123, 49, 119, 93, 117, 22, 112, 80, 59, 19, 83, 16, 103, 21, 20, 48, 32, 96, 77, 34, 109, 41, 47, 57, 26, 111, 13, 100, 18, 25, 86, 82, 24, 27, 81, 78, 104, 84, 44, 88, 11, 75, 15, 14, 39, 12, 30, 98, 89, 94, 43, 9, 105, 108, 17, 31, 91, 76, 79, 29, 73, 40, 35, 36, 95, 107, 92, 74, 72, 99, 10, 6, 33, 70, 97, 8, 71, 28, 68, 7, 69, 66, 4, 5, 1, 65, 0, 3, 64, 2, 67], [113, 122, 62, 120, 118, 126, 56, 127, 121, 58, 106, 52, 124, 42, 90, 54, 45, 50, 37, 125, 117, 87, 102, 55, 23, 49, 46, 110, 60, 85, 123, 116, 83, 53, 61, 38, 119, 93, 114, 112, 21, 101, 22, 51, 115, 19, 80, 16, 77, 47, 63, 109, 111, 96, 86, 26, 32, 20, 25, 57, 82, 103, 41, 59, 13, 18, 84, 24, 78, 34, 27, 81, 98, 48, 39, 30, 100, 44, 17, 108, 15, 14, 79, 88, 75, 11, 104, 12, 9, 76, 89, 91, 105, 73, 107, 31, 43, 29, 40, 94, 92, 95, 36, 35, 6, 97, 72, 74, 99, 33, 10, 71, 70, 8, 68, 7, 28, 69, 65, 5, 0, 4, 64, 3, 1, 2, 66, 67], [122, 113, 62, 118, 120, 127, 56, 121, 126, 58, 52, 106, 124, 42, 90, 54, 45, 50, 37, 110, 123, 102, 55, 125, 87, 117, 116, 23, 60, 49, 38, 101, 53, 21, 93, 85, 83, 115, 114, 46, 47, 112, 63, 109, 57, 51, 59, 32, 16, 26, 22, 61, 19, 34, 96, 41, 111, 20, 25, 98, 119, 80, 77, 39, 27, 104, 24, 84, 86, 13, 82, 100, 78, 30, 108, 88, 43, 44, 18, 81, 48, 94, 91, 40, 17, 15, 29, 103, 11, 31, 75, 79, 105, 92, 89, 6, 14, 76, 95, 36, 9, 12, 73, 107, 97, 33, 35, 74, 99, 10, 28, 8, 72, 71, 68, 70, 1, 64, 4, 65, 0, 7, 69, 66, 2, 5, 67, 3], [122, 113, 62, 120, 118, 126, 127, 56, 121, 58, 52, 124, 106, 42, 117, 90, 116, 125, 123, 50, 55, 102, 45, 37, 87, 60, 23, 51, 63, 54, 110, 101, 115, 114, 38, 83, 53, 112, 85, 49, 109, 21, 93, 59, 47, 61, 80, 46, 111, 96, 16, 26, 77, 22, 82, 57, 119, 41, 19, 32, 103, 20, 13, 24, 34, 86, 27, 100, 108, 30, 25, 98, 104, 84, 14, 48, 18, 78, 81, 91, 39, 43, 88, 17, 79, 94, 12, 75, 44, 89, 73, 29, 11, 76, 15, 92, 107, 9, 40, 6, 36, 31, 97, 105, 95, 8, 33, 10, 99, 74, 35, 72, 68, 70, 28, 71, 69, 4, 7, 67, 0, 5, 65, 3, 1, 2, 64, 66], [122, 113, 62, 118, 126, 120, 121, 56, 127, 58, 52, 124, 106, 42, 123, 54, 125, 55, 110, 45, 102, 51, 90, 60, 50, 116, 117, 37, 63, 49, 87, 114, 53, 112, 119, 23, 115, 101, 85, 96, 93, 109, 57, 59, 38, 80, 111, 21, 83, 61, 19, 46, 47, 22, 77, 34, 16, 25, 41, 26, 20, 86, 13, 44, 18, 32, 82, 98, 48, 103, 100, 39, 30, 14, 81, 108, 43, 91, 24, 27, 15, 29, 78, 17, 11, 84, 12, 94, 89, 104, 73, 9, 8, 36, 79, 75, 76, 40, 10, 88, 6, 31, 74, 92, 107, 70, 105, 97, 95, 35, 68, 33, 28, 71, 99, 4, 65, 72, 1, 69, 0, 7, 64, 3, 66, 5, 2, 67], [122, 113, 62, 118, 120, 126, 127, 56, 121, 58, 52, 124, 106, 42, 123, 90, 51, 54, 55, 102, 110, 49, 45, 116, 125, 117, 50, 60, 87, 37, 114, 63, 112, 23, 53, 93, 38, 85, 101, 80, 109, 115, 83, 111, 59, 57, 96, 19, 46, 22, 47, 34, 20, 61, 21, 48, 25, 16, 119, 103, 77, 13, 41, 26, 32, 18, 39, 86, 14, 43, 98, 81, 82, 100, 11, 108, 75, 94, 24, 78, 27, 84, 17, 79, 15, 88, 76, 44, 9, 104, 30, 40, 12, 29, 36, 89, 73, 91, 10, 8, 107, 70, 74, 31, 6, 95, 35, 72, 97, 4, 92, 68, 7, 33, 99, 0, 69, 71, 1, 28, 65, 66, 105, 64, 5, 2, 3, 67], [122, 113, 62, 120, 118, 126, 127, 56, 121, 58, 106, 52, 124, 42, 54, 50, 90, 45, 102, 37, 110, 117, 55, 51, 116, 87, 23, 125, 85, 123, 38, 60, 57, 53, 101, 59, 63, 19, 46, 21, 119, 115, 93, 80, 26, 83, 32, 114, 22, 96, 47, 49, 109, 77, 86, 16, 103, 41, 20, 111, 112, 39, 98, 48, 61, 34, 25, 27, 24, 18, 13, 81, 82, 100, 91, 78, 17, 84, 15, 14, 89, 30, 88, 12, 43, 94, 76, 79, 11, 75, 104, 44, 29, 95, 9, 40, 108, 31, 36, 107, 8, 73, 92, 35, 33, 70, 97, 105, 74, 99, 72, 10, 71, 4, 28, 6, 7, 69, 68, 0, 65, 5, 3, 1, 66, 67, 64, 2], [122, 113, 62, 118, 126, 120, 127, 56, 121, 58, 52, 106, 124, 42, 54, 117, 125, 55, 90, 45, 50, 123, 87, 102, 110, 60, 116, 37, 63, 46, 114, 49, 51, 23, 85, 119, 57, 93, 38, 115, 83, 77, 19, 101, 112, 47, 53, 61, 21, 59, 109, 16, 96, 80, 22, 111, 86, 13, 20, 25, 34, 81, 26, 18, 41, 82, 27, 48, 103, 78, 14, 98, 39, 32, 76, 24, 100, 30, 17, 43, 75, 12, 15, 84, 11, 9, 73, 44, 79, 8, 104, 70, 91, 108, 29, 94, 40, 88, 31, 89, 72, 74, 92, 97, 35, 107, 36, 6, 95, 10, 7, 64, 71, 69, 33, 105, 4, 0, 65, 68, 99, 5, 66, 1, 2, 28, 67, 3], [122, 113, 62, 120, 118, 127, 126, 56, 58, 121, 52, 124, 106, 42, 54, 110, 55, 102, 125, 123, 50, 117, 45, 37, 90, 60, 51, 116, 87, 49, 46, 114, 61, 38, 23, 57, 63, 101, 112, 96, 109, 85, 115, 93, 59, 19, 41, 32, 83, 21, 26, 111, 22, 119, 47, 80, 53, 77, 34, 103, 20, 48, 25, 27, 98, 16, 86, 24, 100, 43, 39, 82, 13, 18, 44, 78, 81, 17, 94, 84, 15, 79, 89, 30, 107, 14, 40, 108, 29, 70, 75, 91, 104, 73, 9, 76, 11, 12, 88, 36, 31, 8, 72, 95, 35, 74, 105, 92, 97, 10, 33, 6, 28, 71, 99, 64, 1, 4, 69, 68, 0, 7, 65, 5, 67, 2, 66, 3], [122, 113, 62, 118, 120, 127, 126, 56, 121, 58, 52, 106, 124, 42, 55, 54, 45, 110, 90, 102, 125, 123, 117, 60, 37, 114, 51, 50, 87, 63, 46, 109, 61, 116, 85, 93, 101, 115, 49, 103, 53, 23, 38, 112, 47, 96, 57, 22, 83, 80, 59, 19, 111, 21, 26, 20, 32, 86, 77, 16, 41, 82, 34, 98, 13, 25, 100, 119, 39, 27, 24, 44, 78, 81, 18, 43, 48, 14, 30, 84, 89, 104, 75, 17, 15, 11, 76, 79, 29, 73, 12, 40, 108, 91, 94, 70, 9, 31, 88, 105, 74, 33, 10, 72, 36, 92, 107, 35, 95, 97, 99, 8, 71, 6, 68, 28, 4, 7, 0, 1, 66, 69, 64, 67, 5, 3, 2, 65], [122, 113, 62, 120, 118, 126, 127, 56, 121, 58, 52, 106, 124, 42, 117, 37, 102, 54, 90, 125, 87, 45, 116, 110, 50, 55, 123, 60, 23, 85, 46, 63, 112, 51, 114, 101, 93, 80, 38, 115, 49, 96, 59, 19, 47, 83, 21, 53, 103, 32, 111, 109, 27, 57, 119, 22, 26, 86, 16, 20, 77, 61, 24, 34, 25, 98, 81, 82, 48, 100, 18, 39, 41, 78, 44, 14, 13, 11, 79, 30, 17, 91, 84, 15, 88, 43, 9, 94, 40, 89, 12, 75, 104, 108, 29, 76, 31, 95, 73, 72, 36, 10, 35, 74, 92, 70, 28, 33, 107, 8, 6, 99, 7, 105, 97, 71, 68, 4, 69, 66, 5, 0, 64, 67, 1, 3, 65, 2], [122, 113, 62, 118, 120, 126, 56, 127, 121, 58, 106, 52, 124, 42, 117, 102, 37, 110, 90, 45, 87, 54, 125, 50, 60, 55, 112, 116, 85, 51, 23, 38, 46, 49, 123, 114, 101, 63, 53, 93, 115, 21, 47, 109, 26, 19, 83, 96, 80, 103, 59, 32, 61, 111, 57, 119, 16, 27, 22, 18, 41, 44, 24, 39, 34, 25, 86, 98, 77, 20, 84, 82, 100, 108, 17, 15, 43, 81, 88, 78, 30, 13, 91, 11, 79, 14, 104, 75, 40, 76, 89, 48, 31, 94, 9, 95, 72, 29, 73, 36, 107, 92, 12, 10, 35, 33, 6, 99, 74, 28, 97, 8, 70, 105, 7, 71, 5, 4, 68, 64, 0, 1, 65, 69, 67, 2, 3, 66], [122, 113, 62, 118, 120, 126, 127, 121, 56, 58, 52, 124, 106, 42, 117, 55, 102, 37, 125, 45, 60, 116, 110, 54, 90, 51, 123, 50, 87, 46, 38, 101, 114, 49, 115, 23, 53, 63, 32, 112, 93, 47, 96, 26, 59, 119, 85, 21, 22, 109, 44, 57, 61, 34, 19, 83, 103, 43, 41, 16, 100, 111, 88, 24, 27, 80, 20, 91, 39, 98, 86, 25, 94, 18, 108, 82, 77, 89, 78, 107, 84, 48, 104, 81, 30, 40, 14, 17, 13, 95, 29, 79, 31, 15, 11, 75, 6, 9, 36, 35, 99, 72, 28, 33, 76, 92, 12, 73, 105, 74, 97, 10, 70, 7, 69, 68, 71, 8, 0, 1, 3, 4, 5, 64, 65, 67, 66, 2], [122, 113, 62, 120, 118, 127, 126, 56, 121, 58, 52, 106, 124, 42, 117, 54, 60, 37, 55, 102, 45, 90, 51, 125, 87, 110, 50, 116, 123, 114, 101, 46, 61, 85, 63, 112, 23, 96, 93, 59, 38, 49, 22, 103, 47, 109, 111, 119, 53, 32, 34, 115, 41, 19, 21, 26, 27, 16, 83, 57, 20, 24, 77, 18, 25, 44, 86, 80, 39, 48, 98, 100, 30, 88, 43, 13, 89, 82, 14, 108, 78, 75, 81, 84, 31, 79, 94, 104, 29, 11, 6, 17, 73, 15, 95, 9, 35, 72, 105, 92, 76, 33, 91, 40, 12, 36, 107, 74, 99, 28, 8, 97, 10, 68, 7, 5, 71, 70, 4, 64, 66, 1, 65, 69, 0, 67, 3, 2], [122, 113, 62, 118, 120, 126, 127, 56, 121, 58, 106, 52, 124, 42, 117, 55, 60, 125, 110, 54, 90, 51, 102, 114, 50, 45, 123, 112, 87, 37, 115, 53, 85, 116, 93, 23, 119, 61, 109, 46, 63, 38, 22, 47, 49, 103, 101, 59, 83, 111, 19, 21, 96, 80, 57, 77, 26, 34, 86, 44, 27, 98, 16, 39, 32, 13, 82, 24, 14, 25, 20, 48, 100, 81, 18, 108, 17, 41, 84, 30, 88, 11, 9, 89, 75, 72, 79, 91, 43, 6, 78, 104, 29, 94, 15, 76, 73, 36, 40, 31, 107, 12, 92, 74, 10, 35, 8, 33, 99, 95, 70, 68, 28, 97, 105, 4, 5, 7, 71, 66, 0, 1, 64, 67, 69, 65, 3, 2], [122, 113, 62, 118, 120, 126, 127, 121, 56, 58, 52, 106, 124, 42, 117, 55, 110, 45, 102, 54, 90, 51, 125, 37, 46, 87, 50, 114, 115, 112, 60, 63, 61, 123, 38, 116, 53, 101, 49, 85, 23, 119, 47, 109, 22, 93, 83, 57, 26, 21, 59, 19, 96, 41, 111, 80, 44, 103, 34, 18, 32, 16, 24, 27, 77, 39, 43, 48, 100, 13, 25, 88, 20, 84, 17, 94, 98, 82, 30, 91, 86, 78, 89, 11, 14, 76, 104, 75, 29, 79, 81, 36, 107, 31, 15, 9, 95, 73, 99, 35, 40, 92, 108, 12, 6, 33, 72, 74, 10, 97, 28, 105, 68, 70, 8, 7, 64, 71, 66, 0, 67, 65, 4, 5, 69, 2, 1, 3], [122, 113, 62, 118, 126, 120, 56, 127, 121, 58, 52, 106, 124, 42, 54, 125, 117, 110, 37, 55, 50, 90, 102, 53, 60, 45, 123, 114, 51, 115, 87, 63, 38, 61, 112, 101, 49, 23, 109, 116, 57, 85, 59, 119, 111, 46, 26, 21, 96, 19, 93, 22, 34, 47, 83, 41, 48, 32, 103, 80, 16, 13, 98, 44, 27, 25, 77, 91, 24, 84, 86, 82, 30, 94, 29, 18, 20, 40, 39, 100, 107, 17, 81, 108, 78, 43, 31, 88, 11, 76, 14, 89, 75, 9, 79, 36, 35, 104, 95, 15, 73, 99, 12, 92, 10, 70, 8, 28, 97, 72, 74, 68, 33, 105, 7, 6, 64, 0, 71, 1, 65, 4, 5, 67, 69, 2, 66, 3], [122, 113, 62, 118, 120, 126, 56, 127, 121, 58, 106, 52, 124, 42, 117, 60, 54, 125, 90, 45, 87, 50, 37, 55, 110, 102, 51, 123, 114, 49, 61, 46, 63, 116, 38, 119, 93, 23, 115, 85, 22, 101, 96, 21, 59, 83, 109, 53, 112, 103, 26, 111, 80, 34, 57, 16, 25, 47, 19, 27, 32, 41, 13, 98, 77, 24, 18, 30, 20, 48, 108, 43, 44, 39, 104, 82, 17, 86, 88, 75, 100, 81, 14, 84, 29, 78, 31, 91, 11, 94, 12, 73, 15, 9, 107, 40, 70, 92, 79, 76, 89, 36, 35, 33, 95, 99, 74, 8, 72, 10, 105, 97, 68, 6, 28, 4, 71, 69, 7, 0, 5, 64, 1, 67, 65, 66, 2, 3], [122, 113, 62, 120, 118, 127, 126, 56, 121, 58, 52, 106, 124, 42, 55, 125, 117, 123, 102, 50, 116, 37, 60, 90, 45, 110, 87, 54, 51, 61, 63, 46, 53, 38, 115, 101, 23, 114, 112, 93, 57, 85, 119, 22, 96, 83, 49, 47, 26, 109, 103, 48, 21, 80, 59, 111, 32, 27, 19, 16, 25, 20, 44, 24, 18, 34, 88, 41, 86, 43, 13, 98, 82, 77, 91, 104, 100, 94, 17, 84, 39, 30, 11, 14, 81, 40, 9, 89, 75, 79, 15, 78, 70, 29, 12, 107, 76, 73, 35, 33, 31, 36, 95, 99, 74, 92, 97, 108, 10, 8, 72, 71, 28, 7, 4, 6, 5, 69, 68, 0, 105, 65, 64, 66, 3, 67, 1, 2], [122, 113, 62, 120, 118, 126, 127, 56, 121, 58, 106, 52, 124, 42, 117, 90, 50, 125, 102, 45, 60, 54, 55, 123, 87, 37, 23, 49, 63, 110, 46, 112, 116, 51, 47, 114, 38, 85, 109, 93, 101, 83, 119, 96, 115, 103, 59, 86, 22, 57, 16, 41, 32, 26, 111, 53, 21, 27, 20, 19, 61, 80, 34, 98, 13, 48, 82, 77, 100, 24, 25, 44, 14, 30, 75, 17, 18, 84, 11, 79, 9, 81, 43, 88, 12, 78, 39, 91, 94, 40, 89, 73, 31, 108, 15, 104, 70, 92, 8, 76, 36, 29, 10, 33, 107, 95, 35, 97, 74, 72, 99, 105, 6, 71, 7, 28, 68, 4, 1, 64, 5, 69, 2, 0, 65, 67, 66, 3], [122, 113, 62, 120, 118, 126, 127, 121, 56, 58, 52, 106, 124, 42, 125, 50, 54, 123, 90, 55, 60, 45, 110, 102, 37, 117, 114, 112, 87, 116, 53, 115, 38, 49, 23, 51, 101, 109, 57, 63, 93, 119, 19, 96, 85, 32, 47, 21, 59, 46, 41, 61, 22, 34, 83, 80, 26, 27, 94, 86, 111, 44, 103, 25, 24, 16, 43, 20, 91, 77, 39, 84, 13, 108, 18, 88, 40, 100, 30, 98, 31, 17, 82, 48, 104, 14, 29, 89, 81, 11, 95, 107, 15, 12, 36, 79, 73, 75, 78, 35, 9, 8, 76, 92, 99, 70, 10, 33, 28, 105, 97, 74, 7, 4, 6, 72, 71, 68, 65, 1, 0, 69, 5, 64, 67, 2, 66, 3], [122, 113, 62, 118, 120, 126, 127, 56, 121, 58, 52, 106, 124, 42, 54, 90, 60, 123, 117, 45, 37, 50, 125, 102, 55, 49, 114, 87, 110, 116, 112, 115, 93, 57, 23, 38, 53, 51, 109, 85, 83, 63, 119, 101, 46, 61, 21, 96, 19, 59, 80, 41, 16, 22, 20, 47, 98, 27, 34, 77, 82, 13, 32, 25, 26, 100, 103, 111, 44, 30, 24, 86, 81, 39, 18, 14, 48, 108, 43, 78, 73, 11, 94, 84, 75, 9, 17, 79, 91, 104, 12, 29, 15, 89, 88, 76, 8, 31, 36, 40, 92, 10, 74, 107, 70, 6, 71, 33, 35, 7, 0, 4, 97, 72, 68, 65, 64, 28, 105, 1, 99, 95, 2, 5, 69, 67, 3, 66], [122, 113, 62, 118, 120, 127, 126, 121, 56, 58, 52, 106, 124, 42, 55, 54, 102, 51, 123, 90, 37, 50, 125, 110, 45, 53, 87, 114, 117, 116, 63, 60, 38, 49, 61, 57, 115, 101, 85, 23, 112, 93, 103, 83, 96, 32, 47, 46, 109, 22, 111, 41, 34, 59, 26, 19, 24, 27, 77, 21, 80, 16, 20, 82, 98, 17, 94, 86, 39, 43, 88, 30, 48, 13, 44, 100, 18, 14, 119, 29, 25, 84, 91, 78, 89, 31, 75, 79, 11, 108, 9, 73, 104, 35, 81, 6, 12, 36, 40, 107, 95, 15, 92, 8, 76, 33, 97, 10, 99, 74, 70, 105, 71, 4, 68, 72, 28, 7, 1, 64, 2, 5, 69, 65, 0, 66, 67, 3], [122, 113, 62, 120, 118, 127, 56, 126, 121, 58, 52, 124, 106, 42, 54, 90, 102, 50, 37, 125, 55, 60, 117, 45, 110, 87, 51, 116, 123, 46, 114, 53, 49, 101, 59, 57, 38, 61, 85, 93, 112, 63, 23, 109, 83, 22, 96, 115, 47, 32, 103, 21, 80, 119, 26, 19, 77, 34, 13, 41, 44, 16, 25, 20, 14, 18, 98, 81, 27, 100, 24, 11, 30, 78, 48, 75, 86, 82, 111, 17, 108, 39, 43, 9, 79, 12, 91, 94, 84, 76, 6, 73, 8, 89, 15, 40, 104, 31, 29, 88, 36, 107, 10, 72, 33, 92, 99, 74, 35, 97, 95, 4, 71, 70, 28, 105, 68, 64, 7, 2, 65, 5, 1, 0, 3, 69, 66, 67], [122, 113, 62, 118, 120, 126, 127, 56, 121, 58, 52, 106, 124, 42, 54, 55, 90, 102, 45, 110, 37, 125, 117, 123, 87, 50, 51, 116, 57, 60, 63, 46, 53, 101, 49, 114, 23, 85, 38, 61, 93, 115, 83, 59, 112, 103, 109, 47, 32, 21, 22, 16, 96, 19, 20, 13, 41, 80, 24, 77, 34, 48, 25, 100, 82, 27, 111, 26, 86, 104, 88, 14, 17, 44, 43, 94, 119, 78, 18, 39, 11, 12, 30, 81, 98, 73, 84, 31, 108, 15, 89, 76, 75, 29, 79, 35, 6, 91, 40, 9, 92, 107, 36, 95, 8, 10, 99, 97, 68, 72, 74, 33, 71, 105, 7, 4, 5, 70, 0, 1, 64, 28, 65, 67, 66, 69, 3, 2], [122, 113, 62, 120, 118, 126, 56, 121, 127, 58, 52, 106, 124, 42, 54, 117, 45, 90, 50, 55, 125, 102, 63, 87, 60, 37, 116, 123, 51, 110, 114, 115, 85, 38, 53, 101, 93, 49, 23, 57, 61, 46, 83, 21, 59, 47, 109, 80, 119, 20, 13, 96, 22, 34, 77, 103, 111, 48, 19, 112, 25, 41, 82, 32, 26, 86, 27, 24, 16, 44, 43, 14, 30, 75, 100, 78, 89, 18, 11, 104, 98, 84, 88, 81, 17, 12, 9, 76, 73, 15, 39, 79, 94, 29, 6, 31, 40, 8, 91, 108, 105, 92, 107, 10, 72, 35, 71, 99, 95, 36, 74, 97, 70, 4, 33, 68, 69, 28, 7, 5, 64, 0, 1, 65, 66, 3, 2, 67]], "model.layers.11.self_attn.q_proj": [[45, 36, 96, 109, 92, 23, 86, 62, 48, 28, 14, 20, 10, 16, 61, 81, 71, 54, 56, 25, 89, 73, 18, 111, 22, 32, 70, 66, 4, 58, 47, 67, 125, 76, 17, 83, 88, 94, 42, 37, 38, 11, 12, 84, 29, 107, 30, 82, 78, 27, 80, 87, 95, 74, 21, 24, 19, 75, 13, 97, 64, 6, 1, 50, 9, 5, 102, 91, 15, 46, 77, 55, 85, 40, 116, 53, 41, 79, 43, 90, 49, 113, 115, 39, 122, 60, 51, 100, 3, 34, 98, 101, 69, 126, 112, 26, 123, 59, 93, 33, 114, 7, 108, 120, 105, 72, 119, 31, 63, 118, 103, 106, 99, 124, 35, 110, 44, 52, 8, 57, 127, 121, 2, 104, 117, 65, 0, 68], [45, 36, 109, 96, 62, 92, 28, 25, 54, 86, 48, 4, 89, 81, 7, 3, 47, 102, 23, 100, 40, 20, 32, 43, 14, 22, 1, 111, 8, 38, 58, 10, 101, 66, 46, 12, 116, 41, 50, 125, 107, 55, 64, 18, 114, 56, 126, 122, 51, 49, 74, 120, 42, 5, 57, 97, 112, 59, 118, 127, 123, 19, 39, 108, 113, 37, 115, 105, 99, 53, 63, 31, 104, 0, 52, 121, 35, 29, 61, 119, 124, 34, 106, 44, 110, 60, 33, 117, 30, 11, 98, 103, 95, 17, 9, 68, 91, 93, 90, 70, 84, 65, 75, 27, 24, 80, 94, 26, 15, 85, 72, 88, 78, 21, 82, 2, 6, 73, 16, 69, 79, 76, 87, 83, 71, 77, 67, 13], [45, 36, 109, 48, 100, 25, 86, 96, 92, 125, 111, 58, 54, 56, 22, 50, 107, 46, 43, 113, 55, 47, 41, 122, 23, 116, 115, 114, 120, 101, 32, 119, 112, 53, 118, 57, 28, 62, 60, 117, 38, 127, 121, 40, 59, 97, 49, 51, 20, 63, 42, 39, 110, 126, 102, 52, 124, 44, 123, 108, 10, 81, 103, 105, 14, 106, 4, 7, 61, 88, 104, 89, 15, 37, 24, 83, 31, 99, 98, 33, 35, 34, 91, 78, 30, 12, 19, 93, 29, 3, 95, 74, 84, 85, 21, 94, 90, 66, 17, 80, 18, 16, 87, 1, 8, 9, 27, 75, 26, 82, 11, 76, 70, 79, 65, 64, 0, 73, 68, 72, 5, 13, 77, 71, 6, 69, 2, 67], [45, 36, 96, 109, 25, 28, 62, 92, 86, 48, 23, 20, 54, 89, 14, 81, 111, 61, 56, 58, 10, 18, 97, 107, 47, 32, 41, 22, 46, 125, 12, 102, 80, 100, 43, 30, 16, 4, 50, 42, 113, 53, 40, 38, 39, 9, 115, 101, 37, 66, 1, 55, 64, 71, 31, 122, 3, 17, 44, 114, 126, 105, 91, 116, 21, 108, 5, 87, 70, 51, 93, 112, 94, 8, 34, 29, 60, 49, 57, 110, 90, 83, 95, 7, 85, 121, 19, 118, 98, 120, 84, 78, 127, 24, 52, 123, 99, 88, 106, 35, 15, 76, 124, 26, 27, 104, 119, 33, 59, 79, 103, 11, 117, 63, 82, 75, 72, 74, 73, 0, 77, 68, 65, 69, 6, 13, 2, 67], [58, 123, 63, 37, 117, 26, 87, 33, 88, 95, 86, 76, 17, 20, 78, 80, 83, 122, 81, 91, 126, 118, 30, 92, 0, 85, 12, 124, 67, 5, 9, 97, 82, 69, 79, 24, 90, 93, 1, 60, 70, 22, 18, 29, 14, 2, 23, 3, 25, 96, 27, 21, 61, 71, 16, 45, 120, 84, 50, 73, 75, 125, 77, 94, 72, 15, 32, 28, 109, 31, 19, 115, 89, 62, 11, 52, 56, 13, 54, 8, 113, 55, 127, 10, 59, 49, 112, 7, 57, 74, 47, 66, 100, 46, 68, 116, 111, 121, 6, 48, 103, 53, 64, 34, 106, 114, 38, 110, 40, 35, 98, 101, 65, 36, 119, 107, 105, 42, 102, 39, 51, 43, 104, 108, 41, 44, 99, 4], [123, 63, 58, 37, 117, 122, 126, 118, 60, 62, 33, 112, 115, 124, 61, 50, 52, 125, 54, 59, 30, 56, 45, 49, 101, 48, 47, 114, 119, 116, 57, 113, 55, 127, 39, 111, 99, 53, 110, 109, 40, 105, 121, 100, 106, 108, 43, 51, 46, 44, 104, 42, 120, 41, 10, 103, 102, 16, 88, 107, 34, 38, 86, 35, 21, 96, 36, 92, 32, 98, 97, 84, 95, 26, 18, 77, 93, 19, 28, 8, 29, 91, 94, 83, 14, 24, 22, 31, 65, 13, 68, 89, 15, 7, 27, 12, 17, 25, 23, 87, 82, 64, 70, 67, 90, 85, 75, 80, 79, 5, 4, 73, 78, 66, 71, 20, 72, 9, 69, 11, 81, 1, 76, 74, 3, 2, 0, 6], [63, 123, 58, 117, 60, 126, 118, 124, 122, 10, 37, 50, 62, 115, 54, 61, 68, 125, 52, 59, 65, 45, 112, 116, 56, 113, 8, 49, 127, 13, 16, 121, 48, 114, 55, 47, 7, 64, 57, 111, 53, 46, 40, 67, 21, 15, 14, 119, 17, 51, 120, 84, 12, 109, 75, 78, 110, 43, 99, 77, 100, 70, 73, 108, 5, 104, 44, 18, 105, 42, 106, 33, 39, 107, 102, 4, 41, 92, 103, 19, 101, 38, 1, 30, 66, 96, 24, 86, 9, 93, 95, 36, 88, 0, 28, 97, 34, 35, 87, 22, 80, 98, 83, 29, 79, 32, 31, 69, 91, 26, 25, 71, 76, 81, 27, 20, 23, 89, 72, 94, 74, 85, 90, 11, 82, 3, 2, 6], [58, 123, 63, 37, 122, 117, 126, 118, 60, 88, 33, 10, 112, 115, 61, 54, 62, 124, 50, 125, 52, 101, 30, 49, 59, 45, 16, 56, 55, 116, 48, 39, 111, 40, 113, 127, 114, 57, 93, 47, 8, 106, 53, 110, 100, 119, 120, 28, 92, 18, 51, 77, 19, 84, 86, 109, 108, 121, 46, 65, 21, 96, 26, 14, 68, 43, 104, 12, 44, 102, 105, 99, 42, 13, 91, 15, 41, 103, 24, 38, 95, 35, 32, 107, 97, 34, 83, 29, 36, 7, 5, 17, 98, 70, 31, 64, 75, 67, 25, 73, 22, 94, 89, 78, 66, 27, 82, 87, 90, 20, 80, 79, 71, 9, 4, 76, 23, 85, 1, 81, 72, 2, 11, 74, 0, 69, 3, 6], [102, 46, 110, 19, 91, 88, 125, 86, 114, 113, 95, 43, 111, 122, 27, 12, 10, 50, 63, 16, 18, 60, 52, 31, 107, 56, 17, 42, 54, 45, 123, 93, 71, 126, 119, 55, 69, 120, 118, 76, 83, 99, 44, 116, 41, 48, 121, 59, 51, 108, 58, 112, 47, 124, 105, 61, 57, 109, 36, 70, 53, 100, 39, 24, 104, 49, 34, 117, 4, 103, 127, 115, 67, 30, 106, 40, 62, 97, 23, 94, 101, 33, 22, 35, 9, 32, 80, 72, 82, 96, 37, 29, 89, 79, 98, 28, 14, 81, 20, 25, 87, 26, 90, 21, 11, 92, 74, 85, 65, 84, 78, 15, 38, 66, 13, 75, 77, 2, 73, 8, 0, 6, 5, 68, 7, 3, 1, 64], [102, 46, 110, 91, 86, 88, 125, 19, 16, 95, 113, 27, 69, 76, 122, 111, 10, 12, 71, 70, 72, 67, 43, 4, 85, 18, 93, 82, 114, 66, 9, 31, 24, 58, 90, 13, 17, 14, 117, 83, 23, 100, 22, 49, 121, 79, 65, 116, 74, 99, 63, 28, 124, 45, 29, 120, 80, 30, 41, 42, 54, 44, 81, 123, 56, 39, 78, 57, 60, 35, 126, 8, 52, 92, 2, 11, 112, 25, 53, 94, 103, 75, 47, 40, 59, 119, 61, 38, 36, 104, 107, 51, 127, 21, 55, 84, 115, 118, 32, 98, 0, 96, 101, 62, 108, 97, 87, 89, 33, 15, 26, 48, 50, 105, 37, 34, 106, 20, 109, 5, 6, 73, 77, 7, 68, 3, 64, 1], [102, 46, 110, 19, 27, 86, 88, 122, 95, 1, 78, 3, 7, 74, 76, 67, 91, 71, 24, 64, 65, 16, 5, 93, 4, 73, 125, 22, 18, 114, 9, 14, 68, 69, 111, 0, 82, 12, 11, 8, 31, 72, 113, 2, 70, 79, 99, 10, 66, 83, 43, 6, 75, 77, 45, 80, 17, 124, 121, 112, 40, 21, 20, 58, 116, 120, 42, 56, 63, 119, 50, 13, 123, 25, 57, 23, 47, 89, 15, 33, 81, 44, 104, 54, 90, 32, 85, 107, 103, 87, 34, 29, 118, 28, 105, 51, 36, 39, 97, 96, 38, 100, 101, 126, 94, 49, 84, 26, 92, 52, 117, 106, 62, 59, 108, 41, 30, 37, 35, 61, 115, 109, 60, 48, 98, 53, 127, 55], [102, 46, 110, 91, 88, 86, 19, 16, 95, 27, 18, 125, 122, 76, 10, 93, 31, 113, 114, 24, 111, 74, 71, 12, 69, 78, 70, 22, 72, 14, 83, 43, 4, 17, 82, 30, 67, 79, 80, 94, 60, 99, 29, 15, 58, 9, 75, 120, 23, 100, 39, 21, 66, 6, 13, 89, 90, 49, 38, 11, 116, 33, 42, 52, 126, 32, 81, 123, 36, 85, 107, 97, 65, 28, 59, 61, 41, 103, 92, 45, 73, 112, 54, 84, 50, 63, 87, 25, 53, 51, 56, 35, 44, 26, 101, 119, 48, 77, 37, 0, 121, 55, 2, 34, 106, 124, 127, 117, 109, 98, 57, 104, 115, 20, 40, 105, 62, 96, 47, 108, 118, 5, 8, 7, 68, 3, 64, 1], [63, 59, 106, 36, 14, 42, 114, 121, 60, 15, 126, 117, 47, 12, 97, 48, 52, 124, 123, 100, 120, 11, 82, 125, 122, 109, 113, 84, 115, 49, 56, 116, 58, 16, 53, 119, 62, 110, 33, 54, 44, 111, 51, 85, 61, 24, 57, 45, 55, 46, 118, 83, 127, 108, 112, 107, 43, 104, 50, 105, 72, 0, 41, 92, 17, 103, 40, 39, 65, 102, 37, 69, 38, 99, 81, 10, 89, 101, 67, 91, 34, 98, 6, 9, 7, 21, 35, 18, 73, 88, 93, 22, 68, 31, 86, 13, 29, 2, 96, 32, 94, 64, 95, 19, 27, 66, 25, 30, 28, 23, 1, 26, 4, 90, 8, 20, 75, 87, 76, 70, 77, 80, 78, 79, 5, 3, 71, 74], [59, 63, 100, 97, 42, 36, 60, 121, 93, 87, 79, 88, 73, 27, 76, 20, 117, 33, 47, 52, 82, 15, 106, 114, 92, 78, 75, 12, 124, 68, 86, 6, 116, 125, 14, 25, 85, 8, 67, 105, 126, 81, 18, 83, 104, 80, 11, 28, 48, 95, 29, 69, 56, 26, 31, 110, 7, 19, 65, 2, 90, 72, 91, 22, 10, 84, 24, 17, 123, 45, 120, 34, 115, 38, 98, 96, 89, 113, 37, 99, 16, 109, 111, 23, 53, 107, 103, 49, 102, 35, 46, 74, 21, 127, 30, 94, 62, 122, 108, 77, 39, 13, 32, 50, 101, 112, 119, 41, 58, 54, 44, 70, 40, 43, 64, 71, 51, 57, 9, 55, 5, 61, 118, 0, 3, 66, 4, 1], [59, 63, 100, 97, 14, 68, 36, 6, 76, 42, 60, 73, 7, 12, 10, 67, 69, 72, 8, 11, 87, 88, 121, 2, 93, 82, 27, 65, 25, 52, 33, 20, 13, 17, 117, 81, 16, 15, 47, 78, 106, 79, 70, 74, 29, 83, 21, 80, 86, 22, 95, 77, 116, 126, 85, 48, 71, 105, 114, 124, 123, 91, 89, 26, 9, 64, 5, 84, 125, 23, 115, 110, 19, 90, 56, 75, 104, 31, 92, 24, 49, 3, 113, 122, 120, 109, 18, 127, 111, 119, 45, 46, 107, 98, 53, 28, 58, 38, 35, 54, 37, 44, 51, 55, 62, 94, 103, 41, 50, 96, 34, 61, 39, 40, 57, 43, 108, 0, 112, 118, 102, 4, 32, 99, 30, 101, 66, 1], [59, 63, 100, 97, 36, 42, 121, 106, 60, 114, 93, 27, 73, 20, 117, 33, 78, 76, 52, 12, 125, 123, 88, 126, 86, 48, 124, 116, 120, 87, 6, 47, 113, 110, 122, 99, 67, 82, 58, 68, 111, 51, 115, 79, 25, 8, 109, 49, 53, 54, 62, 37, 119, 118, 55, 104, 56, 112, 46, 45, 69, 81, 98, 14, 92, 18, 57, 105, 44, 29, 61, 7, 127, 108, 10, 102, 2, 50, 15, 31, 107, 80, 22, 65, 43, 84, 35, 85, 39, 90, 41, 34, 83, 91, 75, 17, 103, 38, 95, 96, 94, 32, 28, 101, 24, 26, 40, 30, 89, 23, 11, 19, 5, 72, 74, 13, 9, 16, 64, 21, 0, 71, 77, 70, 66, 3, 4, 1], [101, 121, 116, 94, 57, 17, 71, 19, 2, 52, 78, 21, 3, 5, 75, 24, 64, 88, 9, 66, 76, 69, 124, 30, 1, 7, 80, 6, 118, 18, 115, 127, 117, 0, 67, 53, 11, 63, 70, 37, 120, 50, 125, 14, 33, 87, 72, 73, 29, 60, 83, 105, 97, 12, 82, 104, 54, 61, 79, 91, 59, 81, 16, 74, 122, 20, 4, 96, 43, 93, 46, 51, 113, 22, 106, 112, 77, 110, 65, 27, 40, 86, 15, 85, 111, 45, 13, 58, 126, 25, 26, 23, 55, 41, 84, 39, 48, 42, 89, 107, 102, 28, 31, 68, 10, 90, 62, 8, 92, 103, 123, 114, 49, 108, 99, 44, 56, 35, 100, 109, 34, 47, 38, 95, 32, 98, 119, 36], [101, 121, 116, 94, 57, 24, 21, 52, 19, 17, 78, 76, 80, 30, 88, 9, 75, 5, 37, 7, 15, 71, 11, 18, 69, 97, 29, 67, 33, 124, 63, 118, 66, 82, 117, 53, 127, 3, 73, 16, 115, 105, 22, 0, 120, 50, 60, 46, 86, 6, 81, 14, 2, 72, 1, 28, 26, 54, 83, 106, 20, 45, 51, 59, 43, 79, 122, 12, 85, 89, 91, 74, 77, 90, 39, 58, 104, 87, 125, 42, 13, 114, 41, 70, 110, 113, 112, 23, 61, 25, 96, 10, 109, 92, 93, 56, 95, 108, 31, 84, 49, 123, 32, 40, 102, 107, 62, 48, 126, 98, 4, 8, 99, 27, 103, 65, 111, 100, 35, 47, 38, 34, 55, 64, 119, 44, 36, 68], [101, 116, 121, 94, 52, 37, 30, 21, 57, 24, 19, 85, 80, 33, 117, 115, 105, 16, 50, 127, 124, 114, 62, 113, 26, 104, 59, 53, 125, 58, 118, 110, 60, 43, 51, 39, 49, 95, 63, 97, 107, 123, 54, 120, 55, 41, 45, 61, 91, 76, 17, 102, 46, 48, 42, 112, 56, 111, 28, 126, 122, 109, 38, 108, 103, 89, 119, 78, 36, 32, 73, 40, 22, 93, 99, 47, 44, 100, 106, 20, 35, 23, 27, 96, 15, 12, 18, 98, 87, 34, 92, 31, 86, 29, 88, 83, 79, 90, 25, 81, 82, 7, 9, 84, 14, 74, 5, 11, 66, 70, 72, 8, 75, 10, 13, 67, 77, 4, 6, 69, 2, 71, 3, 64, 68, 65, 0, 1], [101, 116, 121, 94, 57, 21, 24, 19, 76, 52, 17, 80, 78, 30, 6, 75, 9, 3, 33, 88, 71, 37, 124, 2, 127, 67, 29, 117, 97, 60, 115, 69, 83, 118, 46, 7, 18, 53, 64, 63, 50, 1, 23, 0, 16, 54, 90, 22, 106, 73, 70, 82, 14, 68, 12, 77, 26, 81, 122, 72, 112, 85, 61, 43, 13, 93, 58, 59, 104, 86, 98, 27, 79, 120, 42, 105, 20, 11, 74, 96, 84, 28, 39, 35, 125, 40, 65, 91, 25, 110, 123, 15, 107, 95, 41, 10, 92, 111, 32, 51, 99, 89, 87, 109, 103, 31, 48, 45, 62, 36, 126, 34, 113, 38, 44, 4, 55, 114, 49, 47, 56, 8, 100, 119, 102, 108, 5, 66], [40, 126, 97, 25, 89, 95, 87, 86, 28, 92, 121, 84, 15, 83, 115, 63, 82, 122, 55, 17, 49, 44, 53, 37, 119, 62, 29, 50, 38, 104, 45, 111, 91, 107, 61, 101, 46, 43, 41, 35, 9, 114, 123, 120, 102, 118, 23, 52, 117, 30, 54, 58, 109, 60, 12, 124, 48, 75, 57, 13, 42, 47, 116, 36, 103, 32, 98, 20, 34, 56, 105, 18, 85, 39, 51, 127, 110, 125, 90, 106, 16, 67, 112, 21, 59, 99, 1, 31, 96, 108, 113, 5, 80, 27, 74, 93, 79, 22, 100, 94, 71, 88, 11, 24, 0, 19, 26, 68, 77, 33, 73, 81, 6, 72, 70, 64, 14, 4, 66, 78, 7, 2, 69, 76, 65, 10, 8, 3], [40, 126, 97, 95, 89, 92, 86, 25, 120, 61, 15, 122, 28, 87, 82, 52, 83, 62, 17, 53, 84, 9, 60, 29, 121, 45, 63, 59, 12, 58, 118, 16, 107, 54, 21, 123, 114, 116, 85, 49, 47, 13, 77, 23, 117, 30, 8, 55, 33, 20, 115, 46, 127, 125, 50, 18, 79, 119, 36, 27, 56, 22, 57, 111, 80, 112, 90, 124, 44, 102, 110, 113, 106, 43, 93, 101, 91, 31, 41, 108, 109, 48, 38, 72, 24, 51, 35, 81, 68, 104, 4, 70, 19, 103, 71, 75, 100, 88, 96, 105, 37, 76, 6, 42, 2, 98, 39, 11, 78, 34, 26, 73, 14, 32, 99, 69, 66, 10, 94, 74, 1, 5, 0, 67, 64, 7, 3, 65], [126, 40, 97, 95, 86, 121, 101, 28, 82, 122, 62, 58, 120, 25, 53, 115, 45, 61, 102, 111, 84, 52, 54, 44, 114, 127, 60, 49, 92, 59, 118, 56, 63, 125, 50, 83, 46, 37, 112, 47, 113, 87, 89, 15, 43, 123, 57, 117, 51, 119, 55, 100, 29, 18, 12, 9, 116, 33, 108, 68, 30, 21, 109, 35, 48, 107, 110, 27, 73, 71, 91, 66, 38, 69, 80, 36, 93, 78, 124, 106, 19, 72, 10, 103, 99, 41, 42, 76, 14, 79, 65, 24, 90, 77, 23, 85, 16, 17, 31, 2, 13, 20, 105, 104, 5, 7, 34, 26, 3, 67, 64, 39, 98, 11, 1, 32, 94, 22, 75, 96, 88, 70, 74, 0, 8, 4, 81, 6], [126, 40, 97, 121, 61, 122, 71, 67, 49, 62, 89, 1, 54, 101, 60, 25, 53, 52, 59, 5, 45, 43, 95, 127, 63, 58, 114, 125, 120, 92, 28, 47, 56, 68, 50, 12, 46, 0, 86, 118, 84, 102, 111, 55, 57, 112, 82, 115, 117, 116, 123, 113, 66, 88, 108, 64, 81, 15, 73, 44, 51, 11, 109, 107, 77, 105, 119, 110, 106, 100, 30, 87, 24, 48, 42, 38, 19, 9, 41, 76, 14, 124, 17, 69, 2, 34, 36, 18, 27, 6, 4, 20, 78, 94, 35, 13, 72, 32, 39, 23, 103, 37, 99, 98, 16, 91, 85, 80, 3, 7, 74, 29, 83, 70, 104, 75, 21, 22, 93, 65, 10, 96, 31, 90, 26, 33, 79, 8], [104, 111, 30, 119, 26, 19, 127, 24, 94, 21, 79, 62, 9, 113, 61, 123, 12, 40, 81, 32, 86, 122, 47, 87, 118, 63, 78, 114, 54, 83, 68, 36, 49, 110, 89, 88, 126, 107, 90, 85, 100, 105, 115, 74, 56, 96, 71, 43, 4, 18, 70, 15, 57, 46, 17, 76, 125, 55, 121, 51, 120, 106, 42, 23, 37, 80, 117, 73, 3, 14, 97, 20, 112, 1, 103, 53, 92, 69, 45, 50, 5, 95, 101, 59, 66, 48, 38, 98, 39, 41, 22, 124, 102, 93, 28, 91, 108, 116, 10, 75, 52, 82, 58, 33, 99, 67, 77, 64, 35, 84, 8, 34, 31, 16, 60, 29, 44, 13, 2, 109, 27, 72, 11, 7, 25, 0, 65, 6], [104, 111, 119, 30, 62, 127, 24, 19, 21, 26, 94, 79, 12, 113, 47, 9, 123, 81, 122, 40, 32, 54, 70, 1, 61, 96, 86, 87, 49, 90, 118, 4, 91, 107, 67, 110, 15, 63, 20, 57, 120, 82, 105, 23, 64, 68, 43, 126, 85, 124, 103, 22, 56, 114, 45, 121, 36, 53, 46, 42, 55, 78, 58, 52, 112, 100, 109, 117, 18, 88, 89, 108, 71, 59, 98, 101, 2, 17, 115, 28, 83, 106, 74, 13, 41, 37, 34, 80, 27, 48, 66, 5, 50, 116, 125, 51, 75, 95, 60, 38, 84, 76, 72, 93, 8, 39, 99, 44, 73, 35, 102, 33, 3, 29, 16, 6, 10, 7, 0, 14, 31, 25, 97, 92, 11, 77, 69, 65], [104, 111, 119, 30, 127, 24, 62, 26, 94, 19, 21, 79, 113, 9, 61, 32, 122, 107, 12, 81, 86, 87, 54, 123, 40, 63, 47, 36, 105, 49, 70, 103, 117, 43, 114, 110, 56, 118, 100, 57, 126, 41, 83, 108, 85, 89, 96, 120, 90, 46, 37, 53, 28, 45, 95, 68, 88, 48, 42, 74, 115, 51, 112, 121, 39, 101, 38, 55, 1, 18, 125, 15, 4, 20, 78, 58, 76, 23, 17, 35, 91, 99, 59, 13, 98, 116, 52, 106, 44, 124, 93, 109, 50, 34, 102, 29, 97, 71, 67, 73, 64, 60, 82, 31, 33, 92, 72, 22, 14, 77, 80, 27, 66, 25, 3, 75, 84, 10, 5, 16, 2, 11, 8, 69, 0, 6, 7, 65], [104, 111, 30, 119, 24, 26, 19, 94, 79, 127, 81, 12, 61, 9, 21, 62, 32, 113, 78, 40, 118, 87, 90, 47, 96, 91, 54, 22, 123, 88, 100, 36, 4, 23, 85, 86, 18, 124, 15, 89, 107, 74, 110, 80, 63, 95, 72, 17, 53, 43, 122, 57, 83, 126, 98, 70, 120, 114, 45, 50, 49, 56, 20, 42, 37, 58, 125, 101, 34, 102, 105, 46, 112, 55, 14, 103, 35, 48, 16, 84, 7, 29, 76, 115, 97, 93, 25, 31, 99, 5, 82, 27, 51, 75, 41, 117, 109, 39, 59, 121, 38, 28, 44, 33, 92, 71, 2, 106, 52, 116, 108, 11, 60, 10, 6, 13, 68, 67, 1, 8, 77, 73, 64, 66, 69, 3, 0, 65], [59, 119, 46, 104, 51, 113, 61, 48, 56, 115, 98, 120, 116, 109, 57, 52, 49, 55, 53, 124, 60, 126, 63, 42, 112, 117, 122, 110, 50, 54, 118, 58, 111, 45, 47, 107, 121, 62, 106, 114, 123, 37, 125, 105, 41, 43, 127, 44, 39, 108, 36, 101, 38, 30, 24, 103, 33, 93, 86, 96, 89, 40, 35, 92, 102, 26, 88, 32, 95, 90, 97, 99, 100, 29, 27, 34, 80, 28, 91, 25, 20, 94, 31, 22, 87, 84, 16, 17, 18, 82, 85, 75, 13, 77, 23, 19, 21, 11, 68, 5, 83, 8, 76, 3, 14, 78, 9, 7, 81, 6, 79, 73, 2, 74, 0, 4, 1, 10, 66, 64, 15, 72, 12, 69, 65, 67, 70, 71], [46, 59, 104, 51, 53, 98, 117, 93, 91, 113, 48, 119, 49, 36, 37, 26, 114, 121, 55, 89, 61, 127, 110, 41, 30, 33, 120, 23, 57, 112, 109, 97, 54, 90, 115, 38, 107, 50, 63, 44, 83, 122, 56, 111, 94, 78, 84, 95, 106, 82, 52, 125, 118, 108, 45, 60, 99, 123, 116, 39, 102, 62, 43, 58, 27, 101, 100, 103, 105, 47, 32, 34, 35, 124, 25, 126, 96, 92, 21, 28, 18, 87, 42, 88, 80, 24, 75, 85, 22, 31, 40, 86, 81, 29, 15, 19, 13, 17, 20, 16, 77, 11, 14, 72, 79, 66, 9, 76, 74, 68, 8, 4, 73, 2, 64, 0, 70, 6, 3, 12, 5, 65, 1, 69, 71, 10, 67, 7], [46, 59, 48, 104, 51, 119, 61, 117, 113, 123, 98, 53, 55, 57, 56, 109, 126, 50, 114, 120, 37, 116, 63, 52, 93, 115, 60, 112, 49, 124, 122, 127, 42, 54, 110, 121, 118, 106, 44, 58, 45, 47, 41, 105, 111, 125, 43, 38, 62, 32, 29, 85, 89, 108, 36, 103, 107, 35, 31, 92, 39, 90, 95, 33, 84, 102, 91, 86, 97, 101, 96, 80, 26, 100, 99, 21, 28, 82, 30, 40, 25, 88, 34, 23, 20, 27, 24, 78, 68, 18, 22, 94, 75, 87, 16, 17, 11, 3, 77, 2, 83, 8, 14, 13, 0, 72, 5, 4, 65, 6, 9, 19, 73, 81, 74, 1, 79, 66, 70, 15, 10, 7, 76, 69, 67, 64, 71, 12], [104, 59, 98, 46, 83, 79, 23, 21, 81, 37, 76, 74, 48, 91, 8, 5, 69, 12, 7, 72, 78, 119, 71, 2, 3, 64, 66, 110, 67, 15, 84, 40, 19, 26, 25, 62, 10, 85, 14, 16, 27, 17, 18, 89, 87, 93, 13, 75, 31, 90, 20, 1, 51, 30, 94, 0, 73, 88, 77, 22, 86, 11, 29, 24, 70, 65, 92, 82, 9, 80, 4, 53, 6, 28, 32, 68, 96, 33, 95, 52, 61, 100, 108, 34, 99, 116, 115, 112, 39, 35, 102, 106, 56, 120, 54, 97, 36, 55, 101, 103, 113, 45, 111, 117, 50, 44, 38, 118, 124, 127, 122, 123, 109, 126, 58, 49, 121, 105, 60, 41, 42, 43, 47, 114, 57, 63, 107, 125]], "model.layers.11.self_attn.k_proj": [[109, 45, 32, 100, 54, 48, 92, 25, 56, 20, 23, 81, 47, 14, 62, 58, 107, 22, 16, 61, 112, 76, 85, 18, 69, 0, 68, 65, 120, 125, 86, 30, 55, 10, 73, 31, 122, 42, 59, 12, 7, 50, 71, 123, 72, 111, 118, 51, 2, 57, 43, 46, 126, 116, 38, 19, 3, 53, 113, 63, 40, 37, 13, 114, 102, 41, 124, 60, 108, 95, 119, 115, 93, 104, 127, 117, 44, 110, 39, 121, 49, 80, 52, 94, 11, 33, 101, 106, 97, 75, 99, 90, 91, 87, 96, 98, 17, 35, 105, 15, 28, 74, 77, 6, 103, 34, 29, 67, 27, 26, 24, 84, 5, 66, 21, 83, 88, 79, 36, 9, 82, 8, 64, 89, 78, 1, 70, 4], [58, 123, 63, 101, 126, 118, 117, 31, 61, 60, 50, 124, 86, 125, 52, 91, 62, 115, 20, 17, 121, 97, 55, 47, 56, 113, 49, 120, 111, 127, 112, 122, 59, 57, 48, 54, 53, 116, 45, 26, 119, 114, 78, 46, 76, 109, 51, 110, 108, 88, 73, 43, 75, 107, 44, 106, 32, 40, 103, 66, 42, 69, 37, 104, 41, 80, 105, 82, 39, 102, 99, 79, 36, 38, 89, 100, 70, 98, 93, 87, 96, 30, 34, 35, 33, 92, 19, 72, 27, 94, 25, 21, 74, 83, 29, 67, 13, 28, 64, 65, 5, 81, 95, 6, 90, 23, 71, 24, 11, 7, 16, 4, 9, 18, 85, 12, 8, 15, 10, 22, 84, 77, 1, 68, 0, 3, 14, 2], [110, 38, 46, 86, 91, 78, 88, 125, 18, 122, 19, 16, 31, 76, 111, 7, 114, 73, 3, 74, 1, 43, 5, 113, 64, 45, 121, 58, 49, 47, 120, 93, 56, 124, 6, 9, 42, 68, 17, 40, 15, 116, 119, 57, 63, 72, 62, 50, 13, 44, 123, 112, 99, 54, 103, 67, 35, 27, 118, 61, 59, 75, 11, 105, 41, 36, 2, 126, 108, 101, 107, 96, 90, 30, 70, 51, 55, 20, 106, 115, 82, 104, 8, 127, 21, 48, 60, 109, 100, 52, 117, 81, 87, 29, 34, 26, 94, 97, 37, 89, 79, 98, 53, 32, 66, 33, 24, 85, 39, 92, 95, 10, 28, 22, 80, 65, 25, 23, 84, 69, 14, 12, 71, 83, 0, 77, 4, 102], [59, 63, 36, 33, 121, 87, 117, 124, 93, 19, 106, 25, 60, 126, 95, 114, 81, 27, 26, 56, 125, 20, 116, 113, 47, 48, 42, 21, 53, 119, 52, 110, 86, 49, 80, 54, 123, 46, 16, 79, 58, 77, 111, 10, 98, 104, 100, 115, 122, 18, 45, 120, 55, 88, 78, 39, 51, 50, 7, 101, 40, 13, 118, 76, 41, 112, 108, 127, 105, 61, 35, 62, 109, 22, 102, 44, 34, 9, 43, 57, 38, 4, 107, 103, 69, 72, 28, 99, 37, 70, 14, 32, 74, 85, 92, 75, 3, 11, 0, 94, 96, 91, 30, 31, 73, 15, 97, 66, 17, 67, 89, 82, 71, 90, 24, 83, 6, 29, 65, 1, 23, 68, 12, 84, 2, 8, 64, 5], [121, 116, 37, 21, 24, 80, 78, 9, 75, 19, 17, 30, 57, 76, 64, 71, 69, 6, 2, 3, 97, 46, 53, 94, 124, 66, 127, 118, 65, 60, 74, 1, 59, 120, 115, 5, 63, 70, 43, 4, 122, 125, 79, 41, 93, 82, 73, 40, 50, 13, 91, 117, 42, 8, 104, 113, 88, 61, 7, 101, 0, 90, 67, 89, 33, 112, 15, 58, 92, 12, 28, 110, 107, 45, 87, 114, 34, 27, 86, 32, 108, 111, 22, 96, 99, 26, 109, 126, 55, 54, 23, 39, 31, 68, 51, 11, 10, 48, 105, 49, 84, 47, 123, 18, 72, 62, 106, 35, 29, 38, 25, 100, 20, 95, 102, 119, 44, 56, 98, 103, 14, 77, 36, 52, 16, 83, 85, 81], [126, 104, 33, 86, 28, 122, 121, 31, 62, 54, 118, 25, 60, 58, 17, 61, 53, 115, 87, 52, 127, 120, 50, 15, 63, 56, 114, 47, 49, 125, 108, 84, 113, 112, 3, 59, 100, 57, 64, 45, 46, 65, 37, 9, 82, 111, 42, 12, 109, 110, 117, 43, 75, 92, 123, 55, 116, 7, 70, 69, 107, 48, 51, 99, 106, 13, 29, 41, 83, 16, 124, 85, 105, 44, 0, 38, 102, 74, 119, 1, 39, 91, 94, 36, 8, 103, 66, 68, 19, 78, 89, 2, 4, 26, 34, 98, 101, 88, 32, 27, 96, 93, 11, 35, 81, 71, 95, 21, 90, 10, 24, 30, 6, 80, 14, 18, 22, 97, 72, 77, 23, 67, 79, 76, 20, 73, 5, 40], [40, 111, 47, 119, 94, 24, 127, 113, 26, 21, 62, 19, 110, 81, 122, 78, 114, 49, 123, 79, 118, 56, 63, 32, 12, 55, 120, 121, 105, 57, 61, 58, 126, 115, 43, 108, 54, 59, 42, 107, 87, 106, 9, 46, 18, 45, 125, 124, 104, 112, 48, 69, 116, 117, 51, 53, 37, 7, 39, 11, 41, 100, 60, 52, 109, 50, 38, 16, 36, 80, 44, 86, 73, 96, 28, 103, 99, 95, 102, 3, 101, 33, 91, 10, 30, 93, 89, 0, 97, 65, 71, 4, 35, 90, 13, 75, 76, 98, 23, 20, 27, 34, 82, 92, 31, 29, 15, 68, 22, 88, 25, 8, 84, 17, 74, 2, 14, 77, 66, 83, 85, 6, 72, 64, 70, 5, 1, 67], [40, 59, 46, 34, 110, 74, 76, 79, 7, 83, 81, 6, 21, 8, 5, 78, 2, 23, 93, 3, 0, 48, 1, 119, 9, 62, 27, 91, 117, 52, 115, 116, 77, 30, 45, 4, 89, 57, 49, 90, 64, 84, 56, 113, 126, 58, 122, 55, 120, 51, 47, 123, 118, 65, 108, 54, 109, 60, 42, 121, 124, 127, 112, 53, 61, 92, 63, 43, 125, 50, 44, 68, 37, 101, 38, 80, 111, 107, 15, 97, 72, 70, 88, 75, 114, 82, 87, 73, 105, 31, 41, 36, 102, 22, 18, 33, 95, 66, 86, 28, 103, 99, 106, 12, 39, 96, 104, 85, 11, 13, 94, 35, 67, 98, 32, 25, 29, 100, 24, 71, 20, 17, 19, 16, 26, 14, 10, 69]], "model.layers.11.self_attn.qk_proj": [[59, 126, 63, 46, 121, 111, 116, 110, 58, 123, 45, 109, 54, 117, 104, 60, 57, 40, 94, 56, 37, 125, 122, 62, 61, 101, 113, 114, 36, 88, 48, 24, 118, 127, 119, 27, 47, 22, 124, 83, 21, 49, 30, 19, 78, 53, 115, 76, 17, 14, 55, 120, 100, 51, 89, 81, 12, 85, 33, 52, 102, 95, 80, 50, 86, 32, 43, 16, 28, 97, 108, 87, 91, 9, 90, 23, 112, 42, 7, 92, 71, 38, 29, 31, 44, 93, 25, 41, 73, 107, 15, 10, 82, 96, 75, 69, 74, 34, 20, 79, 3, 11, 106, 5, 18, 67, 2, 84, 105, 0, 26, 6, 66, 98, 64, 99, 39, 70, 68, 72, 103, 13, 77, 4, 1, 65, 35, 8], [59, 126, 46, 63, 121, 111, 116, 110, 58, 45, 123, 109, 54, 117, 60, 104, 57, 94, 40, 56, 113, 122, 101, 127, 37, 36, 119, 114, 88, 118, 125, 24, 61, 62, 22, 49, 27, 53, 30, 48, 76, 52, 21, 83, 115, 124, 47, 55, 78, 120, 100, 19, 81, 51, 95, 43, 14, 12, 42, 86, 108, 17, 85, 50, 33, 97, 80, 91, 90, 16, 89, 28, 9, 23, 112, 102, 92, 44, 38, 25, 107, 7, 31, 20, 79, 32, 87, 93, 71, 34, 73, 29, 105, 15, 96, 10, 106, 18, 69, 41, 74, 6, 82, 26, 5, 75, 84, 11, 0, 98, 2, 64, 66, 99, 67, 72, 39, 103, 3, 1, 70, 65, 68, 77, 4, 35, 8, 13], [59, 126, 121, 46, 63, 111, 110, 116, 58, 45, 123, 109, 54, 117, 104, 40, 94, 122, 61, 37, 101, 36, 56, 125, 57, 60, 113, 114, 24, 88, 62, 119, 118, 48, 127, 124, 27, 53, 30, 47, 21, 100, 52, 51, 22, 83, 19, 55, 115, 50, 49, 33, 102, 95, 43, 42, 76, 28, 78, 120, 108, 17, 86, 91, 89, 85, 38, 112, 106, 81, 32, 12, 23, 97, 14, 92, 93, 31, 90, 80, 87, 44, 107, 16, 29, 96, 25, 9, 73, 105, 34, 41, 71, 20, 7, 79, 84, 98, 10, 99, 26, 69, 11, 82, 18, 74, 15, 75, 6, 5, 66, 0, 103, 64, 2, 3, 67, 39, 70, 1, 65, 68, 35, 72, 4, 8, 13, 77], [59, 126, 63, 46, 121, 111, 116, 110, 58, 123, 45, 109, 54, 117, 60, 104, 40, 57, 94, 36, 37, 122, 61, 56, 62, 114, 127, 101, 113, 24, 49, 119, 88, 118, 124, 48, 30, 27, 52, 47, 115, 125, 120, 95, 19, 22, 55, 21, 53, 50, 100, 83, 42, 28, 89, 14, 76, 108, 78, 102, 43, 81, 90, 17, 51, 12, 97, 92, 33, 85, 91, 32, 16, 31, 86, 80, 44, 38, 93, 87, 105, 107, 23, 64, 25, 73, 71, 96, 75, 29, 106, 112, 26, 9, 41, 7, 69, 2, 67, 74, 20, 79, 34, 0, 66, 11, 18, 98, 99, 82, 10, 3, 39, 5, 84, 6, 15, 103, 70, 68, 72, 35, 65, 4, 1, 8, 13, 77], [59, 126, 63, 46, 121, 111, 116, 110, 58, 123, 45, 109, 117, 54, 104, 40, 122, 61, 57, 60, 56, 94, 127, 36, 37, 118, 62, 113, 101, 119, 24, 125, 114, 88, 48, 49, 52, 124, 83, 21, 30, 120, 19, 76, 22, 115, 47, 55, 27, 78, 53, 12, 95, 85, 80, 28, 100, 42, 43, 50, 17, 51, 16, 102, 81, 89, 108, 33, 14, 112, 23, 97, 91, 92, 90, 32, 107, 25, 86, 7, 31, 71, 105, 93, 29, 44, 73, 9, 87, 41, 96, 0, 38, 15, 75, 106, 64, 82, 79, 20, 74, 66, 2, 10, 98, 67, 18, 84, 69, 26, 99, 34, 70, 11, 65, 3, 5, 103, 6, 39, 8, 1, 72, 68, 13, 77, 4, 35], [59, 126, 63, 46, 121, 111, 116, 110, 58, 123, 45, 109, 54, 117, 104, 60, 40, 57, 127, 122, 56, 113, 94, 114, 61, 36, 118, 37, 48, 101, 62, 88, 24, 119, 49, 22, 125, 83, 30, 52, 21, 27, 78, 19, 124, 12, 120, 76, 53, 81, 85, 95, 47, 14, 97, 17, 80, 115, 55, 43, 42, 16, 89, 28, 50, 51, 108, 100, 92, 102, 33, 86, 91, 25, 90, 107, 32, 73, 23, 9, 31, 96, 87, 79, 71, 7, 105, 44, 29, 20, 15, 93, 74, 82, 10, 112, 75, 69, 38, 99, 41, 26, 67, 18, 34, 11, 106, 70, 103, 84, 66, 5, 98, 3, 0, 64, 68, 6, 8, 2, 65, 39, 4, 1, 35, 77, 13, 72], [59, 126, 46, 63, 121, 116, 111, 110, 58, 123, 45, 109, 117, 54, 60, 104, 94, 40, 57, 36, 37, 113, 101, 24, 114, 127, 122, 88, 48, 21, 61, 118, 119, 56, 83, 19, 125, 27, 22, 62, 78, 30, 53, 49, 14, 17, 52, 95, 85, 76, 81, 12, 120, 124, 89, 86, 16, 100, 80, 55, 50, 28, 32, 115, 42, 43, 47, 112, 33, 92, 91, 87, 9, 102, 23, 97, 107, 51, 108, 38, 90, 71, 20, 96, 93, 31, 7, 11, 82, 75, 73, 25, 44, 29, 5, 41, 74, 18, 15, 34, 99, 10, 79, 105, 26, 67, 106, 98, 84, 69, 3, 39, 70, 64, 103, 2, 66, 8, 1, 6, 13, 0, 68, 4, 35, 72, 65, 77], [59, 126, 46, 121, 63, 116, 111, 110, 58, 45, 123, 109, 104, 40, 54, 94, 117, 60, 113, 24, 101, 37, 122, 36, 27, 88, 83, 57, 114, 127, 61, 22, 21, 47, 30, 52, 19, 118, 76, 56, 119, 125, 12, 62, 53, 48, 124, 78, 86, 81, 85, 49, 95, 17, 100, 14, 89, 115, 80, 91, 33, 55, 16, 28, 120, 50, 102, 92, 23, 42, 87, 43, 51, 7, 90, 32, 44, 9, 112, 108, 20, 38, 25, 82, 11, 97, 93, 75, 31, 29, 71, 15, 79, 73, 107, 106, 18, 10, 26, 5, 84, 64, 34, 41, 69, 74, 2, 70, 96, 0, 105, 3, 98, 8, 66, 99, 103, 67, 39, 1, 65, 4, 72, 6, 13, 68, 77, 35], [59, 126, 121, 46, 63, 111, 116, 110, 58, 45, 123, 109, 117, 104, 40, 94, 54, 60, 56, 36, 57, 122, 88, 101, 62, 37, 24, 114, 61, 119, 27, 49, 125, 118, 83, 113, 22, 19, 30, 21, 52, 124, 48, 100, 47, 127, 78, 55, 51, 89, 120, 85, 115, 17, 14, 76, 81, 12, 43, 86, 53, 80, 33, 95, 102, 38, 91, 28, 50, 42, 90, 108, 16, 23, 32, 107, 112, 92, 106, 93, 97, 44, 87, 31, 73, 9, 34, 7, 71, 15, 25, 18, 29, 41, 20, 10, 96, 11, 79, 105, 5, 82, 69, 98, 75, 26, 103, 84, 2, 99, 64, 0, 74, 66, 70, 67, 65, 3, 8, 6, 1, 4, 39, 72, 68, 77, 13, 35], [59, 126, 46, 121, 63, 111, 116, 110, 58, 123, 45, 109, 104, 54, 56, 60, 117, 40, 122, 57, 113, 94, 101, 37, 61, 62, 88, 36, 24, 114, 125, 127, 27, 119, 48, 83, 118, 19, 49, 47, 115, 21, 52, 22, 30, 120, 124, 76, 78, 85, 100, 51, 43, 86, 33, 12, 17, 14, 89, 80, 53, 55, 42, 81, 95, 108, 91, 92, 32, 16, 28, 97, 23, 50, 73, 31, 87, 38, 9, 90, 7, 102, 93, 15, 25, 105, 71, 112, 96, 79, 44, 107, 41, 69, 10, 18, 29, 67, 75, 84, 74, 11, 34, 3, 82, 20, 6, 106, 103, 26, 66, 64, 98, 0, 2, 5, 70, 8, 99, 1, 13, 68, 4, 39, 77, 72, 65, 35], [59, 126, 63, 121, 46, 111, 110, 116, 58, 123, 45, 109, 104, 117, 122, 54, 40, 113, 56, 61, 60, 125, 94, 62, 57, 37, 48, 114, 101, 24, 127, 88, 118, 36, 124, 119, 49, 21, 115, 47, 19, 52, 78, 83, 120, 30, 33, 22, 27, 76, 95, 12, 100, 50, 80, 28, 17, 85, 53, 14, 102, 43, 42, 16, 51, 81, 97, 86, 89, 73, 55, 91, 23, 25, 92, 108, 41, 32, 90, 7, 106, 38, 74, 9, 71, 29, 107, 66, 96, 79, 15, 10, 18, 6, 31, 87, 11, 34, 69, 93, 82, 20, 2, 0, 5, 75, 105, 64, 98, 26, 112, 84, 70, 67, 8, 3, 44, 13, 99, 4, 68, 1, 65, 72, 103, 77, 39, 35], [59, 126, 63, 46, 121, 111, 116, 110, 58, 123, 109, 45, 117, 104, 54, 40, 122, 60, 118, 56, 61, 113, 88, 57, 62, 114, 94, 48, 36, 101, 127, 37, 124, 24, 49, 19, 125, 21, 78, 83, 119, 30, 12, 22, 52, 115, 27, 76, 80, 17, 14, 47, 81, 16, 95, 120, 85, 86, 28, 100, 91, 33, 89, 50, 43, 102, 55, 108, 97, 51, 71, 53, 73, 32, 23, 90, 42, 7, 92, 10, 9, 11, 15, 38, 25, 41, 107, 82, 112, 105, 20, 87, 31, 74, 29, 18, 79, 96, 106, 69, 75, 5, 6, 0, 93, 84, 34, 3, 99, 67, 64, 1, 44, 98, 2, 26, 66, 65, 8, 72, 4, 70, 103, 13, 77, 39, 68, 35], [59, 126, 46, 63, 121, 111, 116, 110, 58, 45, 123, 109, 54, 117, 104, 40, 60, 122, 94, 24, 57, 88, 113, 48, 56, 49, 36, 101, 37, 114, 62, 61, 27, 124, 119, 125, 127, 19, 118, 83, 22, 78, 21, 12, 30, 55, 17, 115, 14, 80, 47, 50, 81, 76, 85, 52, 86, 120, 100, 108, 89, 95, 28, 53, 43, 91, 16, 33, 51, 42, 92, 97, 23, 25, 31, 38, 79, 32, 90, 44, 105, 15, 73, 112, 82, 9, 102, 29, 71, 87, 93, 74, 41, 7, 10, 96, 84, 69, 18, 34, 11, 107, 20, 75, 106, 26, 103, 3, 6, 99, 98, 67, 39, 5, 72, 0, 8, 2, 66, 65, 1, 70, 64, 13, 77, 35, 68, 4], [59, 126, 46, 63, 121, 111, 116, 110, 58, 123, 45, 109, 104, 54, 60, 40, 117, 114, 94, 122, 57, 48, 127, 37, 36, 61, 113, 49, 47, 56, 62, 101, 50, 21, 24, 88, 12, 27, 119, 125, 124, 22, 118, 78, 19, 14, 76, 83, 30, 52, 80, 97, 53, 95, 17, 28, 81, 55, 16, 120, 86, 115, 89, 100, 51, 73, 85, 9, 108, 112, 92, 43, 7, 25, 90, 71, 33, 91, 102, 10, 15, 87, 44, 79, 23, 107, 32, 31, 69, 29, 82, 42, 38, 18, 20, 64, 96, 6, 74, 11, 0, 106, 34, 93, 84, 75, 26, 41, 5, 66, 99, 67, 105, 2, 70, 1, 3, 98, 72, 39, 103, 65, 68, 4, 35, 13, 8, 77], [59, 126, 46, 121, 63, 111, 116, 110, 58, 123, 45, 109, 117, 104, 54, 40, 60, 114, 113, 94, 122, 61, 56, 57, 36, 49, 37, 88, 24, 101, 48, 125, 127, 118, 62, 119, 27, 19, 21, 124, 30, 78, 22, 12, 83, 17, 47, 55, 50, 52, 14, 16, 115, 76, 89, 80, 100, 51, 95, 85, 86, 53, 81, 97, 91, 28, 120, 108, 102, 33, 92, 43, 23, 107, 31, 9, 38, 42, 25, 32, 7, 90, 44, 41, 71, 112, 73, 93, 29, 15, 11, 87, 105, 74, 82, 10, 106, 18, 20, 79, 84, 34, 96, 69, 6, 98, 5, 99, 75, 0, 3, 26, 72, 70, 66, 39, 67, 64, 103, 2, 35, 65, 68, 4, 8, 1, 13, 77], [59, 126, 63, 46, 121, 111, 116, 110, 58, 123, 45, 109, 117, 54, 60, 104, 40, 127, 56, 57, 61, 122, 94, 48, 37, 36, 114, 113, 118, 88, 124, 101, 49, 24, 62, 83, 30, 27, 19, 78, 52, 115, 119, 21, 12, 47, 125, 22, 81, 55, 100, 120, 17, 16, 95, 97, 50, 85, 80, 89, 14, 86, 43, 53, 76, 51, 102, 108, 91, 33, 107, 112, 90, 42, 28, 41, 32, 73, 23, 7, 9, 71, 31, 25, 10, 74, 29, 92, 96, 105, 34, 15, 44, 11, 106, 87, 18, 75, 20, 82, 98, 79, 69, 99, 93, 38, 67, 0, 84, 64, 3, 26, 5, 6, 70, 103, 66, 72, 2, 68, 35, 4, 65, 1, 8, 13, 39, 77], [59, 126, 46, 63, 121, 116, 111, 110, 58, 45, 123, 109, 104, 117, 60, 40, 54, 122, 49, 56, 24, 101, 57, 114, 94, 37, 88, 61, 27, 125, 48, 36, 127, 83, 30, 19, 113, 22, 62, 47, 85, 78, 21, 119, 118, 120, 12, 55, 52, 81, 16, 100, 14, 124, 86, 43, 17, 95, 76, 80, 89, 115, 97, 50, 33, 42, 9, 108, 51, 91, 28, 53, 112, 90, 31, 32, 23, 92, 73, 25, 41, 71, 44, 15, 107, 87, 74, 102, 106, 82, 20, 79, 38, 75, 7, 29, 93, 105, 96, 10, 34, 98, 18, 11, 84, 26, 72, 69, 99, 70, 5, 0, 3, 103, 64, 35, 67, 2, 4, 68, 39, 65, 66, 1, 77, 13, 6, 8], [59, 126, 46, 63, 121, 111, 116, 110, 58, 45, 123, 109, 104, 117, 60, 54, 40, 94, 56, 57, 127, 114, 101, 24, 122, 113, 36, 37, 118, 88, 119, 49, 27, 19, 48, 62, 125, 83, 21, 22, 61, 78, 12, 30, 55, 124, 47, 52, 86, 14, 95, 50, 120, 100, 115, 17, 81, 80, 85, 16, 97, 42, 76, 89, 33, 28, 91, 43, 44, 23, 53, 112, 31, 102, 51, 108, 9, 90, 32, 38, 25, 92, 20, 41, 107, 73, 82, 71, 106, 87, 18, 93, 105, 7, 79, 15, 84, 29, 74, 11, 96, 34, 26, 10, 98, 64, 69, 5, 67, 75, 103, 70, 2, 0, 66, 72, 99, 3, 35, 77, 1, 39, 6, 8, 65, 4, 68, 13], [59, 126, 46, 63, 121, 111, 116, 110, 58, 45, 123, 109, 117, 49, 104, 56, 36, 122, 57, 94, 118, 61, 54, 119, 114, 40, 60, 101, 127, 88, 125, 113, 37, 48, 24, 83, 27, 52, 62, 124, 30, 120, 19, 85, 115, 43, 55, 47, 50, 22, 17, 21, 14, 102, 51, 53, 81, 95, 108, 12, 100, 78, 33, 76, 38, 80, 112, 16, 86, 42, 97, 89, 32, 41, 91, 28, 107, 31, 105, 93, 25, 92, 106, 23, 90, 87, 82, 29, 73, 7, 96, 71, 99, 18, 44, 69, 20, 34, 0, 84, 9, 79, 11, 26, 10, 103, 70, 67, 74, 66, 98, 5, 64, 3, 35, 15, 75, 2, 39, 1, 68, 6, 8, 65, 77, 72, 4, 13], [59, 126, 63, 46, 121, 111, 116, 110, 58, 123, 45, 109, 117, 104, 54, 40, 60, 114, 56, 94, 57, 49, 127, 101, 37, 36, 122, 24, 118, 113, 61, 88, 27, 22, 48, 125, 119, 124, 115, 30, 19, 83, 62, 52, 21, 14, 95, 47, 120, 81, 100, 53, 89, 12, 51, 17, 97, 50, 78, 55, 108, 33, 76, 86, 28, 85, 102, 16, 43, 91, 112, 80, 90, 25, 42, 31, 73, 92, 23, 93, 107, 106, 105, 41, 38, 44, 32, 9, 87, 96, 29, 20, 7, 82, 18, 34, 79, 10, 11, 5, 71, 98, 69, 15, 74, 84, 26, 70, 99, 103, 75, 64, 2, 0, 66, 72, 67, 6, 35, 3, 39, 8, 77, 65, 68, 4, 1, 13], [59, 126, 46, 63, 121, 111, 116, 110, 58, 123, 45, 109, 117, 104, 60, 54, 40, 56, 113, 114, 48, 94, 122, 118, 57, 49, 125, 36, 127, 124, 24, 88, 37, 61, 101, 62, 19, 52, 22, 27, 83, 119, 47, 21, 30, 78, 55, 12, 95, 81, 115, 76, 16, 14, 120, 100, 17, 89, 86, 108, 80, 97, 85, 50, 33, 51, 28, 42, 91, 53, 102, 9, 112, 90, 43, 23, 105, 41, 29, 32, 20, 7, 107, 25, 73, 92, 31, 106, 71, 38, 93, 74, 87, 18, 79, 10, 5, 44, 96, 82, 69, 75, 11, 98, 70, 64, 3, 34, 84, 66, 15, 26, 6, 67, 0, 2, 68, 99, 103, 39, 72, 77, 8, 4, 13, 65, 1, 35], [59, 126, 46, 63, 121, 111, 116, 110, 58, 123, 45, 109, 117, 104, 113, 94, 60, 40, 54, 114, 56, 118, 48, 125, 122, 57, 88, 49, 101, 37, 36, 24, 119, 61, 52, 124, 127, 62, 21, 27, 83, 30, 19, 22, 100, 33, 47, 43, 115, 55, 78, 50, 81, 17, 12, 95, 108, 85, 80, 120, 89, 53, 14, 102, 16, 97, 86, 91, 76, 28, 106, 90, 32, 51, 42, 112, 38, 31, 92, 107, 87, 23, 105, 9, 93, 7, 71, 96, 25, 20, 74, 11, 82, 29, 18, 73, 79, 34, 10, 41, 15, 99, 75, 26, 67, 6, 103, 0, 2, 84, 98, 69, 64, 44, 3, 5, 66, 35, 8, 72, 39, 70, 1, 77, 65, 68, 13, 4], [59, 126, 46, 63, 121, 116, 110, 111, 58, 45, 123, 109, 104, 40, 54, 117, 60, 56, 94, 113, 125, 122, 61, 37, 118, 57, 48, 24, 101, 119, 36, 88, 62, 49, 114, 22, 30, 127, 124, 83, 19, 100, 52, 27, 85, 78, 21, 33, 47, 115, 12, 43, 17, 91, 95, 120, 108, 50, 16, 97, 14, 76, 80, 28, 89, 53, 55, 81, 102, 86, 51, 32, 42, 106, 112, 38, 92, 23, 31, 105, 87, 107, 9, 96, 93, 90, 41, 73, 25, 71, 7, 79, 20, 34, 26, 74, 18, 29, 44, 10, 82, 99, 84, 15, 11, 75, 6, 5, 64, 0, 103, 69, 98, 67, 2, 1, 39, 66, 8, 72, 4, 3, 70, 13, 65, 77, 35, 68], [59, 126, 63, 46, 121, 111, 116, 110, 58, 123, 45, 109, 104, 117, 56, 54, 60, 40, 113, 94, 36, 49, 57, 48, 122, 118, 125, 24, 114, 62, 37, 127, 101, 119, 88, 61, 22, 83, 124, 76, 47, 30, 27, 120, 52, 19, 97, 21, 95, 78, 100, 33, 85, 115, 80, 28, 14, 81, 55, 91, 16, 17, 50, 53, 86, 43, 12, 102, 108, 89, 73, 42, 23, 51, 107, 92, 31, 25, 90, 7, 32, 9, 112, 44, 93, 105, 41, 71, 79, 87, 38, 10, 29, 96, 82, 20, 74, 18, 26, 5, 6, 34, 84, 99, 15, 69, 67, 75, 103, 106, 11, 3, 66, 0, 98, 8, 2, 64, 70, 39, 68, 4, 65, 72, 1, 13, 35, 77], [59, 126, 46, 63, 121, 111, 116, 110, 58, 123, 45, 109, 104, 54, 117, 40, 94, 56, 62, 122, 57, 114, 60, 125, 101, 36, 48, 118, 24, 113, 37, 61, 88, 49, 127, 119, 21, 124, 83, 27, 19, 22, 86, 30, 52, 100, 120, 81, 115, 47, 78, 14, 17, 76, 85, 50, 91, 33, 55, 42, 32, 89, 102, 16, 53, 43, 95, 12, 51, 80, 97, 108, 41, 107, 92, 23, 28, 112, 90, 87, 25, 31, 73, 7, 38, 71, 29, 93, 20, 82, 74, 9, 106, 96, 105, 44, 75, 26, 18, 99, 34, 79, 10, 84, 15, 5, 69, 3, 98, 6, 11, 8, 64, 39, 70, 103, 66, 67, 0, 2, 35, 68, 1, 13, 65, 77, 4, 72], [59, 126, 46, 63, 121, 111, 116, 110, 58, 45, 123, 109, 104, 117, 40, 54, 94, 56, 57, 125, 60, 122, 113, 36, 24, 101, 62, 37, 88, 114, 49, 48, 119, 19, 118, 127, 22, 27, 83, 21, 86, 47, 100, 30, 124, 61, 95, 52, 115, 33, 17, 43, 78, 76, 55, 120, 85, 14, 81, 80, 12, 91, 97, 16, 108, 89, 42, 53, 102, 28, 51, 92, 41, 50, 90, 23, 20, 31, 9, 25, 32, 38, 87, 107, 7, 29, 105, 112, 82, 71, 11, 106, 79, 44, 73, 93, 96, 74, 18, 10, 69, 15, 84, 98, 5, 34, 75, 26, 2, 99, 0, 70, 64, 103, 6, 39, 67, 8, 66, 13, 3, 35, 72, 77, 68, 1, 65, 4], [59, 126, 46, 121, 63, 111, 116, 110, 58, 45, 123, 109, 104, 54, 40, 125, 117, 113, 122, 94, 56, 57, 62, 101, 37, 119, 60, 36, 88, 24, 61, 114, 118, 49, 48, 22, 127, 19, 21, 47, 30, 27, 124, 83, 52, 55, 115, 43, 17, 33, 50, 100, 86, 78, 12, 108, 95, 28, 76, 14, 80, 51, 85, 97, 89, 53, 91, 81, 120, 42, 16, 112, 102, 90, 23, 38, 31, 106, 92, 87, 32, 71, 93, 9, 41, 29, 7, 73, 79, 105, 25, 44, 74, 84, 18, 75, 96, 34, 20, 82, 5, 26, 15, 67, 10, 64, 2, 0, 66, 69, 107, 11, 103, 98, 3, 70, 99, 39, 6, 8, 35, 68, 4, 1, 65, 72, 13, 77], [59, 126, 46, 63, 121, 111, 116, 110, 58, 123, 45, 109, 104, 117, 54, 40, 57, 94, 122, 36, 118, 37, 113, 56, 60, 114, 61, 125, 62, 48, 101, 88, 24, 49, 47, 119, 124, 83, 30, 19, 27, 22, 50, 52, 21, 76, 17, 127, 78, 95, 120, 85, 12, 28, 55, 100, 81, 115, 89, 14, 43, 33, 86, 80, 53, 97, 16, 108, 9, 91, 51, 102, 73, 32, 23, 7, 71, 92, 90, 25, 87, 42, 75, 107, 41, 106, 93, 29, 64, 38, 5, 18, 74, 112, 96, 10, 15, 31, 70, 2, 105, 82, 66, 44, 11, 3, 79, 20, 0, 84, 69, 34, 67, 26, 99, 65, 6, 1, 39, 8, 98, 103, 72, 68, 77, 4, 13, 35], [59, 126, 46, 63, 121, 111, 116, 110, 58, 45, 123, 109, 117, 54, 104, 40, 61, 60, 57, 56, 113, 118, 122, 101, 37, 48, 36, 94, 62, 125, 114, 127, 88, 24, 47, 119, 21, 49, 83, 124, 22, 19, 30, 120, 27, 52, 76, 89, 53, 95, 78, 100, 115, 51, 33, 43, 55, 12, 50, 17, 102, 28, 81, 80, 108, 42, 86, 85, 31, 90, 97, 14, 32, 16, 23, 91, 87, 38, 93, 73, 112, 7, 92, 96, 41, 9, 71, 106, 25, 44, 20, 15, 107, 105, 79, 5, 26, 34, 18, 70, 99, 10, 29, 75, 84, 82, 0, 69, 3, 74, 64, 11, 66, 67, 2, 98, 1, 65, 103, 8, 39, 68, 6, 35, 72, 4, 77, 13], [59, 126, 46, 63, 121, 116, 111, 110, 58, 123, 45, 109, 117, 104, 40, 54, 60, 36, 56, 57, 113, 118, 61, 88, 94, 37, 101, 24, 122, 47, 62, 83, 125, 49, 114, 127, 27, 22, 48, 119, 21, 124, 30, 76, 19, 78, 95, 17, 52, 80, 43, 12, 85, 14, 115, 53, 108, 50, 55, 100, 16, 81, 33, 28, 120, 42, 89, 73, 51, 23, 32, 31, 9, 102, 86, 87, 90, 91, 97, 44, 71, 38, 92, 112, 25, 7, 106, 74, 93, 107, 34, 79, 29, 96, 41, 10, 67, 3, 64, 20, 5, 70, 18, 15, 11, 69, 75, 82, 84, 26, 103, 105, 0, 66, 65, 6, 99, 98, 72, 2, 4, 1, 39, 8, 13, 68, 77, 35], [59, 126, 46, 63, 121, 111, 116, 110, 58, 123, 45, 109, 117, 104, 54, 40, 60, 122, 57, 118, 113, 127, 94, 61, 56, 37, 101, 48, 36, 88, 125, 114, 24, 27, 119, 62, 124, 83, 21, 47, 49, 19, 22, 50, 76, 89, 30, 55, 14, 100, 78, 86, 120, 12, 81, 85, 42, 52, 115, 95, 53, 80, 33, 17, 16, 108, 51, 87, 112, 32, 102, 28, 97, 90, 43, 31, 23, 9, 107, 91, 92, 38, 71, 73, 41, 7, 20, 79, 18, 105, 15, 82, 74, 44, 25, 96, 11, 75, 10, 26, 34, 5, 29, 93, 99, 64, 106, 3, 98, 70, 69, 103, 84, 67, 2, 0, 66, 6, 8, 1, 72, 65, 39, 4, 13, 68, 35, 77], [59, 126, 46, 63, 121, 111, 116, 110, 58, 45, 123, 109, 117, 104, 54, 60, 40, 94, 122, 113, 127, 57, 88, 56, 36, 61, 37, 125, 48, 27, 24, 118, 101, 76, 62, 114, 22, 120, 83, 124, 119, 19, 49, 80, 30, 47, 85, 115, 14, 12, 50, 86, 55, 21, 52, 81, 17, 100, 78, 89, 95, 16, 28, 33, 108, 97, 91, 51, 42, 9, 73, 53, 90, 32, 43, 102, 87, 23, 112, 7, 71, 31, 92, 79, 107, 82, 74, 38, 44, 15, 41, 29, 10, 25, 20, 93, 69, 75, 18, 84, 3, 26, 11, 96, 105, 106, 5, 99, 34, 6, 70, 98, 0, 39, 67, 72, 64, 2, 66, 65, 1, 4, 103, 13, 8, 35, 68, 77]], "model.layers.12.self_attn.q_proj": [[102, 127, 49, 95, 21, 24, 16, 83, 80, 82, 88, 77, 28, 6, 51, 99, 44, 37, 38, 72, 2, 31, 74, 27, 106, 22, 75, 86, 13, 53, 42, 108, 26, 98, 112, 10, 93, 96, 18, 43, 62, 20, 94, 103, 91, 79, 4, 117, 90, 61, 85, 78, 29, 101, 104, 14, 40, 19, 25, 81, 11, 32, 92, 64, 89, 60, 17, 30, 36, 56, 12, 109, 125, 9, 113, 48, 111, 52, 116, 70, 87, 41, 115, 105, 84, 71, 76, 33, 15, 55, 114, 65, 8, 73, 118, 100, 45, 97, 54, 107, 34, 68, 39, 69, 0, 123, 35, 5, 66, 7, 110, 67, 58, 122, 126, 1, 47, 121, 59, 23, 120, 50, 57, 46, 119, 63, 124, 3], [127, 102, 49, 95, 51, 108, 24, 31, 26, 38, 98, 19, 83, 21, 96, 61, 106, 44, 42, 116, 97, 111, 46, 43, 109, 28, 125, 105, 29, 55, 115, 114, 93, 62, 112, 53, 40, 37, 52, 41, 126, 101, 22, 27, 54, 60, 121, 58, 45, 103, 107, 110, 117, 82, 123, 120, 104, 56, 113, 36, 124, 48, 119, 57, 50, 59, 32, 118, 94, 122, 20, 100, 88, 47, 92, 91, 13, 33, 99, 39, 84, 34, 86, 90, 85, 63, 15, 25, 77, 17, 30, 35, 79, 18, 80, 87, 89, 23, 81, 16, 14, 6, 78, 72, 12, 70, 76, 74, 64, 8, 4, 75, 11, 10, 73, 71, 9, 65, 2, 68, 66, 67, 1, 7, 0, 69, 3, 5], [102, 49, 127, 95, 21, 108, 82, 88, 77, 83, 24, 51, 96, 44, 86, 98, 99, 80, 113, 37, 28, 27, 6, 16, 31, 74, 117, 26, 42, 90, 72, 2, 62, 19, 46, 41, 53, 105, 116, 79, 8, 94, 22, 119, 25, 18, 121, 112, 85, 20, 61, 14, 38, 101, 109, 65, 29, 93, 68, 92, 12, 104, 36, 76, 43, 81, 115, 64, 10, 55, 125, 111, 56, 23, 87, 45, 91, 40, 126, 58, 107, 120, 13, 100, 59, 50, 52, 60, 97, 122, 39, 30, 4, 32, 110, 54, 71, 103, 78, 123, 34, 118, 17, 57, 33, 114, 106, 124, 11, 47, 35, 84, 63, 69, 89, 3, 48, 70, 15, 75, 7, 5, 73, 9, 0, 67, 1, 66], [102, 49, 127, 95, 21, 24, 83, 28, 82, 80, 77, 11, 99, 38, 88, 31, 96, 20, 74, 90, 42, 53, 51, 26, 113, 35, 86, 60, 105, 14, 70, 6, 68, 108, 44, 15, 22, 18, 16, 75, 98, 101, 97, 56, 79, 58, 27, 37, 62, 2, 114, 29, 85, 25, 103, 81, 19, 8, 43, 106, 110, 112, 87, 92, 9, 116, 61, 117, 5, 12, 67, 89, 10, 17, 34, 109, 30, 120, 111, 55, 13, 78, 73, 76, 36, 3, 94, 48, 46, 0, 121, 124, 119, 23, 115, 93, 39, 91, 107, 50, 122, 71, 100, 41, 123, 72, 33, 126, 65, 59, 1, 57, 125, 47, 52, 69, 104, 45, 118, 54, 32, 40, 7, 84, 64, 4, 63, 66], [45, 101, 109, 26, 28, 21, 24, 83, 88, 62, 31, 78, 95, 97, 72, 82, 124, 75, 87, 113, 4, 122, 30, 49, 44, 121, 53, 93, 94, 27, 98, 51, 16, 116, 85, 80, 110, 77, 66, 57, 111, 69, 102, 0, 18, 25, 86, 105, 106, 14, 63, 92, 68, 36, 115, 119, 100, 107, 118, 19, 114, 23, 76, 35, 34, 79, 61, 81, 15, 59, 41, 33, 47, 103, 9, 52, 91, 60, 112, 46, 120, 1, 8, 117, 39, 50, 13, 67, 104, 125, 48, 127, 10, 89, 40, 58, 32, 70, 71, 22, 56, 90, 20, 38, 11, 123, 54, 55, 42, 17, 29, 43, 108, 12, 37, 126, 99, 84, 96, 74, 6, 2, 73, 5, 7, 65, 3, 64], [45, 101, 109, 28, 62, 21, 26, 24, 31, 88, 83, 87, 97, 78, 122, 124, 75, 95, 16, 107, 53, 72, 113, 82, 98, 49, 116, 94, 17, 25, 91, 85, 47, 93, 121, 76, 102, 30, 77, 86, 34, 57, 106, 51, 59, 6, 103, 112, 22, 108, 44, 117, 36, 84, 29, 33, 10, 61, 52, 74, 63, 39, 118, 60, 27, 43, 12, 13, 18, 71, 123, 96, 48, 114, 23, 110, 105, 79, 41, 67, 92, 115, 42, 81, 111, 56, 66, 80, 69, 8, 58, 55, 50, 127, 14, 125, 0, 126, 120, 100, 35, 20, 119, 40, 11, 104, 54, 89, 68, 4, 46, 19, 32, 99, 38, 70, 37, 5, 7, 90, 73, 9, 1, 15, 2, 65, 3, 64], [45, 101, 109, 28, 26, 122, 21, 24, 83, 87, 88, 31, 97, 95, 78, 121, 62, 124, 113, 30, 75, 51, 53, 82, 116, 93, 86, 16, 110, 102, 98, 25, 36, 63, 106, 72, 59, 34, 79, 49, 112, 57, 35, 107, 47, 111, 38, 44, 52, 58, 105, 29, 39, 100, 27, 118, 61, 125, 123, 114, 115, 55, 41, 40, 48, 37, 119, 15, 92, 94, 50, 85, 6, 13, 46, 60, 103, 108, 127, 33, 99, 126, 74, 42, 12, 32, 104, 54, 20, 0, 84, 22, 14, 117, 56, 43, 120, 80, 18, 19, 90, 91, 23, 96, 8, 11, 68, 17, 89, 81, 69, 77, 76, 10, 67, 66, 9, 5, 70, 71, 73, 3, 1, 7, 4, 65, 2, 64], [45, 101, 109, 26, 28, 24, 88, 83, 21, 82, 93, 87, 121, 62, 95, 75, 78, 31, 124, 122, 16, 97, 98, 116, 30, 113, 34, 51, 53, 57, 77, 110, 49, 63, 107, 61, 125, 115, 18, 112, 41, 105, 22, 106, 94, 103, 71, 36, 111, 92, 86, 11, 118, 29, 37, 85, 40, 59, 9, 27, 67, 47, 50, 4, 127, 33, 100, 108, 44, 19, 117, 123, 32, 35, 126, 1, 60, 0, 48, 80, 69, 46, 23, 42, 84, 120, 55, 6, 79, 52, 91, 20, 81, 14, 72, 58, 68, 54, 5, 56, 8, 114, 13, 43, 66, 74, 102, 39, 90, 99, 15, 12, 119, 104, 76, 96, 17, 65, 25, 38, 89, 2, 73, 10, 70, 7, 3, 64], [43, 97, 107, 24, 91, 26, 31, 22, 83, 81, 100, 85, 103, 75, 33, 87, 30, 20, 50, 15, 88, 110, 13, 7, 114, 90, 49, 127, 95, 66, 93, 86, 84, 12, 94, 19, 102, 92, 98, 61, 113, 48, 70, 18, 35, 0, 115, 40, 118, 25, 38, 54, 1, 63, 36, 16, 80, 28, 117, 56, 58, 27, 101, 77, 42, 51, 99, 82, 32, 34, 120, 29, 55, 125, 71, 96, 4, 89, 21, 79, 17, 6, 39, 47, 112, 41, 111, 116, 8, 119, 121, 123, 23, 106, 45, 62, 52, 3, 122, 53, 46, 11, 57, 37, 105, 73, 67, 10, 9, 109, 74, 126, 108, 78, 44, 104, 14, 76, 60, 59, 124, 72, 69, 68, 5, 2, 64, 65], [43, 31, 97, 107, 22, 13, 24, 26, 15, 91, 83, 20, 85, 33, 9, 115, 100, 110, 75, 73, 18, 81, 86, 84, 114, 50, 90, 70, 68, 54, 36, 95, 72, 25, 17, 79, 27, 77, 88, 63, 121, 19, 71, 42, 111, 61, 12, 127, 76, 23, 82, 93, 74, 87, 16, 66, 49, 65, 8, 38, 122, 46, 48, 10, 7, 103, 112, 14, 101, 47, 78, 117, 69, 34, 113, 67, 55, 118, 80, 29, 21, 116, 126, 123, 92, 124, 56, 89, 28, 96, 106, 6, 1, 108, 120, 40, 102, 94, 30, 98, 11, 105, 45, 35, 125, 51, 39, 32, 5, 62, 58, 41, 4, 37, 57, 60, 64, 59, 52, 99, 44, 109, 119, 104, 0, 53, 3, 2], [43, 107, 31, 97, 26, 106, 42, 20, 113, 61, 115, 125, 50, 33, 24, 48, 127, 117, 11, 38, 114, 121, 36, 100, 49, 126, 95, 54, 63, 116, 110, 111, 56, 57, 118, 55, 123, 46, 47, 60, 58, 91, 103, 77, 108, 39, 119, 109, 101, 6, 51, 124, 45, 44, 59, 122, 7, 120, 62, 35, 85, 112, 40, 53, 41, 52, 30, 73, 90, 92, 105, 22, 37, 17, 81, 104, 16, 10, 99, 96, 3, 5, 84, 75, 1, 32, 21, 98, 79, 34, 19, 102, 93, 29, 87, 94, 4, 72, 28, 23, 25, 88, 89, 27, 0, 83, 82, 86, 18, 78, 80, 2, 71, 15, 9, 14, 12, 76, 13, 66, 8, 64, 70, 68, 65, 67, 69, 74], [43, 97, 31, 107, 24, 26, 91, 22, 54, 81, 42, 20, 115, 83, 75, 33, 13, 50, 100, 15, 18, 85, 48, 61, 84, 120, 66, 114, 110, 93, 90, 6, 57, 70, 127, 30, 113, 12, 49, 63, 103, 118, 95, 80, 19, 125, 121, 88, 86, 56, 9, 116, 77, 47, 0, 46, 1, 117, 71, 60, 36, 28, 41, 111, 45, 82, 112, 55, 123, 108, 106, 124, 89, 126, 92, 58, 14, 8, 38, 51, 29, 40, 76, 11, 109, 87, 23, 119, 122, 94, 34, 17, 73, 27, 79, 64, 25, 101, 99, 67, 44, 3, 39, 35, 68, 21, 32, 98, 52, 37, 96, 105, 53, 65, 7, 16, 69, 62, 78, 104, 74, 102, 59, 10, 72, 5, 4, 2], [38, 64, 113, 97, 93, 49, 57, 1, 6, 78, 67, 16, 70, 3, 82, 73, 65, 11, 4, 77, 23, 12, 90, 2, 31, 14, 72, 19, 8, 94, 121, 126, 66, 75, 89, 62, 71, 59, 20, 13, 84, 9, 122, 86, 18, 103, 22, 87, 37, 83, 125, 53, 69, 7, 21, 80, 118, 27, 42, 39, 54, 10, 101, 44, 76, 33, 5, 91, 58, 88, 74, 26, 17, 29, 40, 0, 30, 68, 32, 119, 79, 25, 50, 63, 96, 85, 45, 35, 15, 60, 99, 36, 95, 108, 123, 92, 81, 124, 48, 109, 100, 116, 120, 61, 111, 114, 51, 24, 115, 106, 46, 56, 117, 127, 52, 47, 102, 34, 104, 98, 28, 43, 55, 41, 105, 110, 112, 107], [38, 57, 113, 97, 49, 93, 23, 82, 78, 16, 73, 88, 11, 21, 12, 20, 25, 102, 6, 29, 5, 39, 94, 77, 72, 9, 26, 83, 37, 31, 32, 68, 27, 13, 125, 28, 90, 30, 92, 63, 71, 121, 106, 85, 19, 34, 101, 44, 22, 91, 62, 8, 65, 15, 80, 4, 74, 75, 81, 84, 59, 79, 87, 14, 17, 76, 18, 24, 122, 66, 7, 89, 33, 105, 10, 2, 95, 109, 119, 3, 108, 60, 36, 96, 42, 86, 45, 35, 98, 41, 70, 54, 100, 126, 52, 40, 99, 55, 50, 47, 51, 58, 56, 69, 53, 103, 118, 120, 61, 107, 115, 123, 112, 43, 46, 116, 104, 114, 48, 110, 127, 64, 111, 124, 67, 1, 117, 0], [113, 101, 57, 38, 62, 49, 97, 123, 126, 121, 119, 53, 52, 56, 102, 59, 60, 114, 127, 118, 125, 26, 116, 117, 51, 106, 58, 46, 100, 103, 124, 63, 44, 61, 31, 48, 111, 45, 50, 112, 120, 47, 90, 115, 109, 54, 122, 55, 110, 107, 108, 105, 40, 22, 41, 39, 32, 21, 43, 84, 104, 42, 28, 93, 94, 37, 99, 25, 36, 81, 95, 34, 30, 89, 86, 35, 85, 17, 98, 23, 19, 27, 88, 83, 96, 91, 29, 20, 76, 24, 33, 92, 79, 87, 4, 74, 75, 8, 14, 82, 9, 5, 72, 80, 13, 70, 15, 12, 18, 10, 71, 2, 73, 77, 66, 7, 16, 6, 67, 69, 65, 64, 68, 1, 11, 78, 3, 0], [38, 57, 97, 23, 93, 49, 113, 82, 29, 78, 16, 25, 11, 102, 59, 31, 62, 90, 85, 33, 87, 26, 21, 39, 83, 126, 77, 19, 27, 71, 88, 80, 18, 94, 13, 125, 101, 95, 89, 28, 15, 20, 22, 121, 79, 96, 30, 100, 75, 32, 92, 91, 119, 61, 37, 84, 68, 14, 86, 53, 98, 127, 81, 24, 35, 58, 47, 17, 44, 36, 8, 108, 34, 76, 63, 10, 99, 50, 43, 115, 40, 118, 48, 110, 12, 103, 74, 55, 106, 7, 72, 111, 114, 60, 109, 122, 123, 51, 46, 54, 42, 4, 41, 116, 56, 104, 66, 112, 117, 52, 105, 5, 2, 120, 124, 70, 69, 6, 45, 107, 67, 73, 9, 1, 0, 3, 65, 64], [39, 48, 62, 112, 29, 21, 14, 80, 61, 81, 76, 11, 67, 87, 73, 7, 56, 84, 5, 93, 24, 27, 69, 71, 75, 1, 109, 12, 0, 25, 41, 2, 96, 118, 6, 89, 116, 17, 9, 79, 117, 85, 66, 52, 4, 13, 16, 86, 54, 94, 32, 82, 101, 18, 78, 50, 95, 113, 119, 15, 19, 120, 34, 126, 83, 57, 23, 77, 26, 49, 106, 31, 45, 127, 55, 42, 107, 122, 36, 111, 28, 88, 44, 3, 22, 104, 40, 63, 97, 115, 121, 102, 35, 59, 33, 72, 108, 30, 114, 125, 60, 92, 124, 105, 8, 123, 58, 99, 110, 74, 53, 43, 51, 37, 100, 90, 38, 46, 98, 20, 47, 65, 91, 70, 10, 68, 103, 64], [39, 62, 48, 112, 87, 61, 29, 21, 81, 14, 73, 80, 11, 76, 69, 56, 24, 93, 41, 71, 77, 79, 118, 3, 86, 27, 111, 18, 9, 96, 32, 94, 109, 127, 125, 50, 101, 126, 2, 92, 37, 70, 95, 33, 6, 54, 117, 82, 85, 121, 5, 36, 28, 1, 66, 113, 22, 78, 0, 123, 74, 20, 17, 97, 91, 49, 116, 59, 120, 31, 122, 89, 99, 107, 72, 23, 119, 52, 16, 45, 84, 115, 108, 51, 43, 55, 38, 53, 40, 106, 60, 124, 12, 57, 13, 104, 19, 114, 83, 34, 102, 30, 110, 75, 35, 15, 88, 42, 58, 44, 67, 10, 100, 105, 46, 63, 26, 98, 25, 47, 90, 8, 65, 7, 68, 103, 64, 4], [39, 62, 48, 112, 87, 29, 61, 11, 25, 80, 81, 21, 14, 73, 69, 76, 5, 93, 66, 2, 71, 0, 77, 18, 67, 118, 27, 3, 1, 24, 94, 33, 117, 72, 109, 75, 125, 111, 86, 56, 92, 32, 96, 31, 41, 82, 74, 106, 50, 7, 116, 95, 37, 79, 113, 85, 28, 30, 19, 97, 70, 89, 83, 36, 122, 63, 78, 17, 123, 121, 126, 34, 120, 43, 88, 16, 38, 35, 54, 6, 12, 40, 59, 65, 26, 45, 91, 10, 9, 90, 23, 99, 127, 84, 51, 104, 52, 46, 114, 58, 98, 119, 49, 102, 20, 103, 100, 44, 124, 110, 108, 57, 101, 13, 115, 8, 4, 68, 55, 53, 15, 42, 105, 107, 60, 47, 22, 64], [39, 62, 48, 112, 71, 29, 14, 80, 73, 81, 21, 76, 11, 3, 69, 2, 61, 65, 1, 67, 56, 109, 118, 0, 72, 64, 7, 4, 13, 24, 12, 85, 8, 37, 79, 117, 17, 96, 111, 121, 87, 77, 66, 78, 93, 95, 15, 84, 5, 16, 54, 126, 75, 68, 50, 19, 83, 99, 33, 120, 53, 123, 94, 10, 116, 124, 88, 9, 103, 18, 101, 127, 106, 41, 92, 86, 28, 89, 82, 74, 38, 35, 40, 31, 57, 27, 30, 51, 20, 63, 26, 52, 70, 45, 115, 43, 36, 22, 97, 91, 107, 119, 32, 125, 34, 102, 6, 104, 105, 23, 25, 60, 110, 113, 46, 122, 100, 90, 44, 59, 98, 49, 42, 55, 108, 114, 47, 58], [105, 58, 34, 109, 26, 41, 86, 104, 88, 18, 84, 126, 24, 30, 55, 78, 92, 16, 73, 77, 36, 69, 19, 32, 49, 87, 71, 95, 91, 75, 119, 67, 121, 79, 111, 28, 45, 48, 1, 44, 2, 120, 51, 5, 94, 15, 29, 98, 114, 31, 12, 25, 40, 50, 57, 82, 112, 60, 33, 113, 64, 124, 107, 14, 125, 74, 10, 8, 123, 63, 108, 13, 37, 127, 101, 66, 62, 0, 22, 115, 81, 6, 39, 38, 118, 122, 65, 61, 72, 100, 3, 59, 47, 93, 7, 52, 90, 4, 23, 102, 46, 11, 56, 97, 42, 106, 21, 43, 76, 103, 70, 17, 99, 83, 68, 116, 9, 110, 20, 80, 54, 117, 27, 35, 53, 85, 89, 96], [105, 34, 26, 41, 58, 86, 36, 121, 84, 32, 104, 16, 126, 92, 62, 18, 51, 88, 118, 24, 78, 47, 57, 25, 52, 50, 49, 119, 116, 48, 109, 28, 102, 30, 90, 100, 114, 107, 95, 120, 23, 39, 46, 122, 55, 21, 61, 75, 113, 31, 38, 103, 127, 42, 37, 43, 83, 63, 11, 60, 80, 20, 76, 97, 112, 117, 14, 77, 108, 87, 125, 56, 45, 111, 7, 101, 22, 93, 96, 94, 19, 82, 123, 106, 115, 9, 59, 40, 33, 29, 91, 8, 124, 110, 98, 27, 44, 74, 72, 35, 85, 99, 79, 53, 81, 6, 89, 12, 54, 73, 71, 17, 15, 68, 13, 5, 10, 66, 4, 3, 70, 65, 67, 1, 64, 69, 2, 0], [105, 34, 58, 84, 26, 41, 86, 126, 77, 109, 16, 104, 73, 121, 32, 88, 18, 78, 75, 71, 30, 36, 49, 70, 108, 98, 48, 3, 29, 4, 51, 81, 24, 55, 120, 118, 11, 114, 50, 62, 111, 122, 100, 39, 2, 60, 94, 45, 102, 82, 80, 85, 52, 69, 115, 101, 37, 79, 116, 57, 65, 119, 44, 28, 125, 90, 0, 23, 19, 113, 92, 43, 38, 20, 112, 61, 83, 63, 13, 21, 124, 14, 22, 12, 95, 17, 68, 127, 117, 6, 123, 87, 46, 31, 103, 9, 99, 59, 47, 96, 76, 15, 27, 40, 67, 74, 106, 97, 25, 72, 42, 1, 35, 56, 93, 110, 53, 33, 54, 10, 89, 107, 91, 5, 8, 7, 64, 66], [105, 34, 92, 26, 41, 84, 18, 86, 109, 104, 16, 24, 126, 121, 78, 75, 77, 57, 71, 101, 58, 60, 73, 51, 36, 52, 120, 90, 118, 122, 107, 55, 62, 48, 49, 66, 45, 32, 95, 44, 30, 119, 108, 116, 14, 111, 102, 28, 29, 37, 63, 88, 50, 125, 46, 47, 7, 124, 114, 113, 106, 20, 127, 112, 40, 94, 5, 100, 87, 25, 123, 11, 31, 4, 42, 98, 82, 56, 38, 43, 17, 39, 19, 115, 103, 54, 21, 59, 91, 33, 8, 110, 35, 6, 97, 85, 83, 61, 80, 81, 117, 76, 27, 22, 12, 93, 53, 23, 96, 15, 79, 89, 99, 72, 2, 65, 64, 0, 68, 13, 69, 9, 3, 74, 1, 10, 70, 67], [104, 34, 20, 22, 124, 89, 92, 79, 95, 49, 18, 75, 119, 25, 77, 62, 48, 17, 114, 40, 120, 107, 6, 118, 46, 121, 117, 58, 54, 111, 70, 96, 93, 50, 45, 61, 53, 47, 9, 100, 84, 59, 43, 109, 68, 94, 15, 41, 110, 12, 82, 86, 19, 11, 90, 72, 55, 81, 66, 122, 98, 52, 1, 60, 123, 33, 99, 23, 126, 8, 76, 4, 56, 102, 64, 103, 3, 2, 112, 88, 37, 16, 113, 97, 73, 27, 80, 38, 78, 21, 32, 13, 24, 30, 28, 87, 91, 108, 29, 106, 105, 101, 44, 26, 35, 74, 0, 83, 85, 31, 51, 67, 10, 63, 57, 127, 42, 36, 39, 125, 115, 116, 7, 14, 5, 71, 69, 65], [104, 34, 89, 22, 49, 20, 124, 95, 18, 79, 48, 62, 119, 77, 25, 40, 118, 92, 75, 107, 31, 121, 46, 120, 114, 54, 9, 41, 6, 17, 111, 16, 82, 117, 58, 12, 15, 97, 84, 60, 38, 56, 93, 45, 115, 81, 53, 112, 101, 28, 76, 2, 86, 94, 68, 103, 110, 63, 98, 36, 55, 47, 70, 4, 96, 72, 61, 90, 85, 52, 88, 100, 127, 102, 73, 21, 113, 1, 123, 78, 50, 109, 59, 126, 24, 10, 0, 64, 91, 26, 23, 13, 87, 11, 19, 32, 99, 105, 5, 125, 108, 3, 66, 80, 30, 106, 57, 37, 67, 35, 33, 39, 43, 29, 69, 51, 83, 122, 8, 7, 27, 116, 74, 42, 14, 44, 71, 65], [104, 34, 22, 124, 89, 18, 92, 20, 48, 79, 62, 49, 119, 77, 95, 118, 25, 75, 40, 114, 17, 96, 46, 12, 9, 82, 121, 50, 111, 54, 58, 61, 117, 47, 84, 41, 120, 100, 4, 56, 107, 6, 110, 13, 59, 45, 98, 38, 15, 86, 81, 94, 52, 37, 55, 53, 108, 43, 35, 68, 63, 1, 122, 78, 112, 90, 101, 97, 126, 109, 33, 93, 87, 71, 70, 76, 19, 28, 60, 7, 72, 88, 123, 125, 39, 51, 23, 73, 31, 115, 127, 74, 26, 113, 105, 103, 2, 8, 21, 80, 91, 99, 14, 11, 3, 30, 85, 42, 116, 106, 16, 24, 10, 29, 102, 36, 44, 27, 32, 66, 57, 65, 67, 83, 64, 0, 5, 69], [104, 34, 119, 89, 22, 92, 18, 49, 20, 124, 95, 62, 48, 79, 77, 46, 25, 40, 114, 75, 121, 118, 120, 109, 41, 17, 54, 97, 12, 50, 111, 93, 9, 58, 16, 98, 82, 31, 112, 84, 4, 59, 47, 100, 117, 107, 80, 45, 61, 33, 53, 103, 108, 56, 38, 94, 21, 60, 32, 43, 24, 86, 90, 123, 55, 52, 127, 81, 126, 122, 113, 76, 96, 51, 110, 19, 35, 15, 63, 99, 105, 115, 28, 102, 85, 13, 87, 39, 44, 88, 125, 91, 37, 83, 27, 6, 101, 26, 106, 29, 78, 42, 23, 30, 1, 0, 2, 73, 72, 116, 36, 68, 69, 74, 57, 10, 70, 5, 7, 14, 71, 11, 8, 67, 65, 3, 66, 64], [41, 34, 53, 88, 93, 105, 20, 17, 79, 22, 35, 77, 72, 29, 75, 48, 25, 84, 115, 6, 66, 91, 18, 27, 82, 125, 24, 51, 55, 58, 62, 127, 126, 50, 8, 89, 63, 61, 108, 68, 2, 81, 15, 124, 13, 38, 0, 4, 16, 117, 80, 43, 114, 70, 52, 11, 19, 57, 103, 44, 60, 78, 100, 47, 90, 59, 76, 73, 98, 42, 109, 46, 26, 49, 83, 23, 86, 85, 40, 31, 112, 92, 33, 96, 28, 12, 10, 113, 14, 116, 87, 45, 21, 107, 39, 118, 101, 37, 122, 121, 64, 102, 97, 9, 36, 94, 104, 106, 119, 30, 123, 110, 7, 32, 74, 95, 99, 56, 69, 120, 71, 54, 5, 1, 111, 3, 65, 67], [41, 34, 53, 22, 105, 20, 88, 93, 48, 17, 29, 79, 50, 77, 44, 126, 62, 127, 27, 108, 35, 115, 58, 84, 80, 60, 96, 117, 43, 38, 125, 72, 112, 114, 75, 31, 49, 57, 124, 86, 24, 101, 21, 15, 118, 55, 61, 54, 123, 52, 63, 99, 26, 121, 90, 91, 8, 51, 37, 82, 103, 30, 39, 56, 28, 106, 122, 87, 6, 92, 18, 25, 47, 119, 81, 113, 40, 36, 120, 111, 70, 32, 102, 83, 110, 46, 16, 95, 33, 107, 85, 45, 23, 100, 89, 94, 97, 66, 104, 42, 71, 116, 12, 19, 73, 59, 109, 13, 78, 0, 14, 98, 10, 11, 7, 76, 9, 74, 67, 5, 68, 4, 2, 3, 69, 64, 65, 1], [41, 34, 53, 105, 22, 93, 88, 20, 27, 66, 91, 0, 79, 77, 17, 68, 127, 75, 19, 82, 72, 58, 112, 2, 67, 43, 124, 115, 48, 126, 44, 64, 35, 62, 70, 18, 65, 61, 29, 1, 60, 59, 6, 49, 38, 71, 51, 57, 84, 80, 50, 125, 3, 63, 52, 9, 96, 16, 69, 108, 109, 45, 55, 118, 8, 7, 31, 47, 15, 114, 110, 23, 5, 119, 101, 120, 99, 113, 117, 76, 46, 24, 73, 40, 12, 11, 37, 103, 4, 122, 25, 123, 74, 107, 10, 100, 116, 39, 32, 106, 87, 83, 26, 78, 13, 90, 85, 42, 56, 33, 102, 86, 81, 121, 54, 14, 97, 36, 28, 98, 104, 21, 111, 92, 89, 95, 94, 30], [41, 34, 53, 22, 88, 105, 17, 20, 58, 91, 93, 27, 29, 127, 115, 77, 126, 43, 75, 79, 61, 51, 48, 63, 35, 124, 108, 62, 112, 114, 55, 38, 57, 31, 81, 84, 44, 50, 113, 70, 123, 49, 82, 15, 25, 122, 59, 66, 52, 45, 40, 86, 39, 60, 118, 32, 106, 100, 119, 107, 116, 72, 80, 109, 101, 24, 0, 110, 125, 42, 117, 47, 37, 18, 96, 103, 46, 120, 11, 56, 19, 26, 102, 16, 54, 104, 121, 13, 99, 111, 23, 33, 83, 90, 98, 36, 92, 6, 78, 28, 21, 67, 68, 73, 95, 30, 97, 94, 87, 10, 76, 89, 12, 14, 85, 9, 71, 74, 4, 5, 8, 1, 69, 3, 2, 7, 65, 64]], "model.layers.12.self_attn.k_proj": [[38, 49, 127, 31, 113, 24, 21, 83, 80, 28, 82, 77, 35, 72, 108, 74, 62, 106, 105, 66, 96, 64, 1, 90, 112, 30, 40, 25, 102, 16, 107, 6, 51, 37, 34, 57, 116, 75, 86, 60, 125, 48, 45, 109, 76, 58, 91, 55, 44, 27, 117, 126, 29, 120, 119, 5, 46, 124, 59, 42, 67, 4, 87, 111, 85, 122, 47, 94, 23, 114, 26, 73, 84, 56, 43, 17, 63, 118, 115, 14, 79, 0, 104, 71, 98, 54, 41, 61, 69, 50, 78, 39, 12, 52, 110, 36, 92, 100, 53, 32, 123, 70, 103, 11, 121, 20, 15, 93, 97, 68, 89, 18, 101, 88, 99, 22, 81, 33, 19, 65, 10, 9, 7, 3, 8, 13, 2, 95], [109, 37, 45, 28, 24, 21, 31, 26, 82, 83, 78, 16, 62, 115, 75, 116, 124, 117, 49, 113, 121, 53, 110, 57, 30, 63, 8, 41, 105, 23, 64, 61, 127, 51, 60, 55, 126, 2, 103, 120, 33, 40, 90, 15, 93, 112, 42, 100, 118, 125, 107, 44, 111, 77, 108, 54, 34, 59, 17, 50, 18, 46, 43, 39, 56, 47, 22, 58, 5, 114, 85, 73, 65, 86, 48, 87, 38, 123, 97, 99, 95, 52, 27, 19, 102, 81, 104, 9, 106, 94, 68, 92, 13, 119, 96, 29, 98, 3, 80, 4, 20, 76, 32, 36, 12, 25, 122, 71, 35, 79, 89, 91, 84, 72, 10, 70, 66, 11, 74, 1, 7, 69, 14, 6, 67, 88, 0, 101], [107, 33, 43, 95, 22, 91, 24, 15, 26, 50, 115, 83, 13, 85, 118, 81, 20, 48, 61, 18, 49, 75, 63, 100, 117, 47, 126, 110, 9, 36, 46, 70, 54, 42, 112, 127, 124, 64, 39, 93, 116, 58, 108, 2, 121, 51, 101, 113, 111, 114, 68, 72, 123, 71, 57, 119, 120, 60, 12, 102, 125, 55, 65, 56, 99, 38, 44, 59, 40, 109, 19, 122, 45, 104, 52, 62, 41, 98, 103, 96, 53, 106, 14, 37, 105, 87, 11, 82, 92, 94, 3, 32, 30, 34, 29, 88, 74, 27, 35, 23, 76, 28, 21, 5, 78, 80, 25, 89, 16, 77, 79, 90, 31, 10, 97, 8, 86, 4, 1, 84, 17, 6, 67, 73, 7, 66, 69, 0], [113, 57, 102, 33, 82, 29, 23, 16, 11, 0, 3, 78, 65, 6, 77, 22, 26, 38, 59, 2, 71, 125, 108, 126, 73, 95, 83, 64, 63, 53, 84, 62, 93, 58, 72, 85, 12, 118, 114, 28, 79, 49, 89, 40, 56, 5, 60, 45, 61, 36, 124, 39, 68, 88, 123, 15, 96, 30, 119, 127, 117, 112, 106, 74, 116, 115, 52, 81, 94, 122, 111, 120, 27, 86, 121, 47, 100, 44, 31, 46, 4, 32, 34, 55, 109, 43, 91, 50, 103, 24, 51, 13, 37, 54, 35, 99, 41, 92, 19, 76, 48, 110, 105, 97, 98, 21, 17, 80, 20, 9, 42, 104, 107, 87, 1, 8, 69, 10, 25, 67, 14, 101, 75, 70, 90, 18, 7, 66], [103, 62, 48, 21, 81, 93, 14, 76, 11, 80, 61, 73, 71, 69, 3, 87, 0, 2, 65, 56, 45, 24, 8, 41, 70, 27, 64, 7, 66, 112, 6, 18, 117, 125, 32, 116, 54, 95, 119, 10, 94, 121, 13, 37, 33, 25, 47, 63, 74, 118, 1, 35, 51, 5, 72, 83, 4, 108, 97, 111, 99, 55, 67, 122, 50, 9, 105, 19, 75, 115, 68, 59, 15, 86, 120, 114, 31, 12, 113, 44, 43, 100, 17, 42, 107, 57, 126, 30, 28, 78, 104, 101, 22, 88, 92, 96, 84, 38, 26, 109, 16, 49, 106, 102, 60, 77, 20, 52, 79, 98, 85, 29, 123, 58, 53, 110, 127, 36, 89, 124, 23, 46, 40, 90, 34, 91, 82, 39], [41, 98, 26, 88, 18, 45, 84, 58, 16, 86, 112, 44, 111, 119, 109, 78, 40, 60, 75, 105, 77, 63, 50, 55, 96, 71, 121, 92, 73, 0, 104, 30, 2, 124, 122, 43, 4, 57, 56, 36, 49, 65, 39, 115, 125, 123, 29, 107, 101, 53, 31, 126, 110, 51, 62, 120, 85, 34, 113, 127, 69, 17, 74, 76, 47, 48, 68, 52, 42, 114, 79, 102, 100, 70, 61, 87, 38, 118, 59, 19, 89, 91, 28, 106, 94, 37, 6, 15, 103, 27, 117, 54, 9, 93, 35, 83, 108, 97, 32, 46, 11, 72, 20, 95, 116, 67, 33, 22, 23, 99, 25, 8, 81, 13, 90, 80, 10, 21, 5, 24, 12, 14, 64, 82, 66, 1, 3, 7], [40, 98, 89, 18, 22, 43, 119, 20, 79, 124, 48, 92, 49, 77, 112, 50, 17, 75, 31, 62, 61, 110, 9, 12, 6, 109, 60, 72, 117, 53, 113, 118, 54, 45, 68, 111, 107, 59, 41, 46, 84, 34, 58, 121, 64, 120, 14, 114, 47, 63, 35, 115, 56, 127, 65, 74, 44, 96, 83, 1, 100, 97, 66, 13, 70, 123, 28, 94, 104, 93, 55, 85, 33, 16, 36, 26, 2, 38, 3, 23, 67, 42, 102, 8, 103, 105, 11, 126, 29, 88, 24, 90, 81, 52, 39, 91, 122, 125, 101, 30, 51, 32, 57, 76, 116, 106, 7, 108, 37, 10, 27, 86, 99, 80, 69, 78, 73, 71, 15, 21, 0, 5, 4, 25, 19, 95, 87, 82], [105, 98, 53, 20, 88, 29, 17, 79, 22, 77, 75, 124, 61, 41, 64, 51, 126, 44, 6, 72, 119, 2, 80, 82, 59, 91, 112, 60, 118, 38, 63, 4, 108, 117, 127, 55, 58, 43, 45, 50, 62, 57, 35, 115, 125, 73, 101, 122, 12, 111, 110, 49, 46, 28, 123, 107, 42, 48, 32, 104, 19, 26, 47, 10, 40, 109, 66, 113, 34, 52, 78, 103, 114, 120, 39, 87, 56, 96, 90, 21, 86, 9, 102, 95, 116, 5, 31, 37, 36, 65, 97, 25, 106, 54, 121, 71, 67, 81, 30, 100, 33, 74, 99, 89, 8, 27, 92, 76, 1, 94, 69, 70, 85, 23, 11, 93, 7, 68, 24, 16, 15, 18, 3, 83, 14, 13, 84, 0]], "model.layers.12.self_attn.qk_proj": [[62, 49, 105, 41, 57, 113, 48, 45, 127, 109, 43, 107, 38, 102, 88, 40, 93, 53, 24, 18, 34, 82, 86, 90, 21, 104, 58, 124, 98, 75, 97, 22, 85, 80, 20, 16, 11, 84, 95, 92, 112, 29, 77, 31, 78, 61, 13, 14, 81, 17, 119, 103, 28, 87, 26, 25, 27, 19, 73, 15, 79, 126, 33, 83, 121, 37, 89, 12, 23, 9, 50, 60, 118, 76, 6, 116, 44, 55, 115, 96, 0, 51, 108, 56, 101, 111, 125, 7, 39, 110, 64, 91, 59, 63, 71, 35, 47, 122, 117, 72, 8, 3, 1, 2, 65, 69, 66, 52, 100, 114, 36, 70, 46, 120, 5, 123, 94, 30, 67, 32, 10, 54, 42, 99, 4, 68, 106, 74], [49, 62, 105, 41, 57, 113, 48, 45, 127, 109, 43, 107, 38, 40, 102, 34, 93, 88, 53, 24, 86, 124, 90, 21, 58, 104, 18, 82, 11, 75, 97, 112, 98, 29, 31, 92, 22, 20, 95, 80, 84, 77, 85, 16, 13, 78, 61, 119, 14, 28, 87, 26, 17, 25, 27, 103, 81, 73, 19, 15, 9, 23, 6, 60, 126, 111, 83, 89, 33, 79, 118, 50, 55, 108, 115, 125, 37, 121, 39, 12, 44, 0, 76, 101, 110, 72, 59, 51, 47, 63, 116, 7, 35, 117, 96, 64, 56, 71, 1, 123, 36, 122, 2, 91, 94, 65, 66, 32, 100, 3, 5, 30, 46, 4, 114, 8, 120, 106, 42, 10, 54, 69, 67, 70, 52, 99, 68, 74], [49, 62, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 102, 93, 40, 53, 88, 34, 24, 104, 58, 90, 86, 124, 112, 95, 21, 98, 20, 22, 18, 82, 31, 29, 97, 92, 61, 84, 85, 75, 80, 11, 119, 77, 16, 78, 103, 26, 28, 27, 13, 87, 126, 14, 33, 37, 17, 25, 23, 81, 115, 121, 44, 110, 118, 51, 50, 73, 59, 35, 60, 19, 125, 6, 116, 55, 15, 108, 117, 83, 89, 79, 9, 39, 101, 76, 12, 111, 30, 63, 0, 36, 47, 56, 96, 72, 7, 91, 65, 122, 114, 66, 100, 3, 46, 71, 70, 64, 120, 123, 52, 1, 94, 32, 5, 106, 4, 69, 2, 42, 54, 67, 10, 68, 99, 8, 74], [62, 49, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 40, 102, 53, 24, 93, 88, 34, 90, 58, 86, 124, 112, 82, 104, 18, 21, 20, 98, 80, 31, 95, 29, 22, 77, 97, 92, 75, 16, 85, 11, 84, 119, 14, 61, 103, 78, 25, 13, 28, 17, 27, 121, 79, 23, 87, 126, 44, 26, 81, 33, 50, 60, 51, 111, 118, 9, 83, 108, 15, 64, 89, 73, 101, 12, 115, 19, 39, 59, 63, 116, 37, 35, 55, 47, 70, 72, 125, 56, 110, 6, 91, 117, 76, 114, 0, 65, 30, 100, 7, 71, 123, 96, 2, 42, 66, 94, 120, 36, 67, 32, 3, 1, 122, 4, 54, 46, 52, 68, 69, 106, 5, 99, 8, 74, 10], [62, 49, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 40, 102, 53, 34, 88, 24, 58, 90, 93, 82, 124, 18, 104, 86, 80, 20, 75, 112, 98, 21, 31, 11, 16, 77, 84, 85, 61, 22, 13, 29, 92, 78, 97, 14, 95, 119, 103, 81, 26, 17, 25, 87, 28, 9, 23, 15, 79, 70, 83, 126, 121, 73, 27, 33, 50, 118, 111, 39, 19, 12, 0, 55, 89, 37, 7, 64, 72, 110, 76, 108, 59, 35, 2, 51, 44, 125, 116, 60, 47, 101, 91, 115, 6, 117, 1, 30, 56, 71, 120, 63, 66, 114, 123, 67, 122, 3, 42, 36, 65, 5, 96, 68, 69, 100, 52, 54, 46, 4, 94, 32, 106, 8, 99, 10, 74], [62, 49, 41, 105, 57, 113, 48, 127, 45, 109, 43, 107, 38, 40, 102, 53, 24, 34, 88, 90, 18, 86, 58, 75, 93, 21, 82, 20, 104, 124, 80, 77, 11, 98, 84, 31, 16, 85, 13, 78, 22, 14, 112, 92, 97, 61, 29, 119, 95, 17, 25, 81, 103, 28, 26, 87, 73, 15, 27, 9, 19, 121, 79, 83, 111, 12, 76, 70, 23, 89, 47, 50, 126, 37, 116, 55, 39, 72, 108, 118, 60, 56, 33, 115, 125, 117, 0, 44, 59, 35, 7, 64, 110, 51, 91, 65, 114, 94, 123, 63, 46, 66, 101, 2, 71, 96, 1, 6, 54, 52, 68, 120, 5, 122, 30, 99, 42, 36, 69, 67, 3, 100, 4, 106, 8, 74, 32, 10], [49, 62, 41, 105, 113, 57, 48, 127, 109, 45, 43, 107, 38, 102, 40, 88, 24, 53, 90, 18, 34, 86, 21, 82, 93, 20, 80, 104, 75, 58, 124, 84, 77, 22, 98, 16, 85, 92, 11, 13, 61, 29, 78, 31, 112, 14, 97, 17, 119, 81, 95, 23, 87, 26, 79, 28, 103, 25, 76, 15, 83, 27, 33, 121, 73, 9, 44, 50, 89, 12, 70, 19, 39, 126, 111, 37, 118, 55, 110, 116, 108, 60, 72, 51, 115, 47, 56, 117, 7, 59, 64, 122, 35, 101, 96, 63, 52, 94, 36, 91, 125, 67, 120, 0, 42, 1, 123, 71, 100, 66, 65, 2, 30, 46, 54, 3, 69, 114, 8, 5, 6, 4, 32, 99, 74, 106, 68, 10], [49, 62, 41, 105, 57, 113, 48, 127, 45, 109, 43, 107, 38, 88, 40, 102, 53, 34, 93, 24, 90, 18, 21, 86, 82, 104, 20, 85, 80, 22, 75, 84, 92, 77, 11, 16, 124, 98, 31, 58, 78, 97, 13, 29, 14, 61, 95, 119, 112, 17, 87, 81, 15, 28, 19, 23, 26, 79, 25, 33, 44, 70, 121, 103, 115, 83, 89, 12, 9, 27, 73, 118, 50, 111, 37, 126, 76, 116, 117, 110, 55, 7, 60, 0, 51, 108, 47, 59, 64, 63, 35, 8, 72, 125, 122, 39, 71, 91, 3, 120, 2, 65, 101, 36, 94, 100, 66, 114, 46, 54, 5, 96, 30, 56, 1, 123, 32, 6, 67, 52, 68, 42, 99, 69, 106, 10, 4, 74], [49, 62, 105, 41, 57, 113, 48, 127, 109, 45, 43, 107, 38, 40, 102, 93, 53, 88, 24, 34, 90, 18, 20, 86, 104, 85, 82, 21, 98, 22, 29, 92, 58, 80, 16, 31, 61, 124, 119, 112, 84, 75, 95, 78, 11, 77, 97, 14, 25, 23, 17, 26, 81, 28, 13, 87, 19, 121, 79, 44, 103, 15, 115, 111, 126, 37, 89, 33, 27, 9, 73, 110, 108, 50, 60, 39, 83, 47, 76, 96, 51, 55, 125, 70, 94, 12, 116, 63, 118, 64, 117, 59, 7, 35, 122, 30, 0, 91, 2, 36, 6, 56, 8, 42, 67, 66, 54, 1, 71, 114, 101, 65, 52, 46, 100, 120, 106, 3, 123, 72, 4, 32, 68, 99, 5, 69, 74, 10], [49, 62, 41, 57, 105, 113, 48, 127, 45, 109, 43, 107, 38, 53, 102, 40, 88, 24, 93, 34, 18, 90, 58, 104, 86, 85, 82, 22, 20, 75, 21, 16, 124, 92, 31, 77, 61, 80, 29, 78, 84, 112, 119, 11, 13, 95, 14, 97, 98, 81, 25, 23, 28, 26, 19, 15, 17, 87, 103, 27, 9, 121, 79, 126, 33, 83, 44, 89, 73, 50, 111, 60, 51, 47, 115, 108, 37, 8, 118, 6, 70, 76, 55, 12, 110, 125, 63, 7, 39, 71, 64, 0, 96, 67, 120, 36, 101, 30, 66, 59, 94, 4, 91, 114, 56, 117, 1, 116, 65, 123, 35, 32, 2, 3, 42, 54, 68, 5, 100, 122, 46, 106, 69, 74, 99, 72, 52, 10], [49, 62, 105, 41, 57, 113, 48, 45, 127, 43, 109, 107, 38, 102, 53, 40, 34, 24, 93, 88, 18, 82, 86, 58, 21, 90, 104, 75, 80, 16, 31, 77, 124, 61, 85, 20, 78, 22, 98, 112, 29, 92, 97, 11, 95, 84, 14, 119, 13, 17, 81, 25, 26, 6, 103, 9, 87, 28, 126, 23, 19, 27, 15, 79, 76, 83, 64, 8, 50, 73, 118, 89, 33, 115, 121, 111, 12, 37, 47, 7, 2, 116, 60, 71, 0, 51, 63, 120, 66, 91, 125, 1, 110, 44, 70, 114, 35, 67, 108, 55, 56, 5, 65, 101, 4, 30, 39, 59, 96, 123, 3, 122, 117, 36, 68, 69, 72, 42, 54, 94, 32, 52, 46, 74, 100, 99, 106, 10], [49, 62, 41, 105, 113, 57, 48, 109, 127, 45, 43, 107, 38, 40, 102, 53, 88, 34, 24, 93, 86, 18, 90, 58, 21, 82, 80, 75, 104, 77, 22, 16, 20, 98, 84, 92, 85, 78, 11, 31, 29, 112, 124, 61, 13, 14, 97, 95, 17, 81, 119, 26, 28, 103, 6, 15, 25, 87, 9, 73, 19, 76, 23, 12, 83, 89, 79, 126, 37, 121, 50, 111, 27, 8, 33, 64, 60, 44, 47, 0, 39, 71, 51, 115, 118, 2, 120, 55, 7, 66, 56, 108, 116, 125, 59, 35, 91, 3, 94, 65, 122, 63, 70, 123, 5, 117, 110, 72, 96, 1, 114, 36, 30, 101, 42, 69, 46, 100, 4, 67, 74, 52, 54, 68, 99, 32, 106, 10], [49, 62, 41, 105, 113, 57, 48, 127, 109, 45, 43, 107, 38, 102, 40, 53, 24, 93, 88, 104, 18, 34, 86, 21, 82, 90, 20, 22, 58, 85, 124, 80, 84, 92, 77, 31, 16, 98, 29, 11, 78, 75, 61, 95, 112, 97, 17, 119, 13, 14, 81, 26, 15, 25, 28, 121, 19, 89, 87, 23, 83, 37, 103, 79, 33, 126, 50, 27, 44, 9, 12, 6, 60, 111, 110, 108, 39, 73, 55, 115, 35, 118, 76, 51, 63, 8, 47, 91, 125, 101, 30, 116, 56, 123, 59, 117, 7, 122, 96, 94, 36, 114, 100, 64, 42, 2, 120, 0, 65, 54, 71, 52, 3, 1, 67, 66, 68, 70, 32, 99, 5, 4, 106, 72, 46, 69, 10, 74], [49, 62, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 53, 40, 34, 102, 24, 88, 104, 18, 82, 93, 21, 90, 75, 20, 77, 11, 86, 80, 58, 124, 98, 78, 22, 13, 84, 85, 31, 61, 112, 14, 16, 97, 92, 29, 95, 17, 119, 81, 25, 6, 15, 9, 19, 126, 83, 79, 87, 27, 89, 121, 26, 28, 73, 23, 103, 8, 50, 60, 118, 111, 0, 108, 33, 44, 7, 115, 64, 76, 12, 110, 125, 66, 51, 55, 47, 71, 2, 116, 70, 37, 56, 39, 91, 1, 117, 101, 30, 123, 63, 36, 65, 68, 35, 122, 96, 5, 114, 120, 59, 67, 4, 54, 72, 52, 94, 69, 42, 100, 3, 46, 32, 74, 99, 10, 106], [49, 62, 41, 105, 113, 57, 48, 127, 45, 109, 43, 107, 38, 53, 102, 40, 34, 93, 88, 24, 104, 18, 82, 90, 58, 86, 21, 20, 75, 31, 98, 124, 80, 77, 16, 11, 78, 84, 29, 92, 95, 112, 85, 61, 22, 97, 13, 14, 81, 17, 119, 9, 103, 28, 25, 121, 126, 26, 23, 15, 83, 33, 73, 27, 79, 44, 87, 89, 19, 37, 50, 110, 108, 60, 6, 118, 12, 111, 116, 51, 8, 115, 47, 0, 55, 39, 56, 70, 76, 35, 71, 30, 63, 7, 101, 91, 125, 96, 123, 66, 120, 59, 64, 117, 65, 54, 94, 114, 100, 72, 36, 32, 46, 122, 5, 52, 69, 106, 2, 1, 74, 67, 4, 3, 42, 99, 68, 10], [49, 62, 105, 41, 113, 57, 48, 109, 43, 127, 45, 107, 38, 102, 40, 53, 34, 93, 58, 24, 18, 88, 82, 104, 21, 86, 90, 20, 75, 98, 124, 61, 16, 80, 22, 85, 78, 84, 11, 31, 77, 92, 17, 95, 29, 112, 13, 97, 14, 81, 121, 119, 103, 15, 26, 87, 9, 126, 73, 27, 23, 44, 25, 79, 111, 83, 19, 12, 60, 76, 70, 28, 50, 115, 89, 33, 37, 59, 108, 64, 118, 110, 7, 0, 39, 116, 51, 123, 47, 125, 66, 55, 67, 35, 8, 101, 6, 120, 71, 117, 63, 2, 91, 56, 1, 30, 54, 96, 72, 65, 52, 114, 3, 36, 4, 122, 94, 42, 69, 5, 100, 32, 46, 68, 74, 10, 99, 106], [49, 62, 41, 105, 57, 113, 45, 48, 43, 127, 109, 107, 38, 40, 53, 102, 34, 88, 93, 18, 24, 90, 82, 104, 86, 22, 21, 20, 29, 75, 61, 80, 98, 85, 58, 16, 84, 95, 92, 77, 31, 11, 97, 112, 124, 78, 17, 14, 81, 13, 28, 119, 79, 15, 87, 23, 25, 26, 73, 103, 126, 83, 19, 50, 121, 108, 9, 33, 70, 89, 27, 111, 37, 51, 60, 118, 39, 76, 44, 12, 115, 117, 116, 91, 101, 110, 55, 30, 125, 63, 120, 47, 72, 7, 0, 114, 123, 54, 71, 56, 122, 59, 2, 1, 35, 42, 36, 5, 100, 65, 96, 64, 4, 32, 46, 94, 66, 8, 3, 68, 6, 52, 67, 99, 10, 69, 74, 106], [49, 62, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 40, 102, 53, 34, 93, 88, 24, 18, 82, 21, 104, 86, 90, 20, 98, 11, 58, 75, 22, 80, 16, 31, 95, 92, 97, 84, 124, 112, 29, 85, 77, 61, 13, 14, 81, 17, 119, 78, 26, 103, 87, 28, 79, 15, 121, 83, 126, 50, 25, 27, 70, 23, 33, 73, 44, 9, 89, 19, 108, 37, 60, 118, 39, 111, 110, 116, 76, 51, 47, 35, 30, 101, 71, 55, 12, 117, 64, 125, 72, 91, 115, 63, 0, 7, 59, 67, 100, 96, 114, 36, 65, 66, 56, 123, 6, 2, 122, 52, 46, 120, 32, 1, 54, 94, 106, 42, 8, 69, 68, 99, 5, 10, 4, 3, 74], [49, 41, 62, 105, 57, 113, 127, 48, 45, 109, 43, 107, 38, 40, 102, 93, 53, 88, 34, 104, 58, 24, 18, 82, 90, 20, 86, 112, 29, 98, 80, 85, 31, 97, 61, 21, 124, 84, 16, 119, 75, 95, 22, 92, 11, 77, 14, 103, 26, 81, 17, 126, 78, 87, 28, 121, 13, 25, 108, 39, 110, 118, 44, 9, 33, 27, 15, 50, 79, 89, 23, 37, 73, 70, 51, 111, 60, 63, 83, 19, 59, 125, 101, 116, 47, 55, 117, 56, 96, 94, 30, 36, 72, 35, 12, 115, 71, 91, 100, 64, 42, 76, 32, 0, 7, 123, 66, 120, 65, 122, 106, 46, 6, 67, 114, 54, 52, 1, 99, 2, 69, 3, 68, 4, 8, 10, 74, 5], [49, 62, 105, 41, 57, 113, 48, 127, 45, 109, 43, 107, 38, 102, 40, 53, 93, 34, 88, 24, 86, 90, 18, 21, 58, 104, 82, 98, 20, 31, 80, 75, 124, 11, 29, 61, 95, 97, 22, 85, 92, 112, 84, 77, 16, 78, 13, 17, 119, 14, 28, 25, 81, 103, 121, 87, 15, 33, 27, 9, 26, 50, 19, 126, 83, 37, 111, 89, 79, 101, 73, 60, 116, 47, 118, 23, 63, 39, 72, 59, 12, 108, 76, 55, 51, 44, 70, 117, 96, 115, 110, 35, 30, 125, 0, 120, 64, 71, 7, 123, 56, 91, 114, 1, 36, 42, 6, 2, 54, 4, 94, 106, 100, 32, 52, 67, 122, 46, 65, 68, 99, 5, 69, 66, 3, 74, 8, 10], [49, 62, 41, 105, 57, 113, 48, 45, 127, 43, 109, 107, 38, 40, 53, 34, 102, 93, 24, 104, 88, 86, 18, 58, 82, 90, 21, 98, 80, 20, 11, 75, 124, 97, 22, 77, 31, 92, 16, 85, 13, 29, 84, 95, 112, 78, 61, 14, 81, 17, 119, 103, 121, 73, 15, 25, 9, 27, 126, 79, 83, 87, 26, 19, 23, 110, 28, 50, 89, 76, 116, 72, 12, 111, 47, 44, 33, 118, 115, 60, 51, 37, 108, 55, 6, 39, 101, 59, 70, 71, 64, 117, 0, 123, 125, 63, 7, 35, 120, 30, 52, 36, 2, 46, 1, 54, 66, 96, 69, 91, 65, 56, 114, 3, 122, 42, 32, 67, 68, 4, 99, 10, 100, 94, 74, 8, 106, 5], [49, 62, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 40, 102, 53, 93, 34, 104, 88, 58, 24, 86, 90, 21, 18, 98, 82, 31, 97, 84, 20, 124, 95, 11, 85, 61, 22, 16, 80, 13, 29, 112, 92, 78, 75, 77, 14, 81, 28, 26, 17, 119, 121, 103, 15, 23, 126, 87, 27, 25, 110, 44, 19, 79, 9, 89, 73, 33, 111, 59, 115, 50, 83, 6, 37, 108, 12, 55, 76, 118, 47, 116, 91, 101, 35, 60, 96, 51, 63, 117, 39, 72, 64, 0, 71, 125, 123, 7, 52, 36, 42, 32, 114, 56, 122, 94, 120, 3, 30, 65, 46, 2, 70, 66, 1, 4, 100, 106, 68, 10, 8, 54, 99, 67, 69, 5, 74], [49, 62, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 53, 102, 40, 88, 93, 34, 104, 24, 18, 86, 21, 90, 82, 58, 98, 80, 61, 20, 31, 124, 22, 85, 11, 92, 84, 29, 112, 95, 75, 13, 97, 16, 77, 119, 78, 14, 26, 17, 81, 28, 126, 15, 103, 23, 87, 83, 9, 33, 110, 6, 27, 25, 121, 111, 51, 89, 44, 118, 50, 115, 73, 79, 60, 19, 12, 37, 39, 108, 55, 76, 47, 59, 63, 0, 116, 123, 35, 101, 91, 32, 64, 72, 36, 71, 96, 7, 120, 125, 65, 117, 100, 30, 114, 2, 56, 1, 122, 66, 42, 54, 3, 94, 8, 5, 46, 4, 67, 52, 99, 106, 68, 69, 70, 10, 74], [49, 62, 41, 105, 57, 113, 48, 45, 109, 127, 43, 107, 38, 53, 40, 102, 34, 24, 88, 93, 104, 58, 18, 82, 86, 98, 90, 11, 31, 80, 21, 20, 85, 124, 75, 92, 77, 112, 97, 22, 16, 84, 95, 13, 29, 61, 78, 81, 14, 28, 119, 103, 26, 17, 25, 9, 6, 126, 87, 73, 111, 79, 23, 121, 83, 15, 19, 33, 27, 89, 50, 115, 37, 118, 47, 110, 116, 55, 108, 60, 76, 123, 12, 44, 59, 39, 63, 117, 7, 72, 35, 101, 51, 56, 64, 125, 96, 91, 71, 114, 8, 36, 120, 0, 30, 65, 2, 68, 32, 46, 66, 3, 99, 54, 4, 52, 70, 100, 94, 122, 1, 69, 5, 42, 106, 67, 74, 10], [49, 62, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 40, 102, 34, 93, 53, 88, 24, 18, 86, 104, 21, 90, 58, 82, 22, 20, 98, 16, 124, 61, 29, 31, 11, 97, 80, 112, 84, 75, 85, 92, 95, 77, 13, 28, 78, 119, 14, 103, 81, 26, 17, 25, 121, 73, 87, 23, 89, 9, 83, 27, 79, 12, 33, 108, 6, 126, 15, 50, 44, 19, 39, 111, 37, 118, 60, 76, 51, 110, 116, 117, 35, 55, 59, 101, 47, 7, 56, 63, 0, 123, 125, 115, 8, 122, 120, 64, 1, 96, 30, 70, 72, 2, 114, 71, 52, 91, 54, 46, 3, 36, 100, 32, 66, 42, 5, 67, 94, 106, 65, 99, 68, 69, 74, 4, 10], [49, 62, 41, 105, 57, 113, 48, 109, 127, 45, 43, 107, 38, 40, 34, 102, 88, 53, 93, 104, 24, 90, 18, 86, 22, 82, 58, 20, 21, 11, 31, 98, 92, 85, 112, 97, 75, 80, 16, 84, 124, 29, 61, 77, 78, 95, 13, 119, 28, 81, 14, 17, 26, 15, 25, 103, 19, 73, 23, 27, 83, 9, 89, 87, 79, 33, 126, 111, 50, 121, 60, 12, 51, 118, 37, 125, 110, 44, 70, 76, 55, 108, 6, 8, 115, 7, 39, 116, 35, 0, 101, 47, 63, 64, 59, 123, 56, 114, 117, 122, 120, 42, 71, 1, 30, 91, 96, 65, 100, 54, 52, 69, 2, 32, 67, 36, 106, 5, 94, 66, 3, 72, 46, 68, 10, 74, 4, 99], [49, 62, 41, 105, 57, 113, 48, 109, 127, 45, 43, 107, 38, 53, 102, 40, 88, 104, 24, 34, 93, 90, 18, 86, 82, 58, 98, 22, 124, 20, 29, 112, 21, 61, 85, 80, 92, 75, 31, 11, 16, 84, 77, 95, 78, 81, 97, 17, 126, 119, 13, 14, 25, 103, 28, 26, 87, 23, 83, 33, 27, 9, 73, 110, 121, 115, 79, 125, 15, 51, 89, 44, 12, 50, 108, 37, 55, 39, 60, 8, 111, 70, 47, 76, 35, 36, 19, 118, 116, 59, 117, 7, 101, 63, 6, 91, 0, 114, 100, 56, 65, 64, 42, 122, 66, 2, 32, 71, 94, 96, 67, 120, 123, 30, 54, 68, 1, 52, 69, 3, 46, 5, 106, 4, 10, 99, 72, 74], [49, 62, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 53, 40, 102, 88, 24, 34, 18, 104, 93, 82, 90, 86, 75, 58, 11, 80, 21, 98, 124, 20, 85, 16, 61, 31, 22, 77, 92, 78, 97, 84, 13, 112, 29, 95, 81, 17, 14, 119, 70, 9, 103, 28, 126, 83, 25, 26, 73, 64, 87, 79, 121, 23, 115, 15, 27, 19, 33, 8, 89, 76, 12, 7, 118, 44, 111, 51, 55, 0, 116, 50, 2, 110, 66, 101, 60, 59, 125, 108, 117, 47, 68, 67, 65, 37, 56, 6, 39, 71, 123, 63, 3, 1, 91, 5, 52, 35, 96, 122, 36, 114, 100, 30, 46, 4, 69, 54, 120, 94, 72, 10, 106, 32, 42, 74, 99], [62, 49, 41, 105, 57, 113, 48, 127, 45, 109, 43, 107, 38, 102, 40, 53, 34, 93, 88, 58, 24, 104, 21, 124, 11, 86, 90, 18, 98, 75, 84, 82, 29, 61, 22, 31, 95, 92, 112, 80, 20, 85, 78, 97, 77, 16, 13, 26, 17, 14, 103, 119, 81, 23, 121, 25, 70, 15, 73, 28, 27, 9, 126, 8, 87, 89, 37, 19, 50, 12, 44, 47, 33, 51, 125, 83, 116, 115, 7, 110, 118, 60, 108, 79, 111, 59, 0, 39, 35, 55, 101, 76, 63, 64, 56, 91, 114, 2, 96, 1, 117, 30, 67, 100, 36, 71, 66, 52, 46, 122, 3, 123, 120, 4, 32, 69, 65, 54, 6, 5, 42, 94, 68, 99, 106, 72, 10, 74], [49, 62, 41, 105, 57, 113, 48, 45, 127, 109, 43, 107, 38, 102, 40, 24, 53, 88, 93, 34, 18, 90, 82, 86, 11, 58, 75, 21, 20, 104, 98, 22, 16, 80, 124, 85, 31, 92, 29, 77, 13, 84, 97, 112, 78, 61, 95, 14, 17, 81, 19, 119, 25, 103, 9, 121, 26, 87, 73, 15, 28, 70, 126, 23, 79, 89, 37, 50, 33, 44, 8, 27, 12, 116, 111, 83, 76, 101, 60, 115, 0, 47, 118, 125, 55, 7, 59, 56, 117, 64, 51, 108, 66, 96, 39, 110, 65, 63, 2, 123, 35, 71, 94, 5, 114, 1, 91, 67, 30, 6, 3, 54, 46, 120, 122, 68, 69, 74, 72, 4, 100, 42, 32, 36, 99, 52, 106, 10], [49, 62, 41, 105, 113, 57, 48, 45, 127, 109, 43, 107, 38, 40, 102, 53, 88, 93, 24, 58, 34, 82, 90, 18, 104, 124, 21, 20, 112, 11, 86, 85, 16, 22, 77, 97, 75, 98, 80, 92, 84, 95, 13, 61, 31, 14, 103, 29, 78, 17, 81, 119, 15, 28, 19, 23, 121, 115, 25, 9, 83, 126, 27, 73, 79, 70, 87, 26, 116, 37, 12, 44, 89, 33, 50, 59, 51, 39, 60, 108, 35, 111, 101, 118, 125, 76, 55, 7, 8, 110, 64, 6, 47, 117, 63, 114, 0, 56, 123, 91, 2, 96, 122, 46, 65, 69, 54, 71, 30, 72, 100, 1, 52, 66, 68, 36, 67, 3, 4, 42, 120, 94, 5, 32, 99, 106, 10, 74], [62, 49, 41, 105, 57, 113, 48, 127, 45, 109, 43, 107, 38, 102, 40, 53, 88, 34, 24, 93, 82, 18, 90, 86, 75, 104, 21, 77, 11, 20, 58, 22, 85, 124, 16, 98, 31, 84, 13, 97, 95, 92, 112, 80, 61, 29, 14, 78, 17, 81, 28, 26, 119, 79, 87, 9, 15, 19, 115, 103, 73, 83, 126, 25, 12, 37, 23, 27, 33, 121, 50, 108, 89, 70, 76, 7, 118, 111, 8, 6, 44, 51, 60, 63, 116, 59, 47, 72, 39, 110, 71, 96, 0, 101, 123, 91, 55, 117, 35, 64, 68, 56, 125, 114, 2, 1, 100, 66, 46, 42, 36, 5, 122, 65, 67, 94, 10, 120, 30, 54, 4, 74, 52, 32, 69, 99, 3, 106]], "model.layers.13.self_attn.q_proj": [[115, 103, 62, 124, 126, 50, 93, 54, 90, 20, 89, 13, 122, 74, 83, 23, 127, 33, 7, 82, 61, 39, 48, 112, 80, 56, 22, 25, 2, 91, 92, 29, 31, 0, 53, 52, 67, 117, 116, 119, 51, 120, 77, 4, 65, 121, 6, 5, 87, 69, 125, 21, 15, 12, 100, 114, 64, 118, 60, 59, 66, 49, 3, 16, 95, 34, 55, 37, 28, 19, 111, 17, 18, 68, 58, 99, 85, 72, 63, 32, 57, 81, 44, 9, 70, 30, 84, 36, 88, 101, 96, 24, 113, 45, 11, 109, 35, 94, 102, 98, 26, 123, 38, 27, 14, 76, 78, 73, 8, 47, 107, 86, 43, 46, 41, 40, 42, 105, 110, 108, 79, 71, 75, 104, 97, 1, 106, 10], [115, 62, 103, 124, 50, 54, 126, 23, 74, 67, 61, 90, 122, 127, 56, 112, 7, 53, 93, 82, 6, 39, 77, 116, 48, 2, 68, 117, 52, 0, 89, 33, 121, 114, 51, 120, 85, 15, 31, 25, 119, 49, 125, 60, 11, 111, 22, 118, 55, 63, 59, 37, 69, 58, 113, 57, 95, 44, 109, 45, 9, 110, 46, 107, 38, 35, 43, 83, 13, 65, 123, 108, 102, 47, 20, 41, 34, 42, 104, 105, 106, 100, 92, 64, 5, 98, 73, 28, 40, 96, 101, 66, 32, 99, 79, 36, 87, 18, 72, 14, 30, 29, 88, 24, 94, 21, 10, 80, 26, 16, 19, 86, 4, 70, 84, 12, 3, 91, 81, 97, 27, 76, 1, 78, 17, 75, 8, 71], [62, 115, 103, 39, 124, 127, 126, 50, 90, 61, 54, 112, 122, 23, 11, 7, 15, 20, 82, 52, 74, 53, 89, 116, 51, 119, 6, 56, 14, 48, 0, 117, 68, 67, 79, 120, 84, 121, 125, 114, 59, 80, 55, 111, 100, 118, 49, 95, 60, 72, 22, 66, 57, 33, 63, 102, 58, 113, 2, 107, 73, 43, 109, 110, 93, 34, 37, 40, 101, 31, 46, 92, 45, 35, 13, 18, 44, 28, 106, 25, 98, 81, 38, 108, 96, 123, 47, 32, 69, 41, 42, 105, 104, 99, 87, 88, 16, 24, 94, 85, 77, 83, 30, 29, 91, 26, 8, 27, 9, 86, 75, 36, 70, 12, 76, 78, 65, 97, 5, 19, 64, 10, 17, 21, 71, 4, 1, 3], [115, 62, 103, 50, 126, 124, 54, 90, 61, 122, 127, 74, 112, 67, 82, 48, 56, 7, 39, 117, 77, 52, 83, 116, 114, 93, 2, 53, 120, 125, 51, 119, 121, 18, 92, 13, 6, 111, 0, 89, 49, 59, 60, 88, 109, 55, 63, 58, 118, 33, 45, 57, 23, 11, 108, 113, 47, 21, 43, 25, 102, 107, 40, 46, 65, 44, 69, 123, 66, 64, 87, 110, 37, 15, 42, 20, 105, 35, 104, 41, 106, 5, 100, 19, 101, 68, 98, 17, 73, 38, 91, 3, 95, 96, 29, 34, 9, 85, 36, 99, 10, 31, 32, 70, 4, 28, 22, 30, 12, 16, 94, 72, 26, 27, 81, 24, 1, 97, 84, 76, 86, 80, 14, 78, 71, 79, 8, 75], [123, 127, 60, 62, 38, 121, 53, 56, 61, 122, 110, 120, 59, 57, 54, 52, 44, 114, 119, 51, 125, 118, 116, 91, 117, 124, 126, 55, 115, 48, 58, 47, 113, 49, 90, 50, 111, 63, 102, 82, 46, 108, 109, 32, 112, 14, 104, 45, 29, 100, 84, 34, 103, 99, 107, 37, 86, 43, 97, 105, 39, 22, 42, 106, 36, 24, 40, 33, 89, 98, 41, 94, 101, 27, 30, 23, 75, 20, 88, 35, 96, 18, 25, 26, 95, 93, 80, 31, 78, 19, 28, 8, 9, 21, 87, 11, 81, 83, 64, 68, 85, 92, 13, 66, 17, 1, 12, 76, 77, 16, 79, 70, 71, 5, 15, 72, 3, 7, 10, 65, 6, 67, 73, 4, 0, 69, 2, 74], [127, 123, 38, 121, 62, 60, 37, 53, 56, 61, 122, 57, 120, 54, 116, 51, 59, 114, 52, 58, 44, 32, 119, 125, 36, 118, 124, 117, 49, 126, 115, 90, 110, 55, 108, 47, 50, 111, 113, 63, 89, 107, 82, 109, 91, 112, 106, 100, 48, 87, 14, 46, 84, 102, 42, 96, 45, 103, 34, 27, 25, 20, 22, 104, 40, 78, 8, 97, 94, 39, 31, 43, 95, 98, 29, 105, 101, 41, 30, 33, 99, 86, 1, 35, 75, 9, 81, 18, 26, 19, 93, 92, 24, 28, 5, 12, 68, 3, 71, 76, 64, 0, 79, 13, 88, 70, 21, 72, 23, 17, 85, 10, 15, 66, 16, 67, 83, 73, 7, 6, 80, 11, 77, 4, 2, 69, 65, 74], [123, 127, 62, 60, 121, 1, 53, 61, 56, 122, 57, 115, 120, 54, 52, 63, 51, 58, 59, 32, 114, 116, 124, 113, 125, 118, 119, 117, 49, 110, 126, 107, 55, 87, 37, 0, 111, 47, 50, 48, 112, 20, 109, 106, 104, 91, 108, 64, 46, 38, 44, 45, 67, 75, 66, 41, 42, 39, 43, 100, 40, 105, 78, 82, 103, 3, 36, 26, 71, 101, 34, 22, 68, 99, 18, 95, 72, 14, 5, 98, 88, 13, 33, 28, 79, 30, 94, 35, 102, 27, 96, 16, 97, 92, 9, 8, 93, 10, 76, 21, 17, 11, 6, 83, 2, 70, 15, 29, 23, 85, 84, 86, 31, 12, 24, 90, 25, 19, 73, 65, 7, 81, 89, 4, 69, 80, 77, 74], [127, 123, 38, 24, 83, 17, 28, 79, 90, 26, 10, 97, 13, 60, 31, 86, 104, 121, 84, 76, 4, 42, 7, 29, 62, 74, 77, 85, 40, 88, 19, 2, 53, 46, 70, 92, 15, 49, 81, 89, 57, 25, 20, 91, 9, 6, 5, 71, 64, 58, 101, 21, 116, 12, 56, 33, 18, 112, 78, 80, 99, 27, 82, 16, 87, 54, 23, 1, 65, 0, 95, 102, 14, 75, 93, 32, 51, 109, 69, 67, 115, 73, 52, 61, 94, 11, 108, 96, 30, 36, 22, 68, 59, 125, 48, 122, 72, 8, 37, 34, 55, 126, 114, 124, 66, 63, 50, 120, 43, 45, 117, 119, 103, 100, 118, 44, 3, 110, 113, 47, 98, 106, 35, 41, 107, 111, 105, 39], [121, 60, 39, 123, 120, 89, 61, 54, 49, 119, 65, 51, 122, 116, 62, 78, 127, 71, 126, 59, 112, 58, 117, 92, 110, 48, 118, 11, 50, 57, 124, 80, 53, 4, 55, 18, 27, 56, 44, 47, 68, 115, 125, 23, 63, 43, 111, 96, 69, 105, 46, 90, 99, 103, 52, 113, 106, 45, 109, 9, 114, 70, 107, 0, 101, 28, 84, 104, 91, 3, 42, 108, 73, 66, 38, 40, 82, 41, 102, 22, 95, 2, 93, 94, 36, 100, 25, 37, 10, 30, 34, 97, 98, 86, 79, 16, 33, 64, 8, 5, 29, 87, 19, 14, 20, 74, 31, 7, 35, 83, 15, 12, 72, 26, 81, 88, 17, 21, 32, 75, 77, 85, 24, 1, 67, 13, 76, 6], [60, 121, 39, 89, 123, 120, 54, 61, 116, 62, 49, 119, 23, 96, 18, 126, 84, 51, 80, 122, 117, 16, 55, 27, 127, 57, 124, 48, 9, 25, 95, 86, 92, 59, 58, 118, 28, 22, 112, 53, 50, 56, 47, 15, 65, 13, 99, 78, 69, 110, 63, 115, 52, 106, 7, 34, 94, 30, 103, 19, 111, 75, 82, 125, 105, 11, 97, 32, 44, 43, 114, 10, 46, 45, 108, 113, 21, 104, 71, 20, 77, 109, 107, 42, 38, 40, 85, 35, 66, 41, 37, 73, 93, 87, 81, 0, 91, 100, 36, 90, 31, 98, 12, 102, 33, 26, 29, 101, 70, 2, 68, 74, 83, 24, 79, 3, 17, 88, 14, 4, 67, 76, 72, 64, 5, 8, 6, 1], [121, 39, 60, 123, 120, 89, 54, 116, 23, 61, 84, 27, 28, 11, 92, 96, 51, 49, 18, 80, 99, 16, 122, 48, 62, 75, 126, 119, 86, 124, 127, 118, 58, 59, 117, 50, 55, 112, 78, 57, 22, 56, 30, 25, 47, 110, 53, 94, 95, 82, 115, 106, 111, 29, 7, 9, 44, 114, 45, 91, 15, 109, 90, 103, 46, 63, 113, 52, 33, 105, 2, 107, 4, 20, 42, 65, 102, 81, 71, 40, 104, 101, 87, 70, 43, 19, 108, 93, 125, 77, 85, 36, 37, 98, 35, 41, 79, 3, 97, 21, 6, 32, 31, 100, 83, 0, 38, 34, 68, 69, 26, 17, 14, 73, 88, 12, 64, 24, 67, 76, 13, 10, 8, 74, 72, 5, 66, 1], [60, 121, 39, 123, 54, 84, 120, 116, 89, 61, 49, 51, 18, 16, 92, 117, 99, 28, 122, 27, 126, 82, 112, 119, 62, 127, 103, 23, 124, 48, 96, 118, 58, 59, 57, 94, 55, 53, 86, 50, 9, 88, 47, 95, 56, 52, 110, 11, 25, 115, 22, 65, 30, 71, 69, 15, 42, 114, 111, 75, 45, 46, 125, 33, 106, 102, 63, 113, 43, 78, 91, 107, 90, 101, 104, 34, 41, 44, 77, 109, 40, 38, 87, 105, 0, 13, 36, 29, 85, 31, 108, 26, 20, 7, 98, 68, 14, 37, 93, 97, 100, 24, 19, 66, 32, 35, 81, 21, 80, 17, 83, 70, 2, 79, 76, 12, 74, 73, 8, 64, 5, 72, 67, 3, 4, 10, 6, 1], [51, 118, 102, 48, 90, 24, 97, 53, 126, 61, 58, 117, 18, 121, 29, 62, 63, 54, 123, 86, 50, 19, 9, 80, 124, 26, 47, 127, 111, 93, 120, 112, 125, 38, 115, 23, 59, 116, 119, 27, 60, 91, 73, 17, 46, 55, 78, 108, 20, 113, 12, 104, 103, 114, 52, 101, 57, 71, 45, 56, 39, 89, 110, 82, 11, 87, 88, 30, 107, 36, 5, 77, 109, 66, 49, 42, 13, 44, 99, 16, 14, 33, 43, 41, 98, 83, 100, 28, 74, 122, 94, 105, 31, 34, 40, 25, 106, 37, 75, 32, 35, 96, 21, 81, 95, 85, 22, 84, 92, 15, 72, 3, 7, 68, 70, 79, 76, 64, 65, 69, 2, 1, 0, 8, 10, 4, 6, 67], [118, 51, 102, 48, 61, 126, 58, 123, 53, 124, 127, 120, 62, 117, 63, 90, 54, 60, 19, 125, 121, 119, 97, 116, 59, 41, 113, 50, 3, 56, 52, 55, 29, 112, 47, 73, 57, 0, 86, 115, 38, 93, 78, 24, 26, 111, 92, 81, 122, 46, 9, 5, 1, 109, 114, 43, 69, 87, 22, 89, 103, 94, 30, 45, 110, 108, 49, 7, 44, 66, 105, 39, 98, 107, 99, 104, 106, 91, 42, 83, 28, 2, 75, 14, 18, 4, 40, 25, 76, 37, 100, 6, 84, 65, 12, 32, 35, 96, 17, 16, 33, 82, 101, 67, 21, 13, 36, 34, 15, 8, 85, 77, 11, 64, 31, 20, 88, 80, 79, 95, 71, 23, 10, 74, 27, 70, 72, 68], [51, 102, 118, 48, 24, 97, 53, 90, 19, 58, 126, 47, 63, 61, 86, 81, 38, 18, 121, 117, 93, 123, 29, 62, 60, 124, 80, 9, 50, 99, 89, 59, 112, 54, 127, 120, 45, 94, 125, 108, 119, 13, 75, 100, 11, 39, 57, 111, 113, 114, 91, 104, 88, 77, 115, 26, 116, 3, 5, 109, 73, 36, 56, 37, 98, 49, 52, 110, 103, 78, 105, 107, 42, 55, 28, 66, 41, 122, 46, 30, 71, 44, 40, 83, 35, 43, 31, 34, 27, 95, 82, 22, 87, 17, 106, 85, 92, 20, 32, 101, 23, 21, 84, 69, 15, 96, 25, 16, 7, 74, 33, 14, 72, 0, 70, 67, 10, 1, 79, 64, 12, 8, 76, 65, 68, 6, 4, 2], [51, 102, 118, 48, 24, 97, 61, 86, 53, 29, 126, 19, 90, 63, 124, 115, 78, 75, 18, 58, 80, 81, 50, 123, 93, 66, 87, 62, 89, 30, 77, 39, 117, 16, 34, 99, 54, 9, 88, 32, 47, 116, 91, 45, 120, 37, 36, 125, 96, 83, 28, 111, 31, 44, 127, 3, 59, 100, 26, 121, 11, 95, 60, 103, 38, 52, 119, 23, 109, 71, 35, 112, 92, 17, 113, 5, 94, 20, 105, 27, 110, 57, 98, 101, 106, 56, 74, 114, 41, 25, 107, 70, 108, 104, 69, 46, 33, 0, 82, 55, 21, 1, 14, 72, 49, 40, 10, 85, 43, 64, 13, 73, 122, 42, 22, 7, 15, 84, 6, 68, 12, 79, 4, 76, 8, 65, 67, 2], [47, 125, 111, 56, 14, 124, 60, 24, 120, 127, 117, 54, 118, 49, 123, 5, 57, 91, 61, 75, 2, 21, 96, 59, 122, 1, 62, 94, 55, 7, 126, 63, 26, 58, 50, 121, 48, 103, 39, 53, 9, 3, 119, 64, 116, 104, 101, 98, 40, 113, 23, 4, 20, 100, 83, 42, 114, 52, 115, 112, 37, 36, 13, 82, 18, 97, 10, 17, 85, 72, 108, 44, 22, 110, 51, 89, 73, 46, 25, 27, 6, 43, 35, 19, 78, 29, 15, 107, 41, 71, 31, 45, 81, 32, 16, 79, 106, 105, 8, 28, 34, 99, 93, 109, 87, 74, 33, 88, 102, 70, 38, 92, 95, 76, 86, 80, 11, 77, 90, 30, 65, 67, 84, 0, 12, 69, 66, 68], [47, 111, 125, 56, 98, 26, 124, 2, 5, 60, 117, 103, 85, 64, 39, 36, 61, 54, 120, 127, 92, 37, 123, 49, 4, 87, 91, 97, 126, 122, 118, 1, 59, 57, 62, 20, 14, 6, 89, 48, 7, 3, 55, 24, 9, 50, 63, 96, 121, 113, 53, 65, 29, 58, 75, 13, 27, 114, 51, 101, 10, 41, 52, 81, 83, 84, 116, 94, 35, 42, 71, 72, 46, 119, 38, 112, 44, 8, 22, 115, 106, 28, 90, 100, 16, 31, 105, 99, 107, 43, 34, 109, 0, 23, 45, 95, 110, 11, 104, 108, 68, 76, 73, 86, 102, 25, 40, 32, 79, 15, 17, 66, 21, 33, 74, 80, 30, 19, 82, 93, 67, 70, 69, 77, 18, 88, 78, 12], [125, 47, 111, 56, 60, 124, 14, 39, 117, 26, 127, 118, 120, 54, 61, 49, 123, 5, 57, 103, 126, 62, 94, 59, 122, 81, 55, 63, 98, 50, 48, 23, 121, 19, 53, 20, 46, 58, 113, 116, 76, 114, 2, 8, 1, 119, 97, 112, 64, 4, 10, 75, 115, 107, 51, 52, 38, 44, 21, 72, 87, 65, 73, 16, 104, 100, 41, 3, 90, 42, 43, 45, 71, 96, 108, 110, 106, 105, 37, 99, 86, 6, 109, 17, 24, 36, 40, 22, 79, 80, 91, 28, 9, 7, 83, 101, 85, 13, 74, 34, 102, 33, 92, 18, 35, 82, 27, 95, 31, 29, 11, 78, 84, 88, 68, 30, 0, 25, 89, 77, 12, 32, 69, 93, 15, 70, 66, 67], [47, 125, 111, 36, 56, 24, 96, 124, 91, 75, 25, 120, 100, 7, 60, 49, 83, 29, 16, 99, 84, 21, 2, 54, 94, 1, 14, 127, 117, 5, 61, 57, 80, 26, 103, 40, 118, 123, 22, 97, 64, 33, 4, 46, 35, 44, 48, 59, 110, 85, 126, 62, 104, 13, 122, 9, 27, 28, 58, 89, 3, 20, 6, 31, 116, 90, 77, 53, 108, 15, 43, 93, 121, 101, 42, 39, 119, 87, 50, 55, 17, 79, 63, 88, 98, 67, 112, 95, 82, 106, 18, 92, 23, 113, 41, 34, 30, 52, 37, 38, 102, 114, 19, 71, 32, 45, 115, 105, 74, 109, 51, 107, 11, 70, 76, 78, 8, 10, 68, 12, 65, 72, 73, 81, 86, 0, 69, 66], [123, 63, 39, 114, 57, 115, 61, 127, 121, 124, 59, 62, 120, 54, 49, 93, 116, 125, 110, 113, 97, 50, 25, 53, 58, 112, 56, 55, 118, 51, 117, 92, 52, 80, 126, 60, 42, 122, 45, 48, 22, 111, 44, 28, 108, 119, 102, 46, 107, 43, 95, 41, 40, 47, 26, 103, 100, 88, 106, 19, 37, 104, 105, 34, 109, 35, 96, 17, 86, 31, 87, 36, 99, 32, 101, 94, 38, 24, 9, 29, 6, 91, 16, 3, 98, 76, 12, 72, 30, 90, 78, 33, 83, 73, 27, 68, 0, 67, 23, 18, 81, 20, 89, 85, 77, 15, 65, 2, 1, 5, 84, 79, 21, 69, 82, 11, 8, 14, 75, 70, 13, 4, 74, 66, 71, 10, 64, 7], [63, 123, 114, 39, 57, 115, 61, 59, 127, 124, 121, 62, 54, 125, 120, 116, 113, 49, 60, 117, 58, 53, 122, 88, 56, 50, 52, 48, 19, 55, 126, 51, 28, 118, 112, 119, 43, 42, 93, 45, 97, 38, 110, 46, 6, 0, 41, 85, 104, 95, 86, 102, 107, 111, 92, 47, 87, 105, 16, 106, 103, 109, 44, 76, 25, 37, 108, 81, 40, 34, 96, 35, 73, 80, 15, 101, 22, 99, 100, 36, 26, 67, 3, 83, 94, 32, 29, 90, 98, 23, 69, 24, 33, 17, 27, 30, 72, 31, 91, 5, 2, 12, 78, 65, 84, 70, 79, 9, 89, 75, 1, 20, 4, 68, 21, 14, 18, 77, 82, 74, 11, 8, 64, 10, 13, 66, 71, 7], [39, 63, 123, 25, 82, 97, 87, 13, 115, 22, 19, 114, 74, 80, 70, 57, 6, 77, 3, 66, 83, 7, 18, 64, 84, 91, 31, 4, 12, 94, 29, 27, 10, 9, 79, 93, 92, 16, 95, 24, 75, 30, 21, 90, 86, 5, 59, 85, 81, 76, 58, 104, 78, 23, 15, 20, 89, 17, 1, 127, 71, 120, 14, 73, 61, 54, 8, 88, 124, 62, 113, 116, 43, 72, 68, 109, 49, 96, 118, 99, 32, 2, 65, 28, 11, 55, 100, 34, 35, 98, 121, 48, 107, 37, 69, 45, 110, 40, 26, 41, 50, 51, 53, 122, 67, 102, 42, 126, 0, 60, 125, 46, 56, 105, 52, 36, 38, 119, 111, 112, 117, 33, 101, 108, 44, 103, 106, 47], [63, 123, 39, 115, 57, 28, 114, 80, 97, 19, 25, 22, 127, 61, 124, 87, 9, 62, 59, 96, 88, 120, 92, 58, 54, 113, 116, 104, 121, 49, 111, 3, 12, 125, 117, 53, 51, 24, 107, 95, 20, 60, 50, 31, 126, 52, 48, 15, 56, 72, 21, 77, 112, 55, 34, 122, 41, 46, 82, 118, 40, 119, 13, 42, 94, 102, 43, 37, 30, 45, 110, 99, 23, 16, 83, 93, 84, 70, 85, 29, 90, 100, 27, 91, 44, 105, 109, 78, 38, 108, 65, 68, 106, 98, 26, 35, 47, 36, 86, 76, 81, 17, 33, 8, 101, 5, 14, 79, 32, 74, 2, 89, 73, 64, 1, 7, 75, 18, 4, 103, 6, 10, 0, 69, 67, 11, 71, 66], [38, 47, 62, 111, 93, 83, 16, 26, 33, 76, 24, 9, 23, 86, 78, 92, 81, 118, 90, 68, 1, 70, 4, 34, 73, 74, 80, 29, 84, 20, 12, 87, 14, 19, 101, 2, 77, 75, 21, 71, 51, 64, 22, 85, 15, 63, 5, 10, 91, 66, 112, 95, 17, 11, 28, 82, 67, 88, 98, 36, 27, 13, 79, 7, 69, 65, 0, 53, 32, 30, 119, 18, 89, 56, 31, 52, 6, 3, 100, 8, 25, 72, 120, 104, 61, 122, 123, 114, 102, 96, 127, 110, 117, 49, 124, 55, 94, 57, 48, 115, 60, 109, 116, 50, 99, 35, 121, 106, 59, 58, 126, 46, 42, 40, 97, 125, 54, 105, 103, 44, 37, 39, 108, 113, 45, 41, 43, 107], [38, 47, 62, 111, 33, 24, 83, 93, 79, 81, 76, 100, 86, 118, 78, 29, 67, 26, 28, 16, 74, 6, 112, 32, 87, 90, 84, 119, 53, 92, 77, 34, 63, 18, 61, 120, 70, 85, 122, 56, 71, 114, 52, 13, 25, 98, 82, 23, 3, 88, 27, 19, 75, 51, 2, 20, 127, 95, 123, 22, 9, 60, 55, 121, 99, 117, 10, 17, 5, 49, 80, 115, 48, 94, 124, 0, 1, 50, 58, 113, 91, 4, 57, 89, 30, 8, 21, 15, 31, 12, 125, 68, 101, 116, 110, 14, 104, 106, 107, 59, 11, 96, 126, 73, 105, 72, 54, 37, 46, 35, 40, 7, 36, 108, 102, 45, 43, 109, 44, 66, 39, 41, 42, 103, 97, 65, 69, 64], [62, 111, 47, 38, 118, 120, 51, 63, 56, 53, 119, 100, 117, 58, 48, 122, 55, 124, 60, 123, 113, 52, 108, 116, 115, 127, 57, 112, 114, 121, 61, 49, 50, 126, 54, 18, 104, 59, 91, 125, 106, 109, 107, 110, 46, 27, 101, 28, 41, 84, 45, 44, 95, 35, 37, 105, 40, 43, 42, 103, 96, 92, 99, 36, 39, 24, 98, 33, 32, 87, 23, 21, 34, 31, 30, 93, 86, 94, 29, 89, 26, 97, 102, 82, 25, 20, 22, 90, 88, 81, 85, 79, 83, 15, 13, 77, 17, 8, 74, 67, 10, 72, 78, 64, 16, 3, 75, 19, 7, 76, 70, 69, 71, 11, 80, 14, 6, 5, 66, 0, 12, 4, 2, 65, 1, 9, 68, 73], [62, 111, 47, 118, 120, 100, 38, 56, 119, 52, 53, 112, 58, 63, 48, 57, 123, 113, 122, 55, 125, 117, 60, 115, 54, 51, 121, 114, 50, 124, 127, 61, 49, 126, 59, 116, 109, 110, 107, 36, 46, 104, 105, 106, 44, 108, 28, 45, 43, 27, 42, 41, 35, 103, 39, 91, 40, 82, 101, 84, 95, 33, 34, 92, 23, 37, 99, 102, 31, 18, 98, 93, 87, 32, 21, 30, 29, 96, 94, 86, 24, 97, 26, 22, 25, 89, 90, 67, 81, 20, 79, 6, 85, 10, 15, 12, 88, 8, 64, 72, 78, 70, 83, 19, 14, 17, 13, 66, 3, 7, 69, 77, 74, 11, 80, 16, 65, 75, 76, 0, 73, 71, 5, 2, 4, 68, 9, 1], [42, 43, 33, 72, 38, 1, 5, 91, 113, 106, 0, 21, 114, 12, 79, 24, 30, 67, 81, 19, 119, 61, 46, 124, 82, 49, 2, 107, 74, 53, 121, 122, 69, 66, 75, 71, 13, 25, 47, 112, 28, 126, 86, 77, 94, 87, 125, 45, 4, 117, 23, 3, 123, 70, 88, 50, 20, 80, 48, 65, 68, 89, 76, 63, 101, 100, 116, 8, 15, 103, 59, 27, 17, 110, 99, 7, 60, 14, 118, 11, 62, 104, 41, 64, 58, 31, 6, 115, 102, 57, 52, 92, 37, 127, 109, 51, 9, 78, 32, 22, 111, 90, 83, 56, 54, 16, 73, 26, 35, 39, 96, 55, 105, 95, 85, 84, 120, 10, 97, 98, 18, 44, 29, 36, 40, 108, 93, 34], [42, 38, 91, 33, 117, 43, 21, 82, 79, 74, 24, 107, 12, 20, 78, 10, 70, 14, 121, 89, 112, 30, 119, 81, 106, 27, 86, 19, 18, 84, 8, 88, 92, 28, 114, 6, 3, 113, 16, 94, 61, 67, 15, 87, 64, 90, 122, 80, 96, 5, 22, 23, 123, 57, 69, 83, 9, 76, 85, 25, 37, 102, 56, 40, 72, 75, 36, 93, 73, 51, 45, 13, 29, 116, 39, 32, 65, 63, 17, 77, 4, 46, 41, 100, 71, 26, 47, 35, 31, 95, 53, 124, 101, 11, 62, 105, 127, 125, 49, 7, 110, 34, 68, 99, 52, 98, 50, 126, 103, 66, 109, 59, 104, 60, 2, 48, 58, 118, 115, 44, 111, 54, 120, 55, 1, 108, 97, 0], [117, 43, 38, 42, 113, 33, 91, 107, 30, 114, 47, 123, 41, 46, 125, 62, 24, 26, 112, 39, 106, 59, 111, 60, 53, 116, 18, 115, 40, 50, 63, 87, 56, 118, 121, 119, 80, 108, 57, 89, 48, 124, 110, 51, 86, 61, 32, 109, 45, 127, 82, 52, 54, 126, 120, 55, 31, 58, 49, 28, 34, 44, 36, 81, 101, 104, 78, 95, 122, 94, 35, 96, 98, 88, 99, 19, 14, 21, 105, 37, 84, 93, 100, 29, 90, 103, 25, 20, 79, 11, 97, 23, 22, 16, 77, 27, 92, 13, 73, 83, 102, 85, 74, 17, 9, 70, 12, 76, 75, 2, 66, 8, 67, 6, 4, 71, 72, 7, 5, 0, 68, 15, 3, 10, 1, 64, 65, 69], [43, 38, 107, 33, 114, 91, 46, 47, 26, 24, 42, 117, 62, 30, 53, 56, 123, 119, 125, 39, 116, 111, 41, 59, 82, 115, 52, 90, 113, 48, 84, 118, 49, 55, 126, 50, 124, 51, 112, 122, 60, 57, 106, 121, 105, 63, 109, 120, 61, 110, 93, 44, 45, 127, 40, 54, 77, 108, 101, 34, 58, 35, 27, 88, 18, 100, 20, 37, 32, 104, 99, 98, 103, 29, 36, 31, 25, 81, 94, 86, 96, 102, 95, 28, 89, 87, 78, 22, 92, 14, 23, 76, 80, 17, 97, 75, 83, 19, 21, 16, 13, 12, 8, 79, 73, 11, 9, 6, 70, 4, 71, 67, 74, 5, 66, 72, 68, 15, 7, 0, 3, 64, 1, 69, 10, 2, 85, 65]], "model.layers.13.self_attn.k_proj": [[115, 62, 39, 124, 127, 50, 36, 61, 54, 22, 122, 112, 126, 97, 116, 52, 53, 56, 117, 51, 121, 48, 120, 119, 49, 114, 125, 55, 118, 111, 100, 57, 60, 59, 29, 58, 63, 89, 113, 91, 46, 107, 92, 109, 47, 44, 123, 45, 110, 42, 23, 105, 95, 43, 33, 108, 106, 41, 40, 37, 82, 104, 99, 101, 38, 30, 102, 20, 87, 19, 80, 78, 31, 103, 90, 88, 98, 34, 94, 35, 24, 96, 21, 1, 81, 79, 28, 32, 8, 75, 93, 26, 86, 73, 27, 76, 17, 13, 69, 10, 16, 71, 83, 14, 12, 68, 25, 84, 85, 11, 67, 15, 5, 18, 6, 66, 70, 74, 77, 4, 72, 9, 0, 7, 3, 2, 64, 65], [127, 123, 102, 86, 35, 60, 121, 58, 28, 63, 31, 51, 57, 83, 48, 99, 115, 110, 53, 24, 108, 46, 56, 17, 62, 79, 61, 125, 49, 52, 33, 116, 122, 50, 117, 114, 90, 112, 84, 54, 42, 55, 126, 40, 25, 59, 124, 29, 119, 107, 47, 44, 45, 120, 113, 109, 43, 16, 97, 111, 104, 118, 106, 34, 13, 41, 105, 76, 10, 39, 103, 38, 101, 37, 98, 14, 100, 91, 36, 32, 82, 95, 72, 96, 71, 68, 21, 81, 94, 22, 93, 30, 87, 19, 9, 20, 80, 77, 23, 92, 26, 88, 67, 11, 1, 66, 85, 89, 27, 15, 73, 12, 74, 18, 70, 75, 5, 69, 78, 6, 2, 0, 7, 8, 4, 64, 3, 65], [121, 60, 103, 123, 86, 54, 49, 35, 120, 61, 116, 32, 51, 119, 62, 122, 127, 55, 126, 118, 53, 28, 57, 59, 48, 124, 112, 50, 58, 115, 56, 110, 47, 99, 117, 63, 42, 44, 111, 114, 46, 125, 45, 52, 109, 106, 22, 113, 100, 105, 107, 30, 43, 23, 77, 108, 41, 40, 25, 84, 18, 101, 80, 96, 102, 104, 37, 91, 89, 98, 94, 90, 75, 38, 31, 36, 19, 97, 33, 15, 29, 93, 5, 16, 95, 34, 26, 88, 21, 81, 12, 17, 87, 3, 92, 13, 24, 76, 78, 6, 79, 27, 39, 85, 64, 66, 73, 8, 0, 9, 70, 83, 11, 82, 72, 74, 20, 71, 10, 14, 4, 67, 2, 7, 1, 65, 68, 69], [51, 118, 38, 86, 33, 48, 61, 53, 93, 123, 54, 120, 58, 124, 125, 117, 62, 126, 127, 59, 60, 115, 63, 47, 121, 119, 116, 55, 56, 50, 52, 57, 24, 113, 41, 112, 99, 26, 46, 91, 122, 81, 39, 104, 43, 103, 18, 111, 80, 45, 42, 11, 114, 109, 40, 19, 49, 110, 44, 105, 101, 107, 106, 20, 108, 79, 77, 36, 102, 89, 30, 90, 84, 97, 34, 21, 25, 35, 78, 27, 37, 15, 28, 6, 95, 4, 100, 98, 23, 67, 32, 88, 17, 96, 8, 9, 74, 16, 82, 72, 1, 22, 92, 31, 94, 75, 85, 87, 12, 10, 14, 65, 5, 76, 13, 64, 29, 69, 71, 70, 7, 2, 83, 66, 0, 73, 68, 3], [111, 125, 100, 47, 22, 120, 127, 118, 56, 54, 123, 60, 124, 59, 62, 117, 61, 57, 55, 122, 53, 63, 48, 126, 29, 121, 50, 49, 32, 108, 107, 119, 116, 42, 58, 113, 114, 36, 43, 115, 52, 105, 112, 51, 40, 39, 106, 41, 44, 46, 91, 110, 24, 103, 83, 45, 102, 104, 109, 25, 80, 26, 38, 79, 84, 99, 97, 92, 101, 35, 72, 37, 95, 76, 81, 18, 30, 34, 98, 33, 10, 31, 90, 4, 93, 21, 78, 77, 11, 89, 88, 86, 17, 20, 28, 71, 85, 94, 0, 82, 96, 16, 66, 13, 3, 12, 23, 27, 15, 73, 87, 65, 14, 70, 74, 6, 19, 2, 69, 75, 5, 9, 64, 7, 1, 8, 67, 68], [103, 123, 63, 22, 57, 115, 33, 114, 54, 13, 124, 127, 82, 25, 61, 59, 62, 28, 116, 120, 87, 121, 107, 125, 58, 27, 53, 60, 49, 55, 117, 80, 84, 56, 126, 113, 19, 74, 51, 118, 50, 48, 45, 109, 38, 99, 71, 119, 52, 7, 111, 97, 26, 122, 47, 12, 46, 37, 9, 30, 112, 93, 101, 106, 108, 31, 110, 85, 44, 104, 14, 42, 29, 105, 41, 100, 75, 98, 43, 102, 70, 89, 95, 86, 2, 17, 34, 15, 4, 79, 35, 32, 36, 20, 68, 1, 67, 40, 96, 0, 88, 18, 81, 94, 5, 73, 91, 11, 21, 72, 65, 10, 24, 3, 90, 23, 77, 64, 66, 78, 8, 76, 83, 39, 92, 6, 69, 16], [111, 62, 102, 86, 97, 118, 26, 29, 47, 83, 16, 81, 76, 78, 112, 9, 24, 119, 75, 53, 127, 122, 123, 114, 51, 55, 120, 96, 52, 63, 56, 50, 4, 71, 60, 124, 117, 121, 23, 61, 115, 116, 58, 49, 79, 74, 54, 36, 126, 57, 41, 59, 84, 42, 106, 46, 48, 35, 70, 110, 125, 37, 66, 105, 103, 109, 108, 45, 98, 40, 34, 43, 107, 65, 113, 77, 69, 1, 64, 44, 28, 99, 104, 93, 39, 101, 32, 3, 30, 21, 31, 38, 91, 80, 72, 11, 25, 100, 94, 7, 95, 89, 92, 5, 33, 0, 73, 27, 82, 15, 14, 13, 12, 20, 85, 17, 19, 88, 90, 22, 18, 2, 87, 67, 10, 8, 6, 68], [106, 107, 97, 102, 122, 86, 94, 121, 117, 49, 21, 50, 36, 48, 114, 42, 79, 103, 119, 27, 63, 113, 74, 92, 126, 116, 56, 61, 109, 91, 64, 123, 70, 62, 67, 127, 51, 24, 52, 105, 40, 19, 111, 57, 5, 12, 82, 112, 110, 59, 47, 45, 77, 44, 65, 18, 53, 115, 124, 81, 84, 60, 118, 125, 99, 98, 32, 88, 55, 54, 104, 71, 90, 66, 58, 37, 72, 78, 26, 8, 108, 120, 35, 101, 4, 46, 100, 34, 96, 1, 89, 11, 80, 93, 31, 95, 43, 23, 39, 25, 29, 41, 85, 87, 75, 9, 13, 0, 38, 15, 10, 14, 73, 28, 83, 30, 68, 22, 17, 33, 7, 76, 16, 20, 2, 6, 69, 3]], "model.layers.13.self_attn.qk_proj": [[123, 62, 111, 127, 121, 60, 51, 118, 115, 63, 47, 125, 53, 124, 61, 120, 106, 56, 57, 117, 59, 48, 116, 114, 119, 107, 122, 54, 50, 126, 42, 52, 102, 22, 38, 49, 58, 112, 86, 103, 113, 39, 55, 43, 110, 33, 91, 97, 100, 46, 88, 93, 92, 45, 108, 90, 44, 19, 24, 109, 27, 29, 36, 89, 83, 99, 82, 105, 18, 104, 26, 21, 16, 25, 40, 30, 32, 35, 80, 28, 87, 17, 41, 84, 12, 77, 101, 15, 20, 79, 23, 74, 85, 37, 76, 13, 94, 81, 98, 96, 78, 14, 95, 31, 75, 10, 9, 34, 73, 65, 70, 4, 11, 64, 3, 6, 7, 8, 68, 71, 5, 0, 72, 67, 69, 2, 66, 1], [123, 62, 111, 127, 121, 51, 118, 60, 63, 115, 47, 125, 53, 61, 56, 59, 54, 117, 57, 124, 106, 107, 120, 48, 114, 116, 119, 50, 102, 42, 122, 22, 126, 38, 58, 49, 52, 112, 103, 113, 86, 39, 43, 55, 110, 44, 93, 100, 33, 97, 90, 46, 92, 91, 45, 108, 88, 27, 36, 89, 40, 24, 29, 26, 105, 19, 99, 82, 35, 83, 25, 16, 109, 30, 32, 21, 80, 104, 37, 84, 28, 87, 18, 41, 20, 12, 85, 15, 76, 96, 17, 23, 31, 94, 81, 101, 77, 74, 78, 98, 10, 34, 75, 13, 70, 14, 95, 9, 79, 11, 71, 4, 73, 3, 7, 1, 0, 69, 65, 72, 64, 8, 5, 68, 2, 6, 67, 66], [123, 62, 111, 127, 121, 51, 118, 60, 63, 115, 47, 125, 61, 56, 117, 124, 53, 59, 106, 57, 120, 54, 48, 114, 42, 107, 50, 126, 116, 119, 122, 38, 102, 103, 112, 49, 113, 39, 58, 52, 22, 86, 55, 43, 33, 93, 97, 110, 91, 100, 46, 108, 45, 44, 92, 88, 90, 105, 27, 36, 29, 99, 40, 24, 109, 104, 32, 26, 89, 35, 83, 25, 41, 28, 37, 85, 30, 87, 101, 21, 16, 19, 18, 84, 98, 82, 23, 80, 94, 20, 79, 12, 34, 77, 31, 17, 96, 15, 95, 70, 74, 76, 10, 81, 14, 78, 75, 13, 9, 72, 64, 65, 1, 69, 0, 11, 71, 3, 67, 73, 66, 2, 4, 5, 68, 7, 8, 6], [123, 62, 111, 127, 121, 51, 118, 63, 60, 115, 47, 125, 61, 56, 53, 54, 124, 117, 106, 120, 126, 116, 57, 119, 59, 107, 58, 122, 38, 48, 49, 42, 50, 114, 102, 103, 112, 52, 22, 55, 43, 113, 39, 86, 110, 33, 44, 46, 92, 97, 93, 91, 88, 100, 45, 90, 40, 36, 29, 27, 108, 26, 89, 24, 32, 109, 83, 99, 105, 28, 35, 82, 19, 41, 87, 25, 37, 16, 18, 85, 23, 21, 17, 104, 79, 30, 31, 101, 12, 80, 34, 96, 20, 76, 77, 84, 98, 94, 70, 74, 81, 95, 14, 10, 75, 13, 15, 9, 78, 1, 64, 71, 3, 72, 68, 0, 11, 65, 67, 66, 73, 7, 69, 4, 5, 2, 6, 8], [123, 111, 62, 127, 121, 51, 115, 118, 63, 60, 47, 125, 61, 56, 53, 106, 124, 54, 57, 126, 117, 116, 114, 48, 119, 59, 50, 122, 42, 107, 120, 58, 102, 38, 52, 112, 49, 103, 55, 22, 113, 86, 39, 110, 44, 43, 46, 33, 91, 93, 92, 97, 88, 100, 90, 108, 24, 99, 36, 45, 27, 29, 40, 83, 89, 105, 19, 87, 26, 25, 28, 35, 32, 104, 109, 82, 41, 18, 15, 77, 16, 17, 12, 21, 76, 80, 23, 85, 81, 79, 94, 101, 20, 84, 10, 78, 74, 96, 30, 70, 98, 13, 95, 31, 37, 9, 75, 34, 14, 64, 7, 11, 68, 65, 72, 71, 73, 1, 66, 69, 3, 0, 4, 67, 6, 2, 5, 8], [123, 62, 111, 127, 121, 51, 60, 115, 63, 118, 47, 125, 53, 61, 56, 124, 106, 117, 54, 126, 116, 57, 119, 107, 59, 120, 122, 58, 42, 50, 55, 102, 38, 22, 48, 114, 112, 86, 103, 39, 52, 49, 113, 43, 44, 110, 46, 91, 88, 93, 92, 97, 33, 90, 100, 29, 83, 108, 45, 36, 104, 19, 27, 26, 24, 99, 82, 16, 105, 87, 89, 80, 17, 18, 109, 28, 41, 40, 25, 35, 76, 79, 21, 13, 77, 84, 23, 32, 81, 30, 15, 20, 12, 74, 10, 14, 34, 101, 78, 75, 96, 9, 98, 85, 31, 94, 37, 11, 7, 70, 95, 71, 72, 6, 73, 0, 65, 3, 67, 1, 66, 4, 69, 5, 68, 64, 8, 2], [123, 111, 62, 127, 121, 51, 115, 60, 63, 118, 47, 125, 61, 124, 53, 56, 126, 54, 117, 106, 122, 59, 107, 120, 119, 57, 116, 58, 114, 49, 42, 102, 48, 103, 38, 50, 55, 22, 112, 86, 39, 52, 43, 113, 88, 44, 46, 93, 110, 91, 92, 90, 97, 100, 45, 19, 33, 83, 24, 108, 27, 99, 40, 89, 36, 104, 29, 105, 82, 18, 26, 21, 80, 17, 87, 109, 35, 85, 76, 28, 25, 23, 16, 79, 77, 12, 32, 84, 37, 15, 30, 41, 94, 20, 13, 81, 78, 96, 10, 98, 14, 31, 34, 74, 9, 101, 75, 95, 72, 7, 73, 11, 6, 70, 71, 69, 67, 0, 5, 65, 1, 66, 64, 3, 8, 68, 4, 2], [123, 62, 111, 127, 121, 51, 115, 60, 63, 47, 118, 125, 61, 124, 53, 56, 106, 54, 117, 120, 48, 126, 114, 107, 122, 59, 57, 119, 103, 116, 42, 38, 102, 58, 22, 49, 86, 50, 39, 55, 112, 52, 113, 43, 44, 91, 93, 110, 90, 97, 92, 100, 33, 88, 46, 27, 24, 29, 83, 19, 89, 36, 108, 35, 40, 104, 45, 26, 87, 16, 28, 32, 23, 82, 105, 99, 109, 80, 21, 25, 18, 84, 85, 41, 37, 76, 17, 31, 30, 15, 13, 12, 96, 20, 101, 77, 81, 14, 78, 94, 74, 98, 79, 10, 9, 34, 95, 75, 6, 72, 11, 73, 1, 0, 65, 64, 7, 3, 67, 69, 5, 2, 70, 4, 68, 71, 8, 66], [123, 62, 111, 127, 51, 121, 63, 60, 115, 118, 47, 125, 61, 53, 54, 117, 124, 56, 106, 126, 119, 59, 107, 120, 48, 57, 114, 102, 50, 42, 122, 38, 116, 113, 103, 58, 22, 49, 39, 112, 55, 52, 86, 43, 93, 90, 91, 110, 44, 92, 33, 97, 100, 46, 26, 88, 45, 27, 108, 29, 89, 83, 36, 82, 24, 19, 35, 99, 104, 25, 109, 28, 32, 40, 80, 87, 85, 41, 105, 21, 23, 16, 37, 76, 18, 84, 30, 17, 98, 31, 81, 78, 96, 14, 12, 13, 94, 79, 15, 20, 101, 74, 77, 10, 34, 95, 73, 75, 6, 67, 11, 9, 3, 65, 1, 69, 8, 64, 7, 72, 0, 71, 70, 5, 66, 4, 2, 68], [62, 123, 111, 127, 121, 51, 63, 115, 60, 118, 47, 125, 53, 61, 124, 117, 59, 106, 56, 54, 48, 126, 114, 119, 57, 107, 116, 120, 38, 58, 50, 102, 42, 103, 52, 22, 112, 49, 122, 86, 39, 55, 43, 113, 44, 33, 91, 46, 93, 97, 100, 92, 110, 90, 88, 108, 24, 83, 27, 45, 89, 19, 109, 29, 36, 26, 40, 105, 104, 28, 18, 25, 99, 82, 16, 35, 41, 32, 80, 76, 37, 13, 87, 96, 30, 31, 79, 12, 23, 17, 77, 20, 85, 81, 78, 84, 98, 15, 74, 94, 101, 21, 14, 95, 10, 34, 75, 9, 6, 11, 73, 67, 8, 7, 71, 1, 68, 5, 70, 64, 65, 0, 2, 3, 4, 69, 72, 66], [123, 62, 111, 127, 121, 51, 60, 115, 63, 118, 47, 125, 124, 53, 61, 117, 54, 120, 106, 126, 114, 116, 56, 57, 59, 119, 48, 107, 50, 122, 42, 38, 102, 49, 22, 52, 58, 39, 55, 113, 86, 103, 43, 112, 91, 33, 46, 97, 93, 100, 92, 44, 88, 90, 110, 24, 29, 27, 40, 45, 99, 89, 19, 26, 83, 82, 36, 105, 108, 25, 109, 17, 37, 32, 18, 80, 16, 35, 87, 77, 12, 30, 94, 76, 84, 28, 104, 79, 15, 31, 74, 41, 21, 13, 96, 81, 10, 6, 20, 23, 101, 73, 98, 78, 14, 95, 75, 34, 85, 71, 8, 11, 7, 3, 1, 9, 67, 68, 70, 4, 65, 64, 0, 5, 66, 69, 72, 2], [123, 62, 111, 127, 121, 51, 60, 115, 63, 118, 47, 125, 61, 53, 54, 117, 106, 57, 126, 124, 119, 120, 116, 114, 59, 56, 122, 49, 42, 107, 50, 48, 52, 102, 22, 103, 55, 38, 58, 86, 113, 112, 39, 43, 46, 91, 97, 110, 93, 33, 90, 88, 44, 92, 100, 24, 19, 45, 27, 83, 99, 29, 36, 108, 21, 26, 89, 82, 87, 35, 109, 40, 32, 76, 80, 15, 16, 105, 77, 17, 10, 41, 18, 79, 104, 28, 13, 81, 12, 25, 85, 31, 94, 37, 96, 84, 30, 74, 20, 23, 34, 14, 78, 101, 98, 65, 11, 8, 9, 75, 73, 71, 95, 6, 70, 0, 68, 69, 67, 7, 3, 5, 64, 66, 4, 1, 72, 2], [123, 62, 111, 127, 121, 51, 115, 60, 63, 118, 47, 125, 61, 124, 53, 117, 126, 114, 54, 59, 56, 106, 120, 107, 57, 119, 50, 48, 38, 102, 116, 42, 49, 22, 103, 55, 122, 112, 52, 43, 86, 58, 113, 39, 46, 91, 110, 93, 97, 44, 92, 90, 100, 45, 33, 27, 89, 24, 29, 40, 108, 88, 104, 99, 19, 26, 25, 36, 82, 41, 109, 83, 35, 32, 28, 87, 105, 80, 18, 85, 16, 37, 76, 96, 23, 20, 17, 30, 31, 21, 84, 15, 94, 13, 79, 77, 12, 78, 81, 98, 10, 34, 95, 101, 14, 11, 75, 74, 73, 8, 70, 71, 0, 3, 65, 9, 5, 67, 66, 69, 4, 68, 6, 1, 2, 64, 7, 72], [123, 62, 111, 127, 121, 63, 60, 51, 118, 115, 47, 125, 61, 124, 53, 117, 59, 106, 119, 126, 57, 107, 56, 54, 120, 114, 50, 122, 38, 58, 55, 116, 49, 48, 22, 52, 102, 42, 86, 112, 43, 39, 103, 113, 46, 110, 44, 91, 92, 33, 97, 100, 93, 108, 88, 90, 109, 24, 45, 82, 19, 29, 83, 36, 105, 89, 80, 27, 35, 18, 104, 26, 25, 16, 13, 28, 40, 99, 17, 41, 30, 76, 87, 84, 78, 94, 21, 32, 79, 37, 23, 12, 14, 20, 96, 10, 85, 81, 98, 95, 31, 11, 74, 75, 101, 70, 77, 73, 15, 71, 9, 7, 8, 34, 67, 64, 0, 68, 65, 3, 4, 1, 6, 69, 66, 5, 72, 2], [123, 62, 111, 127, 121, 60, 51, 115, 118, 63, 47, 125, 124, 53, 61, 106, 56, 117, 119, 57, 54, 114, 120, 126, 59, 107, 50, 116, 122, 55, 42, 48, 38, 49, 52, 58, 102, 22, 86, 112, 103, 43, 39, 113, 110, 46, 91, 44, 93, 97, 100, 33, 92, 108, 24, 27, 45, 109, 88, 90, 29, 19, 82, 83, 36, 26, 40, 99, 32, 25, 104, 28, 80, 35, 18, 21, 16, 41, 89, 105, 17, 76, 20, 31, 23, 13, 37, 87, 94, 84, 12, 30, 81, 78, 96, 15, 98, 85, 74, 77, 10, 79, 14, 95, 75, 70, 34, 101, 73, 11, 71, 8, 68, 7, 9, 65, 64, 4, 3, 1, 67, 0, 5, 69, 72, 6, 2, 66], [123, 62, 111, 127, 121, 51, 60, 115, 118, 63, 47, 125, 124, 61, 53, 117, 106, 114, 54, 59, 120, 126, 57, 56, 119, 107, 116, 122, 48, 55, 42, 58, 49, 50, 102, 38, 22, 52, 112, 113, 86, 39, 103, 43, 46, 44, 93, 100, 110, 97, 33, 91, 45, 92, 27, 90, 24, 88, 108, 36, 109, 83, 82, 40, 26, 29, 21, 99, 19, 41, 104, 89, 18, 32, 15, 25, 12, 16, 28, 87, 10, 30, 79, 17, 31, 35, 13, 81, 76, 105, 80, 37, 96, 23, 84, 85, 98, 94, 74, 34, 77, 73, 20, 14, 78, 11, 101, 8, 75, 95, 70, 65, 69, 7, 71, 9, 64, 6, 1, 4, 0, 67, 68, 3, 72, 2, 5, 66], [123, 62, 111, 127, 121, 115, 51, 60, 63, 118, 47, 125, 61, 124, 53, 59, 57, 117, 126, 119, 54, 120, 106, 56, 107, 122, 38, 114, 52, 55, 58, 48, 49, 116, 42, 22, 103, 102, 86, 50, 39, 112, 113, 46, 43, 44, 91, 100, 33, 97, 93, 110, 92, 27, 90, 88, 45, 109, 108, 99, 24, 29, 83, 89, 26, 36, 104, 40, 19, 35, 32, 87, 80, 25, 105, 41, 82, 84, 28, 16, 18, 79, 85, 81, 13, 23, 37, 21, 30, 12, 17, 34, 101, 98, 94, 31, 76, 20, 15, 77, 96, 10, 95, 78, 73, 11, 75, 14, 74, 6, 7, 9, 71, 0, 64, 65, 8, 70, 3, 5, 1, 69, 72, 67, 66, 2, 4, 68], [123, 62, 111, 127, 121, 51, 115, 118, 63, 60, 47, 125, 53, 61, 124, 119, 126, 106, 117, 56, 57, 48, 107, 120, 54, 59, 38, 50, 122, 114, 55, 49, 42, 116, 22, 102, 58, 103, 86, 52, 113, 112, 39, 43, 46, 44, 97, 91, 33, 93, 100, 90, 110, 92, 45, 27, 108, 36, 88, 29, 109, 24, 40, 25, 105, 104, 19, 83, 87, 82, 35, 32, 26, 16, 89, 28, 99, 80, 18, 41, 13, 84, 34, 21, 37, 20, 17, 96, 30, 12, 81, 79, 23, 85, 14, 94, 76, 15, 78, 98, 101, 77, 31, 10, 74, 11, 95, 73, 9, 67, 75, 72, 6, 71, 70, 69, 68, 64, 7, 1, 0, 3, 65, 2, 4, 66, 5, 8], [123, 111, 62, 127, 121, 115, 51, 118, 63, 60, 47, 125, 53, 61, 117, 124, 56, 106, 120, 57, 119, 54, 58, 107, 59, 38, 126, 42, 116, 55, 102, 122, 114, 103, 50, 48, 113, 49, 39, 22, 112, 43, 86, 52, 46, 100, 97, 91, 33, 44, 93, 108, 92, 110, 45, 88, 104, 24, 36, 90, 29, 109, 40, 99, 27, 83, 25, 32, 19, 89, 82, 35, 105, 87, 26, 37, 18, 84, 21, 16, 101, 41, 30, 28, 98, 80, 96, 34, 23, 85, 94, 20, 31, 15, 81, 14, 17, 79, 13, 95, 12, 10, 77, 76, 6, 78, 9, 11, 67, 74, 75, 73, 4, 65, 0, 72, 71, 64, 7, 1, 5, 68, 3, 69, 66, 2, 8, 70], [123, 62, 111, 127, 121, 51, 63, 115, 60, 118, 47, 125, 53, 61, 124, 117, 106, 120, 59, 107, 56, 119, 57, 126, 54, 48, 116, 58, 114, 122, 38, 50, 22, 102, 42, 49, 39, 55, 86, 103, 112, 113, 52, 43, 44, 46, 97, 33, 100, 92, 93, 91, 90, 45, 27, 24, 110, 88, 29, 36, 82, 104, 19, 89, 35, 99, 26, 109, 108, 32, 28, 40, 41, 25, 83, 16, 18, 84, 87, 80, 21, 96, 23, 20, 105, 12, 30, 37, 98, 31, 13, 76, 94, 77, 81, 15, 101, 34, 17, 11, 79, 10, 14, 85, 74, 6, 95, 78, 9, 73, 75, 72, 71, 7, 3, 1, 4, 69, 64, 65, 70, 67, 5, 0, 66, 8, 68, 2], [123, 62, 111, 127, 121, 51, 115, 63, 60, 118, 47, 125, 53, 124, 61, 54, 117, 106, 119, 59, 126, 120, 122, 114, 107, 57, 50, 55, 116, 56, 49, 48, 22, 58, 38, 42, 86, 43, 102, 39, 52, 113, 103, 112, 46, 93, 91, 44, 33, 90, 92, 97, 27, 100, 45, 24, 89, 36, 88, 110, 29, 26, 108, 82, 109, 19, 40, 32, 35, 83, 28, 41, 104, 84, 18, 99, 21, 80, 16, 25, 23, 87, 17, 20, 12, 37, 13, 30, 96, 31, 98, 81, 79, 34, 76, 10, 15, 105, 94, 101, 77, 74, 85, 14, 78, 73, 7, 11, 75, 9, 3, 95, 1, 72, 6, 71, 0, 4, 69, 64, 68, 67, 65, 5, 70, 8, 2, 66], [123, 62, 111, 127, 121, 51, 118, 60, 63, 115, 47, 125, 53, 124, 61, 120, 106, 126, 59, 119, 117, 116, 54, 56, 122, 107, 58, 49, 38, 57, 114, 48, 55, 42, 103, 102, 39, 50, 113, 43, 22, 112, 52, 86, 46, 91, 93, 44, 90, 100, 97, 110, 33, 92, 24, 45, 108, 27, 36, 88, 29, 26, 32, 109, 89, 19, 104, 35, 99, 41, 83, 82, 40, 18, 28, 87, 25, 23, 16, 30, 85, 84, 96, 80, 31, 10, 21, 37, 15, 105, 17, 101, 13, 12, 94, 78, 20, 76, 98, 34, 77, 81, 79, 95, 14, 73, 75, 72, 74, 3, 11, 9, 71, 70, 64, 65, 1, 7, 0, 6, 68, 66, 67, 5, 69, 4, 8, 2], [123, 62, 111, 127, 121, 51, 60, 63, 115, 118, 47, 125, 53, 124, 117, 54, 61, 106, 59, 114, 120, 107, 126, 122, 56, 57, 119, 116, 58, 48, 39, 103, 102, 55, 38, 22, 42, 49, 50, 112, 52, 86, 113, 43, 93, 97, 100, 110, 46, 33, 44, 90, 91, 92, 45, 27, 36, 24, 108, 88, 89, 104, 40, 29, 26, 109, 99, 32, 83, 82, 25, 87, 35, 19, 28, 84, 30, 21, 16, 41, 80, 18, 96, 23, 105, 37, 101, 31, 78, 85, 15, 12, 20, 13, 94, 76, 10, 34, 95, 81, 14, 98, 79, 17, 77, 73, 11, 70, 74, 9, 4, 1, 65, 71, 0, 67, 75, 72, 3, 64, 69, 7, 2, 68, 66, 6, 5, 8], [123, 62, 111, 127, 121, 51, 60, 63, 118, 115, 47, 125, 53, 61, 124, 59, 106, 54, 117, 56, 114, 107, 126, 119, 58, 116, 57, 48, 120, 122, 49, 38, 22, 42, 55, 103, 50, 102, 52, 39, 86, 43, 113, 112, 46, 93, 92, 90, 33, 97, 91, 100, 27, 88, 44, 24, 45, 110, 36, 29, 26, 82, 89, 109, 25, 99, 83, 28, 18, 41, 80, 108, 19, 87, 32, 20, 104, 105, 40, 35, 96, 31, 16, 30, 79, 37, 84, 81, 21, 94, 12, 73, 14, 17, 76, 85, 13, 23, 77, 10, 34, 15, 74, 78, 101, 11, 98, 70, 7, 95, 75, 71, 9, 0, 3, 67, 72, 69, 4, 65, 5, 1, 66, 6, 68, 8, 64, 2], [123, 62, 111, 127, 121, 51, 118, 60, 115, 63, 47, 125, 61, 53, 124, 57, 117, 56, 106, 120, 122, 54, 126, 119, 59, 107, 48, 50, 116, 58, 22, 49, 114, 42, 38, 86, 103, 102, 55, 52, 113, 39, 112, 43, 46, 33, 110, 45, 97, 91, 100, 93, 90, 44, 92, 108, 27, 109, 88, 24, 83, 19, 99, 26, 29, 40, 89, 36, 18, 25, 82, 35, 41, 104, 21, 30, 16, 28, 87, 23, 32, 84, 12, 31, 80, 105, 94, 77, 101, 20, 13, 37, 79, 85, 17, 15, 81, 14, 96, 98, 10, 74, 78, 76, 73, 34, 70, 95, 7, 9, 11, 75, 64, 71, 1, 0, 72, 4, 3, 65, 69, 67, 66, 68, 5, 8, 2, 6], [123, 62, 111, 127, 121, 118, 51, 115, 60, 63, 47, 125, 61, 53, 124, 117, 54, 106, 57, 59, 56, 107, 120, 126, 58, 119, 122, 48, 50, 116, 49, 112, 114, 103, 38, 102, 22, 55, 42, 86, 39, 113, 52, 43, 46, 93, 44, 97, 45, 100, 92, 33, 110, 91, 90, 24, 27, 108, 88, 40, 19, 29, 109, 89, 26, 25, 99, 36, 83, 82, 28, 35, 87, 18, 21, 84, 41, 16, 105, 30, 31, 104, 32, 80, 85, 94, 17, 96, 15, 12, 98, 81, 20, 101, 23, 77, 37, 13, 76, 10, 79, 34, 95, 78, 74, 14, 11, 9, 70, 75, 73, 7, 8, 68, 71, 3, 1, 65, 64, 0, 6, 72, 67, 5, 69, 2, 4, 66], [123, 62, 111, 127, 121, 51, 118, 115, 60, 63, 47, 125, 61, 53, 124, 120, 117, 59, 106, 54, 56, 57, 114, 107, 122, 50, 48, 116, 126, 38, 58, 49, 119, 102, 22, 42, 55, 103, 113, 86, 52, 112, 39, 43, 46, 110, 97, 91, 93, 45, 44, 33, 108, 100, 92, 99, 24, 88, 90, 19, 36, 27, 40, 26, 89, 29, 109, 35, 28, 105, 104, 18, 25, 30, 83, 80, 31, 82, 101, 87, 16, 23, 21, 20, 32, 37, 85, 84, 41, 12, 94, 13, 79, 17, 78, 10, 76, 34, 77, 96, 98, 81, 15, 95, 74, 9, 11, 14, 73, 75, 7, 70, 8, 67, 6, 71, 3, 1, 64, 0, 69, 5, 4, 68, 65, 66, 2, 72], [123, 62, 111, 127, 121, 51, 60, 115, 118, 63, 47, 125, 61, 53, 124, 106, 54, 117, 120, 56, 50, 114, 107, 59, 57, 119, 48, 126, 22, 122, 58, 116, 42, 49, 38, 86, 113, 39, 102, 103, 52, 112, 55, 43, 97, 33, 92, 44, 91, 93, 110, 90, 45, 88, 46, 100, 108, 27, 82, 19, 29, 26, 36, 24, 89, 83, 109, 40, 18, 99, 16, 25, 28, 87, 80, 20, 32, 104, 23, 35, 105, 13, 17, 21, 30, 94, 84, 41, 37, 85, 31, 12, 10, 81, 78, 76, 79, 9, 96, 101, 77, 15, 34, 95, 74, 98, 6, 14, 11, 67, 75, 8, 7, 73, 0, 65, 71, 1, 3, 4, 70, 5, 64, 68, 66, 2, 69, 72], [123, 111, 62, 127, 51, 121, 60, 115, 118, 63, 47, 125, 61, 124, 53, 56, 106, 54, 117, 48, 116, 57, 114, 50, 126, 119, 107, 42, 59, 120, 122, 58, 113, 38, 102, 22, 49, 86, 112, 52, 103, 39, 55, 43, 110, 33, 97, 91, 46, 100, 44, 93, 92, 88, 90, 27, 24, 36, 45, 29, 99, 40, 89, 108, 109, 32, 26, 104, 18, 41, 19, 83, 25, 82, 28, 21, 35, 80, 94, 96, 12, 15, 105, 23, 30, 101, 87, 17, 37, 81, 16, 13, 85, 20, 31, 84, 98, 76, 74, 77, 10, 95, 78, 34, 9, 14, 6, 79, 64, 73, 11, 65, 7, 75, 3, 4, 1, 67, 70, 71, 68, 5, 8, 66, 69, 2, 0, 72], [123, 111, 62, 127, 121, 51, 115, 60, 118, 63, 47, 125, 53, 61, 124, 106, 56, 48, 57, 120, 126, 117, 50, 119, 59, 54, 107, 114, 42, 116, 22, 122, 58, 103, 86, 38, 102, 49, 55, 39, 112, 113, 52, 43, 44, 33, 110, 93, 46, 100, 97, 92, 88, 91, 27, 90, 108, 36, 24, 19, 45, 29, 40, 89, 26, 109, 32, 82, 99, 83, 104, 18, 28, 87, 25, 16, 35, 85, 76, 105, 12, 15, 84, 80, 21, 30, 96, 41, 37, 79, 81, 77, 17, 98, 23, 10, 74, 13, 14, 20, 94, 101, 95, 73, 78, 9, 6, 31, 11, 34, 75, 8, 71, 1, 67, 4, 66, 64, 7, 65, 3, 68, 5, 0, 70, 69, 72, 2], [123, 62, 111, 127, 121, 51, 60, 115, 63, 118, 47, 125, 53, 61, 124, 56, 106, 117, 48, 57, 126, 120, 119, 59, 114, 54, 50, 107, 116, 122, 49, 42, 38, 22, 58, 112, 86, 103, 102, 113, 55, 52, 43, 39, 33, 100, 46, 110, 91, 97, 93, 108, 90, 44, 92, 27, 88, 109, 45, 36, 29, 40, 83, 82, 26, 89, 105, 19, 32, 104, 99, 18, 16, 24, 80, 87, 41, 35, 25, 94, 30, 28, 77, 84, 37, 21, 101, 17, 15, 74, 98, 81, 79, 12, 6, 76, 96, 85, 14, 20, 31, 23, 10, 75, 13, 78, 9, 71, 11, 95, 73, 34, 7, 8, 0, 3, 68, 67, 1, 65, 4, 70, 64, 2, 69, 66, 72, 5], [123, 62, 111, 127, 121, 60, 51, 115, 118, 63, 47, 125, 61, 53, 124, 120, 106, 57, 117, 48, 59, 56, 54, 126, 116, 107, 114, 122, 119, 22, 42, 38, 103, 86, 102, 39, 58, 50, 49, 112, 52, 55, 113, 100, 43, 46, 110, 33, 97, 91, 93, 92, 44, 88, 90, 108, 27, 45, 89, 19, 24, 29, 26, 99, 36, 83, 16, 25, 105, 32, 104, 28, 109, 18, 30, 80, 87, 84, 82, 35, 40, 76, 77, 20, 12, 81, 85, 79, 21, 17, 15, 37, 23, 41, 94, 10, 14, 74, 13, 73, 101, 96, 75, 78, 31, 34, 98, 11, 6, 9, 7, 8, 71, 95, 5, 70, 67, 3, 4, 1, 72, 69, 64, 65, 0, 68, 66, 2]], "model.layers.14.self_attn.q_proj": [[60, 120, 62, 37, 51, 63, 33, 53, 90, 101, 30, 118, 117, 87, 19, 86, 57, 125, 58, 85, 74, 93, 123, 111, 109, 115, 119, 59, 54, 92, 21, 116, 121, 12, 26, 50, 52, 114, 42, 44, 29, 126, 61, 91, 127, 122, 45, 55, 56, 48, 39, 105, 124, 6, 110, 15, 49, 4, 81, 43, 97, 112, 46, 36, 113, 25, 108, 20, 104, 94, 38, 47, 17, 64, 106, 88, 107, 71, 41, 18, 13, 103, 78, 23, 99, 34, 102, 22, 16, 2, 98, 40, 32, 65, 28, 10, 89, 72, 100, 95, 31, 1, 27, 35, 14, 79, 96, 68, 83, 24, 84, 11, 82, 66, 76, 80, 70, 69, 77, 75, 7, 8, 3, 0, 73, 67, 5, 9], [60, 120, 62, 37, 33, 90, 30, 118, 19, 101, 87, 117, 51, 53, 86, 59, 115, 57, 119, 92, 58, 111, 121, 126, 85, 54, 12, 15, 63, 116, 123, 26, 127, 48, 114, 56, 122, 74, 125, 46, 105, 71, 52, 43, 81, 38, 97, 110, 61, 42, 124, 83, 41, 55, 44, 45, 93, 50, 94, 39, 88, 69, 108, 112, 102, 40, 109, 103, 106, 113, 47, 20, 6, 29, 13, 49, 107, 1, 79, 28, 2, 99, 22, 17, 25, 104, 31, 95, 34, 14, 91, 23, 8, 66, 36, 21, 24, 89, 7, 72, 64, 32, 82, 100, 76, 16, 84, 98, 35, 96, 80, 75, 4, 18, 78, 11, 10, 70, 27, 65, 67, 9, 77, 5, 73, 3, 68, 0], [60, 120, 37, 62, 90, 118, 51, 101, 33, 19, 53, 87, 117, 30, 86, 42, 74, 4, 12, 59, 93, 111, 21, 114, 58, 39, 116, 63, 46, 92, 113, 54, 57, 126, 50, 121, 115, 26, 52, 105, 2, 49, 125, 15, 123, 25, 119, 127, 45, 48, 43, 122, 94, 91, 88, 61, 17, 110, 83, 103, 112, 56, 71, 55, 124, 85, 109, 38, 41, 81, 98, 47, 106, 104, 40, 14, 108, 102, 44, 6, 8, 107, 78, 29, 34, 99, 79, 76, 28, 23, 64, 72, 31, 69, 22, 89, 18, 65, 35, 66, 84, 36, 16, 20, 97, 1, 32, 68, 100, 24, 27, 77, 96, 95, 7, 82, 73, 80, 13, 11, 10, 75, 5, 70, 0, 67, 9, 3], [120, 60, 37, 62, 118, 90, 33, 117, 30, 51, 101, 53, 111, 59, 19, 87, 63, 86, 58, 57, 85, 105, 121, 48, 115, 92, 54, 42, 12, 126, 116, 55, 122, 119, 123, 46, 125, 52, 56, 26, 93, 74, 61, 127, 110, 108, 50, 112, 124, 114, 88, 41, 69, 109, 49, 113, 47, 91, 15, 82, 4, 21, 79, 44, 107, 43, 106, 81, 45, 39, 2, 25, 97, 104, 103, 94, 28, 38, 64, 71, 22, 36, 83, 78, 29, 31, 17, 6, 13, 40, 1, 100, 66, 99, 76, 102, 35, 34, 95, 32, 24, 72, 98, 84, 23, 96, 73, 18, 16, 89, 75, 68, 10, 65, 8, 27, 20, 0, 14, 11, 80, 70, 5, 67, 9, 77, 7, 3], [52, 102, 51, 124, 125, 29, 33, 60, 116, 84, 61, 123, 26, 86, 87, 88, 56, 119, 62, 93, 55, 38, 107, 120, 118, 106, 114, 115, 81, 39, 57, 122, 113, 109, 127, 37, 45, 94, 50, 53, 110, 58, 121, 28, 20, 54, 42, 63, 101, 105, 111, 41, 103, 112, 99, 35, 49, 108, 36, 40, 104, 97, 48, 22, 44, 43, 117, 34, 90, 59, 46, 47, 85, 25, 15, 100, 126, 98, 95, 73, 14, 32, 24, 21, 96, 82, 30, 31, 23, 92, 17, 18, 91, 11, 27, 71, 89, 80, 83, 74, 19, 16, 10, 7, 13, 5, 67, 78, 79, 9, 77, 8, 76, 12, 72, 75, 69, 66, 68, 65, 6, 64, 1, 4, 2, 70, 3, 0], [52, 102, 124, 33, 29, 125, 87, 60, 61, 116, 88, 123, 56, 38, 55, 119, 51, 73, 84, 45, 101, 62, 107, 57, 86, 28, 112, 106, 115, 39, 113, 110, 50, 53, 105, 127, 63, 67, 26, 118, 120, 42, 36, 54, 121, 114, 49, 58, 108, 43, 117, 109, 64, 47, 46, 126, 48, 40, 94, 122, 111, 44, 41, 59, 15, 93, 32, 103, 104, 97, 24, 22, 83, 99, 11, 100, 91, 20, 98, 90, 37, 35, 65, 81, 95, 34, 82, 31, 3, 25, 66, 96, 69, 27, 30, 23, 92, 71, 21, 89, 13, 5, 7, 9, 17, 79, 77, 19, 1, 6, 76, 18, 85, 10, 80, 78, 75, 14, 72, 74, 4, 0, 16, 12, 70, 68, 2, 8], [52, 102, 33, 124, 86, 29, 116, 88, 125, 61, 84, 82, 60, 73, 26, 87, 15, 56, 38, 66, 24, 93, 123, 51, 81, 14, 119, 90, 105, 55, 20, 62, 28, 19, 50, 110, 9, 112, 57, 113, 18, 10, 95, 13, 120, 43, 91, 54, 5, 106, 21, 45, 79, 99, 2, 22, 53, 63, 121, 49, 77, 108, 115, 85, 31, 101, 30, 118, 127, 114, 83, 4, 107, 23, 34, 78, 39, 75, 48, 17, 11, 25, 40, 117, 64, 98, 58, 27, 122, 12, 109, 0, 71, 44, 7, 72, 37, 94, 42, 70, 92, 111, 126, 16, 59, 103, 97, 69, 35, 46, 47, 1, 76, 89, 36, 41, 104, 80, 96, 32, 3, 100, 8, 6, 74, 68, 67, 65], [52, 102, 33, 29, 125, 51, 61, 26, 86, 124, 56, 116, 88, 82, 60, 84, 81, 87, 93, 15, 71, 123, 20, 119, 85, 11, 120, 55, 38, 73, 110, 113, 97, 22, 32, 62, 17, 75, 28, 90, 103, 14, 57, 24, 13, 50, 19, 76, 5, 54, 106, 109, 115, 127, 10, 112, 67, 25, 18, 42, 63, 118, 77, 48, 122, 45, 49, 79, 121, 107, 27, 58, 23, 3, 111, 108, 16, 31, 37, 104, 46, 89, 114, 43, 39, 105, 101, 53, 40, 36, 98, 94, 30, 117, 64, 41, 7, 126, 35, 21, 47, 83, 6, 80, 9, 91, 92, 1, 44, 100, 65, 99, 59, 34, 74, 70, 96, 95, 78, 12, 72, 69, 68, 4, 8, 66, 2, 0], [103, 97, 53, 117, 23, 2, 80, 11, 9, 85, 65, 0, 69, 81, 83, 67, 51, 14, 4, 3, 12, 71, 116, 70, 1, 7, 124, 61, 127, 112, 64, 87, 118, 60, 106, 6, 122, 73, 50, 5, 89, 113, 126, 66, 74, 13, 55, 114, 25, 68, 121, 54, 120, 24, 88, 8, 39, 63, 30, 91, 10, 49, 76, 15, 78, 28, 75, 17, 59, 108, 29, 45, 119, 104, 82, 58, 42, 79, 109, 31, 43, 52, 105, 110, 47, 77, 44, 46, 20, 19, 27, 123, 90, 72, 56, 34, 40, 57, 22, 125, 26, 16, 21, 98, 32, 102, 100, 99, 86, 37, 35, 107, 101, 84, 41, 62, 95, 36, 93, 18, 38, 48, 92, 33, 111, 94, 115, 96], [103, 97, 53, 117, 106, 81, 80, 87, 14, 12, 85, 23, 74, 4, 2, 112, 51, 83, 7, 11, 127, 116, 9, 124, 118, 69, 0, 54, 60, 61, 3, 25, 15, 24, 113, 50, 55, 70, 65, 126, 88, 122, 64, 30, 45, 121, 120, 114, 63, 6, 1, 76, 18, 75, 29, 72, 73, 5, 71, 68, 28, 89, 91, 39, 49, 26, 78, 58, 16, 8, 10, 67, 59, 44, 40, 19, 109, 110, 21, 52, 105, 17, 82, 98, 92, 66, 108, 42, 86, 46, 32, 31, 79, 27, 41, 13, 77, 36, 119, 95, 90, 125, 43, 84, 47, 100, 48, 34, 57, 107, 62, 102, 38, 22, 104, 99, 37, 101, 20, 35, 115, 93, 56, 94, 96, 111, 123, 33], [103, 97, 117, 53, 85, 87, 80, 51, 58, 14, 83, 12, 106, 11, 27, 16, 10, 23, 24, 5, 127, 124, 49, 81, 113, 104, 76, 43, 116, 118, 112, 45, 54, 71, 57, 91, 25, 88, 120, 86, 108, 122, 17, 109, 60, 50, 66, 47, 78, 55, 121, 110, 92, 63, 114, 52, 6, 21, 61, 44, 99, 125, 119, 62, 40, 105, 42, 123, 38, 37, 111, 89, 126, 56, 41, 19, 101, 102, 75, 98, 72, 34, 59, 9, 29, 115, 67, 100, 46, 68, 20, 22, 4, 30, 48, 36, 107, 26, 32, 1, 94, 95, 28, 82, 35, 18, 93, 90, 77, 96, 64, 31, 39, 2, 15, 73, 69, 79, 8, 84, 13, 7, 70, 74, 33, 65, 3, 0], [103, 97, 53, 117, 81, 11, 85, 14, 87, 106, 23, 69, 80, 12, 9, 2, 88, 60, 127, 7, 5, 124, 3, 51, 74, 112, 116, 0, 65, 70, 61, 4, 28, 126, 24, 118, 16, 29, 121, 83, 15, 122, 22, 45, 54, 44, 30, 120, 6, 25, 105, 114, 21, 79, 49, 71, 78, 50, 75, 67, 10, 17, 89, 63, 76, 55, 73, 64, 113, 40, 8, 1, 19, 98, 66, 86, 77, 58, 46, 109, 27, 82, 42, 108, 72, 13, 92, 104, 91, 34, 110, 84, 59, 62, 20, 39, 31, 125, 52, 18, 123, 90, 68, 41, 26, 32, 93, 94, 96, 107, 95, 48, 57, 99, 43, 119, 101, 38, 111, 37, 36, 35, 100, 47, 102, 56, 115, 33], [56, 102, 127, 24, 17, 93, 44, 60, 78, 11, 61, 33, 86, 88, 29, 116, 113, 108, 90, 50, 35, 114, 115, 47, 19, 59, 6, 62, 92, 123, 31, 40, 26, 72, 63, 119, 54, 20, 46, 120, 118, 122, 112, 126, 49, 104, 51, 111, 53, 124, 99, 121, 117, 23, 125, 37, 48, 55, 85, 57, 110, 36, 109, 42, 106, 32, 34, 43, 94, 45, 58, 30, 103, 39, 107, 52, 38, 8, 16, 105, 41, 100, 83, 89, 87, 96, 91, 95, 81, 98, 79, 28, 101, 82, 70, 25, 14, 27, 74, 21, 4, 10, 22, 3, 84, 77, 97, 75, 71, 76, 13, 18, 12, 80, 2, 15, 66, 69, 64, 67, 9, 7, 5, 0, 73, 68, 1, 65], [56, 102, 127, 24, 61, 113, 93, 60, 116, 114, 50, 108, 115, 63, 62, 59, 47, 126, 122, 88, 123, 119, 90, 38, 120, 112, 49, 53, 125, 46, 51, 121, 55, 124, 111, 117, 54, 42, 33, 48, 44, 39, 110, 57, 52, 58, 118, 109, 17, 103, 45, 30, 105, 43, 32, 81, 104, 40, 36, 78, 29, 75, 107, 106, 37, 84, 35, 41, 96, 34, 22, 92, 86, 19, 66, 94, 99, 101, 26, 100, 87, 2, 8, 80, 83, 98, 20, 11, 95, 91, 31, 85, 28, 97, 27, 79, 14, 73, 89, 15, 16, 6, 72, 3, 23, 64, 70, 77, 25, 21, 76, 5, 68, 82, 4, 13, 74, 9, 0, 18, 1, 67, 10, 12, 7, 65, 71, 69], [56, 108, 102, 127, 93, 9, 33, 24, 17, 61, 90, 94, 113, 60, 103, 1, 116, 88, 86, 39, 115, 65, 2, 50, 30, 114, 47, 59, 120, 62, 34, 23, 85, 123, 122, 126, 119, 69, 63, 87, 44, 55, 46, 73, 111, 104, 3, 0, 121, 18, 20, 64, 112, 31, 38, 54, 53, 49, 96, 68, 91, 51, 109, 98, 124, 36, 79, 95, 5, 48, 11, 117, 26, 37, 13, 57, 32, 77, 28, 35, 125, 42, 58, 52, 21, 7, 110, 118, 8, 27, 97, 10, 74, 4, 106, 105, 100, 16, 83, 72, 99, 66, 107, 15, 25, 40, 29, 19, 92, 45, 89, 82, 70, 71, 101, 84, 78, 6, 41, 67, 80, 22, 43, 76, 12, 81, 75, 14], [56, 102, 33, 108, 127, 93, 17, 24, 88, 113, 61, 90, 11, 86, 60, 82, 116, 78, 35, 59, 29, 20, 6, 47, 114, 50, 26, 44, 38, 123, 62, 122, 115, 120, 16, 106, 37, 21, 34, 63, 95, 119, 30, 126, 112, 87, 76, 121, 55, 49, 94, 51, 27, 53, 54, 28, 36, 83, 85, 80, 9, 75, 72, 89, 117, 124, 25, 110, 48, 91, 111, 125, 81, 79, 46, 42, 22, 104, 45, 103, 118, 105, 43, 57, 58, 96, 109, 98, 39, 52, 40, 99, 18, 32, 12, 15, 97, 23, 107, 31, 92, 84, 5, 7, 19, 100, 101, 74, 41, 77, 10, 70, 13, 73, 64, 14, 4, 3, 0, 67, 71, 2, 66, 69, 8, 68, 1, 65], [123, 39, 113, 69, 3, 64, 112, 1, 77, 71, 49, 63, 29, 13, 48, 111, 91, 61, 73, 98, 122, 54, 60, 119, 120, 4, 11, 72, 124, 88, 82, 24, 53, 115, 101, 56, 78, 22, 66, 62, 95, 17, 121, 59, 57, 81, 125, 55, 65, 83, 40, 118, 43, 127, 114, 93, 51, 8, 94, 70, 68, 46, 92, 15, 116, 106, 96, 36, 89, 47, 50, 35, 76, 2, 99, 52, 110, 97, 109, 102, 108, 44, 80, 45, 117, 104, 107, 126, 38, 41, 28, 9, 105, 58, 74, 37, 32, 26, 23, 33, 10, 100, 21, 42, 0, 25, 67, 12, 87, 19, 6, 31, 30, 90, 16, 7, 18, 20, 27, 84, 103, 5, 34, 75, 85, 79, 14, 86], [113, 123, 39, 13, 73, 71, 17, 83, 115, 74, 92, 78, 76, 59, 60, 55, 126, 63, 114, 57, 120, 127, 47, 116, 52, 62, 95, 119, 118, 117, 53, 121, 54, 69, 112, 82, 51, 56, 99, 46, 122, 109, 50, 124, 3, 58, 111, 48, 6, 100, 16, 125, 49, 110, 61, 108, 45, 88, 11, 44, 75, 106, 37, 107, 42, 43, 31, 86, 28, 72, 21, 98, 94, 15, 84, 41, 105, 67, 104, 93, 5, 36, 68, 85, 65, 38, 102, 91, 101, 40, 35, 97, 30, 25, 1, 64, 90, 22, 103, 33, 96, 87, 20, 32, 23, 29, 34, 2, 80, 8, 27, 89, 18, 81, 24, 14, 4, 26, 0, 77, 12, 19, 79, 10, 70, 66, 7, 9], [123, 39, 113, 112, 49, 32, 54, 95, 60, 99, 63, 115, 120, 90, 83, 124, 122, 48, 43, 13, 121, 94, 87, 125, 119, 61, 98, 56, 53, 111, 57, 85, 40, 127, 17, 38, 59, 62, 118, 36, 55, 114, 102, 105, 37, 110, 97, 92, 101, 81, 26, 47, 104, 109, 28, 35, 51, 45, 46, 96, 108, 116, 107, 50, 30, 41, 100, 106, 74, 52, 117, 126, 31, 44, 23, 42, 58, 82, 93, 33, 73, 25, 91, 29, 22, 84, 6, 21, 78, 18, 79, 86, 89, 34, 88, 11, 27, 24, 14, 15, 19, 76, 16, 75, 103, 20, 69, 10, 71, 8, 80, 72, 66, 77, 7, 3, 4, 70, 68, 12, 67, 64, 2, 1, 65, 9, 0, 5], [113, 123, 39, 119, 52, 120, 63, 126, 121, 118, 53, 57, 115, 106, 114, 47, 56, 13, 59, 116, 55, 51, 60, 58, 122, 127, 117, 111, 46, 50, 54, 92, 48, 109, 110, 62, 45, 43, 124, 108, 107, 61, 44, 74, 42, 112, 105, 125, 73, 49, 69, 101, 82, 41, 76, 64, 83, 99, 21, 17, 102, 104, 78, 5, 38, 71, 91, 1, 6, 40, 3, 66, 70, 72, 37, 100, 90, 30, 97, 8, 25, 81, 36, 15, 4, 89, 93, 26, 75, 35, 16, 96, 80, 19, 2, 11, 88, 33, 68, 14, 9, 84, 79, 98, 27, 87, 86, 32, 31, 67, 24, 18, 103, 10, 95, 20, 94, 12, 28, 65, 29, 85, 34, 23, 22, 7, 77, 0], [62, 63, 39, 53, 127, 32, 57, 36, 54, 121, 107, 47, 116, 46, 115, 59, 52, 55, 50, 51, 41, 105, 58, 61, 123, 96, 60, 125, 91, 27, 113, 122, 120, 106, 48, 124, 44, 103, 117, 126, 114, 98, 49, 119, 56, 118, 110, 45, 85, 43, 35, 38, 89, 112, 109, 101, 104, 40, 111, 108, 81, 37, 25, 42, 99, 22, 100, 34, 102, 92, 94, 87, 19, 33, 31, 23, 95, 0, 93, 21, 86, 26, 20, 97, 78, 17, 10, 80, 12, 29, 28, 83, 90, 66, 74, 65, 77, 82, 15, 30, 64, 24, 71, 72, 18, 69, 9, 84, 67, 76, 6, 1, 3, 68, 13, 11, 5, 4, 8, 14, 16, 88, 2, 75, 79, 70, 7, 73], [39, 63, 62, 24, 84, 94, 33, 18, 53, 86, 26, 88, 92, 80, 32, 78, 90, 127, 14, 29, 75, 73, 23, 30, 16, 121, 67, 17, 57, 82, 70, 54, 9, 95, 107, 1, 98, 116, 58, 47, 115, 15, 50, 27, 59, 52, 21, 22, 74, 60, 20, 55, 46, 83, 11, 51, 93, 8, 13, 85, 61, 31, 34, 125, 96, 123, 124, 91, 28, 79, 117, 113, 120, 4, 64, 77, 41, 76, 81, 5, 89, 25, 6, 122, 42, 72, 48, 12, 2, 126, 36, 35, 65, 118, 49, 102, 38, 87, 110, 101, 103, 114, 56, 19, 71, 119, 106, 108, 45, 37, 7, 97, 104, 100, 109, 111, 44, 112, 43, 105, 99, 3, 10, 40, 69, 68, 66, 0], [63, 62, 39, 53, 127, 57, 32, 54, 116, 121, 52, 59, 55, 47, 50, 115, 125, 61, 46, 51, 58, 60, 96, 123, 120, 122, 90, 113, 91, 86, 117, 124, 41, 48, 126, 34, 119, 118, 56, 106, 114, 92, 27, 109, 107, 101, 49, 110, 26, 35, 33, 89, 45, 21, 111, 102, 105, 108, 100, 36, 85, 112, 93, 44, 42, 43, 104, 99, 40, 98, 22, 29, 81, 88, 37, 10, 94, 64, 38, 103, 95, 16, 66, 65, 31, 19, 0, 97, 14, 25, 30, 67, 83, 72, 17, 24, 76, 87, 20, 6, 23, 74, 28, 78, 68, 69, 9, 12, 8, 15, 11, 84, 1, 5, 7, 79, 77, 82, 80, 4, 71, 18, 70, 73, 2, 3, 13, 75], [39, 62, 63, 94, 84, 24, 88, 53, 86, 21, 32, 74, 14, 10, 33, 26, 83, 90, 18, 127, 8, 92, 20, 69, 30, 23, 36, 57, 16, 7, 76, 66, 68, 121, 67, 54, 96, 27, 116, 89, 73, 87, 13, 52, 47, 82, 55, 28, 72, 115, 59, 17, 50, 6, 85, 77, 60, 70, 58, 34, 22, 80, 46, 95, 5, 81, 65, 61, 107, 125, 29, 51, 98, 49, 123, 93, 91, 9, 117, 124, 101, 108, 19, 120, 79, 25, 11, 113, 78, 15, 31, 38, 35, 64, 12, 103, 105, 99, 118, 41, 110, 106, 48, 122, 56, 100, 45, 97, 126, 37, 119, 104, 114, 40, 71, 43, 109, 4, 44, 102, 42, 111, 112, 1, 75, 0, 3, 2], [113, 48, 101, 112, 26, 94, 87, 18, 123, 20, 49, 86, 122, 59, 120, 79, 57, 62, 124, 58, 55, 60, 54, 115, 76, 43, 125, 37, 53, 119, 6, 39, 45, 51, 117, 126, 52, 114, 63, 61, 56, 50, 118, 106, 30, 75, 98, 34, 88, 32, 104, 107, 111, 127, 47, 110, 41, 116, 121, 92, 82, 108, 33, 44, 29, 102, 40, 42, 15, 103, 89, 90, 96, 105, 109, 99, 46, 23, 36, 35, 24, 100, 17, 22, 13, 31, 19, 97, 28, 70, 25, 91, 16, 95, 85, 27, 84, 11, 78, 21, 38, 83, 93, 12, 81, 14, 77, 73, 67, 8, 74, 9, 72, 71, 80, 3, 10, 7, 5, 4, 65, 68, 69, 66, 1, 2, 0, 64], [48, 113, 101, 112, 26, 122, 18, 94, 59, 87, 20, 43, 123, 57, 76, 79, 30, 63, 92, 98, 49, 53, 61, 124, 51, 88, 120, 86, 58, 117, 119, 39, 60, 121, 55, 125, 62, 115, 6, 50, 52, 89, 54, 56, 126, 96, 107, 114, 45, 102, 110, 29, 118, 47, 82, 35, 127, 34, 40, 46, 106, 24, 111, 32, 42, 100, 116, 108, 105, 37, 109, 44, 75, 90, 103, 104, 93, 36, 97, 25, 41, 31, 13, 27, 22, 28, 16, 95, 99, 38, 19, 91, 83, 12, 23, 85, 81, 33, 15, 17, 84, 21, 14, 11, 9, 78, 70, 8, 72, 74, 73, 77, 80, 67, 3, 71, 10, 7, 5, 65, 68, 4, 69, 1, 66, 2, 0, 64], [48, 113, 74, 16, 101, 7, 13, 68, 64, 69, 4, 112, 2, 122, 0, 87, 5, 1, 66, 65, 94, 67, 86, 3, 20, 58, 71, 53, 54, 98, 125, 55, 107, 57, 70, 6, 60, 49, 56, 120, 119, 52, 114, 121, 32, 26, 18, 62, 117, 124, 50, 118, 10, 11, 75, 110, 127, 30, 63, 47, 89, 51, 45, 82, 105, 104, 115, 61, 80, 106, 8, 103, 28, 76, 44, 77, 73, 96, 72, 108, 12, 126, 111, 79, 59, 42, 9, 109, 123, 24, 90, 23, 46, 85, 84, 93, 81, 37, 15, 14, 22, 78, 29, 19, 116, 17, 40, 34, 102, 83, 27, 35, 43, 21, 91, 33, 88, 92, 31, 25, 97, 95, 41, 38, 39, 100, 99, 36], [48, 113, 101, 122, 94, 112, 87, 26, 18, 59, 20, 123, 86, 49, 43, 79, 98, 57, 19, 120, 124, 30, 89, 32, 8, 115, 51, 76, 107, 58, 39, 21, 97, 82, 61, 63, 60, 62, 88, 29, 13, 52, 42, 6, 125, 34, 53, 117, 56, 55, 37, 119, 111, 96, 54, 28, 106, 44, 100, 114, 16, 75, 108, 104, 102, 85, 118, 126, 50, 105, 17, 45, 36, 27, 103, 116, 127, 31, 40, 91, 110, 92, 25, 121, 35, 47, 41, 22, 23, 109, 38, 33, 83, 46, 90, 95, 99, 74, 84, 24, 93, 12, 14, 78, 81, 73, 15, 11, 9, 72, 70, 3, 67, 77, 7, 80, 71, 10, 69, 65, 4, 5, 68, 1, 66, 2, 0, 64], [56, 113, 63, 102, 117, 49, 124, 68, 53, 76, 59, 85, 55, 5, 114, 60, 116, 58, 94, 121, 61, 89, 16, 7, 2, 66, 72, 50, 62, 8, 9, 12, 111, 51, 80, 115, 123, 118, 6, 126, 122, 48, 77, 54, 120, 52, 101, 40, 125, 69, 87, 91, 46, 119, 21, 27, 1, 3, 4, 29, 30, 96, 127, 42, 112, 83, 105, 92, 43, 44, 57, 35, 39, 36, 75, 22, 45, 109, 17, 24, 107, 110, 14, 104, 108, 88, 103, 47, 18, 79, 25, 23, 78, 41, 64, 15, 28, 97, 37, 93, 106, 20, 99, 98, 95, 81, 19, 26, 33, 82, 90, 100, 10, 38, 70, 31, 11, 84, 34, 73, 32, 13, 67, 65, 74, 86, 71, 0], [113, 56, 63, 124, 53, 59, 117, 55, 9, 49, 40, 116, 94, 58, 81, 69, 121, 61, 77, 62, 50, 114, 48, 118, 54, 60, 64, 111, 125, 51, 115, 123, 122, 126, 2, 120, 1, 24, 43, 57, 127, 68, 8, 52, 12, 39, 46, 119, 21, 70, 101, 112, 3, 45, 105, 107, 104, 109, 110, 47, 106, 44, 102, 108, 96, 30, 79, 6, 42, 92, 85, 72, 41, 103, 26, 36, 33, 7, 37, 15, 98, 100, 66, 16, 35, 25, 65, 83, 74, 97, 34, 93, 73, 95, 99, 90, 4, 17, 31, 28, 88, 91, 75, 38, 89, 67, 19, 23, 10, 87, 0, 5, 29, 13, 20, 32, 71, 78, 84, 27, 18, 14, 11, 82, 80, 76, 86, 22], [113, 56, 63, 94, 124, 49, 102, 117, 24, 96, 53, 38, 59, 104, 19, 55, 92, 43, 40, 58, 26, 91, 89, 35, 9, 116, 48, 114, 118, 37, 121, 22, 62, 51, 61, 50, 15, 60, 30, 122, 97, 126, 87, 46, 111, 54, 69, 29, 123, 52, 83, 120, 1, 85, 33, 125, 127, 17, 36, 77, 98, 12, 64, 81, 68, 119, 115, 3, 73, 105, 57, 75, 90, 7, 112, 86, 45, 79, 39, 109, 2, 8, 108, 44, 99, 6, 110, 34, 95, 25, 28, 76, 100, 10, 106, 27, 16, 93, 101, 18, 82, 78, 14, 47, 42, 41, 103, 88, 70, 107, 23, 31, 13, 21, 72, 20, 4, 32, 84, 80, 11, 74, 66, 67, 71, 0, 65, 5], [113, 56, 63, 124, 49, 117, 53, 40, 59, 114, 55, 102, 58, 116, 48, 24, 50, 94, 26, 121, 51, 54, 96, 60, 62, 118, 61, 87, 89, 126, 35, 43, 120, 77, 122, 123, 81, 111, 125, 57, 109, 52, 105, 9, 46, 17, 115, 104, 29, 119, 127, 92, 97, 30, 112, 99, 44, 22, 70, 45, 91, 110, 1, 37, 42, 108, 107, 103, 100, 101, 47, 38, 36, 15, 39, 6, 41, 27, 85, 106, 3, 20, 31, 90, 98, 33, 34, 88, 14, 73, 28, 23, 95, 19, 72, 64, 68, 12, 93, 79, 18, 13, 16, 86, 32, 82, 21, 25, 8, 69, 83, 78, 74, 11, 84, 80, 76, 10, 2, 75, 7, 65, 66, 71, 5, 0, 4, 67]], "model.layers.14.self_attn.k_proj": [[60, 101, 97, 62, 86, 117, 120, 94, 51, 59, 53, 90, 118, 58, 126, 57, 48, 111, 123, 121, 115, 54, 116, 87, 61, 81, 114, 125, 119, 56, 52, 127, 124, 55, 107, 19, 110, 122, 105, 50, 63, 106, 112, 89, 37, 40, 46, 44, 109, 45, 47, 43, 49, 102, 88, 108, 113, 12, 103, 21, 92, 104, 78, 15, 25, 42, 41, 32, 38, 39, 16, 93, 1, 34, 74, 67, 100, 27, 36, 71, 70, 31, 95, 13, 91, 98, 35, 68, 0, 20, 83, 73, 24, 33, 99, 96, 14, 79, 84, 72, 22, 28, 29, 11, 85, 80, 26, 77, 30, 66, 18, 8, 23, 17, 76, 82, 10, 9, 75, 5, 69, 2, 7, 65, 64, 3, 6, 4], [52, 38, 97, 86, 60, 93, 124, 56, 119, 123, 125, 61, 50, 57, 26, 113, 110, 62, 121, 127, 55, 81, 58, 116, 63, 109, 112, 53, 45, 115, 117, 108, 42, 49, 15, 46, 54, 106, 48, 111, 122, 118, 120, 88, 47, 84, 33, 114, 126, 82, 107, 103, 43, 39, 59, 22, 40, 102, 41, 87, 37, 105, 85, 36, 44, 75, 83, 100, 96, 77, 35, 13, 101, 104, 9, 99, 0, 98, 31, 16, 27, 30, 92, 34, 25, 32, 95, 51, 80, 17, 89, 28, 94, 10, 76, 69, 65, 29, 19, 14, 21, 73, 70, 91, 2, 24, 78, 72, 12, 71, 7, 4, 18, 90, 67, 68, 23, 8, 20, 11, 79, 5, 3, 74, 1, 66, 6, 64], [53, 39, 33, 87, 117, 14, 81, 80, 7, 9, 12, 74, 0, 42, 11, 65, 85, 2, 3, 60, 4, 48, 69, 70, 114, 83, 116, 61, 51, 64, 127, 54, 66, 67, 122, 79, 126, 113, 55, 118, 63, 124, 52, 5, 72, 120, 68, 88, 91, 109, 89, 25, 115, 112, 121, 108, 6, 45, 103, 59, 40, 73, 71, 22, 49, 1, 41, 34, 105, 77, 104, 23, 26, 10, 21, 43, 106, 44, 47, 96, 13, 50, 30, 92, 16, 110, 119, 18, 93, 123, 28, 76, 20, 58, 125, 94, 75, 8, 78, 29, 102, 36, 24, 46, 101, 90, 111, 56, 97, 57, 107, 31, 95, 35, 99, 19, 37, 27, 98, 38, 84, 100, 62, 82, 17, 86, 32, 15], [56, 38, 127, 86, 97, 44, 60, 61, 119, 114, 50, 113, 122, 116, 123, 62, 110, 63, 29, 115, 126, 47, 112, 59, 120, 51, 90, 55, 121, 39, 53, 49, 57, 124, 24, 117, 58, 45, 30, 78, 48, 118, 54, 125, 6, 109, 111, 17, 11, 1, 103, 52, 46, 107, 101, 42, 0, 41, 102, 105, 106, 28, 23, 108, 89, 20, 40, 104, 16, 43, 33, 35, 100, 98, 76, 25, 96, 82, 68, 15, 84, 85, 99, 32, 77, 37, 18, 74, 95, 36, 2, 34, 91, 19, 7, 64, 21, 22, 12, 31, 80, 93, 27, 3, 92, 87, 10, 67, 13, 79, 72, 94, 9, 26, 71, 69, 5, 73, 8, 66, 81, 14, 75, 4, 65, 83, 70, 88], [123, 113, 103, 22, 34, 60, 122, 54, 124, 61, 53, 125, 111, 56, 57, 49, 62, 119, 121, 55, 18, 47, 63, 114, 127, 115, 51, 40, 59, 96, 112, 93, 117, 116, 52, 126, 120, 46, 58, 118, 50, 44, 48, 109, 45, 107, 42, 104, 27, 98, 110, 43, 75, 41, 108, 106, 14, 65, 38, 100, 7, 35, 105, 92, 68, 84, 102, 37, 101, 0, 26, 67, 80, 36, 15, 9, 32, 31, 5, 33, 24, 30, 8, 87, 97, 88, 77, 94, 99, 25, 95, 6, 79, 20, 10, 39, 28, 81, 72, 91, 23, 76, 83, 70, 2, 90, 89, 12, 29, 66, 78, 21, 82, 17, 16, 11, 85, 74, 64, 19, 71, 4, 69, 86, 3, 1, 73, 13], [63, 62, 103, 86, 127, 53, 57, 121, 54, 116, 55, 30, 59, 50, 52, 58, 115, 125, 123, 97, 120, 61, 92, 60, 46, 84, 18, 51, 113, 26, 117, 124, 96, 118, 47, 126, 48, 88, 49, 24, 110, 114, 122, 100, 56, 119, 80, 15, 108, 106, 91, 111, 45, 107, 42, 14, 112, 109, 101, 38, 41, 43, 102, 40, 33, 75, 99, 44, 9, 105, 37, 31, 77, 83, 104, 93, 35, 94, 21, 17, 16, 25, 13, 98, 85, 36, 72, 82, 23, 34, 11, 19, 79, 29, 6, 66, 78, 32, 68, 0, 12, 95, 69, 22, 27, 81, 89, 28, 10, 87, 71, 90, 20, 39, 74, 76, 65, 3, 7, 73, 70, 67, 8, 1, 2, 4, 5, 64], [112, 64, 37, 113, 48, 49, 1, 69, 16, 74, 30, 68, 86, 87, 7, 123, 13, 2, 53, 20, 122, 34, 43, 58, 57, 96, 121, 118, 59, 120, 66, 125, 62, 56, 119, 54, 60, 75, 3, 26, 18, 55, 4, 52, 6, 115, 50, 114, 124, 111, 117, 126, 63, 79, 61, 0, 51, 47, 76, 127, 67, 110, 103, 116, 41, 109, 46, 106, 108, 93, 45, 104, 89, 38, 44, 36, 105, 8, 29, 35, 39, 42, 100, 71, 81, 102, 28, 15, 33, 21, 31, 90, 40, 27, 107, 25, 94, 19, 78, 24, 84, 99, 92, 88, 70, 73, 97, 85, 22, 72, 80, 5, 9, 91, 98, 95, 14, 77, 17, 32, 23, 83, 65, 12, 10, 82, 101, 11], [56, 113, 63, 38, 99, 124, 117, 59, 53, 22, 58, 116, 114, 55, 62, 122, 60, 32, 61, 50, 126, 51, 123, 111, 48, 121, 54, 127, 115, 118, 52, 46, 120, 125, 119, 57, 108, 112, 49, 45, 110, 109, 27, 40, 47, 35, 43, 104, 44, 89, 107, 97, 41, 42, 101, 106, 103, 105, 39, 92, 30, 98, 93, 33, 36, 87, 100, 102, 37, 19, 96, 18, 31, 13, 95, 34, 24, 17, 26, 91, 86, 20, 15, 29, 94, 28, 88, 85, 65, 2, 23, 0, 70, 80, 90, 7, 83, 10, 78, 74, 82, 25, 84, 14, 73, 8, 11, 3, 67, 81, 79, 75, 68, 16, 69, 21, 5, 71, 76, 4, 9, 12, 77, 72, 66, 64, 1, 6]], "model.layers.14.self_attn.qk_proj": [[56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 116, 58, 120, 121, 124, 122, 57, 125, 127, 61, 103, 115, 55, 51, 59, 22, 97, 50, 119, 114, 38, 102, 49, 54, 39, 37, 118, 23, 126, 101, 47, 87, 111, 94, 86, 108, 16, 80, 33, 46, 0, 42, 110, 17, 26, 64, 109, 43, 90, 24, 106, 45, 88, 81, 93, 78, 14, 44, 107, 10, 69, 105, 29, 7, 5, 83, 74, 71, 12, 84, 11, 30, 40, 34, 19, 13, 4, 77, 2, 85, 9, 96, 73, 20, 21, 1, 66, 76, 41, 75, 67, 68, 28, 104, 99, 15, 65, 18, 82, 3, 36, 89, 35, 79, 92, 25, 98, 32, 70, 6, 100, 8, 31, 91, 95, 27, 72], [113, 56, 53, 52, 60, 123, 63, 62, 48, 112, 117, 116, 58, 124, 120, 127, 61, 125, 121, 122, 55, 103, 57, 115, 51, 59, 97, 102, 39, 22, 49, 38, 114, 54, 50, 23, 118, 37, 101, 119, 126, 94, 111, 47, 87, 109, 33, 86, 16, 64, 108, 43, 80, 0, 24, 17, 106, 90, 42, 46, 110, 45, 10, 26, 88, 14, 107, 78, 81, 93, 44, 29, 74, 4, 68, 71, 11, 85, 5, 105, 83, 69, 12, 9, 99, 75, 41, 34, 96, 19, 7, 21, 28, 77, 84, 40, 104, 65, 13, 20, 18, 1, 30, 76, 6, 92, 2, 73, 66, 67, 32, 36, 79, 25, 82, 70, 15, 98, 100, 35, 31, 89, 91, 8, 3, 27, 95, 72], [56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 116, 58, 127, 124, 61, 120, 122, 103, 125, 121, 59, 115, 57, 39, 54, 55, 97, 51, 49, 38, 50, 102, 114, 118, 47, 101, 119, 126, 37, 111, 46, 23, 22, 87, 94, 43, 108, 86, 0, 33, 64, 16, 110, 106, 109, 107, 80, 45, 88, 44, 90, 24, 42, 26, 30, 17, 93, 14, 29, 71, 10, 41, 105, 81, 78, 85, 69, 83, 34, 5, 99, 96, 12, 74, 7, 11, 4, 40, 65, 19, 68, 13, 66, 28, 104, 1, 9, 21, 75, 77, 76, 20, 73, 6, 84, 2, 35, 98, 32, 3, 25, 18, 67, 36, 82, 15, 92, 89, 70, 91, 31, 27, 79, 72, 100, 95, 8], [56, 113, 53, 52, 60, 123, 63, 62, 48, 112, 117, 116, 58, 125, 121, 122, 124, 61, 120, 127, 57, 49, 103, 114, 55, 39, 54, 97, 115, 59, 50, 51, 102, 111, 119, 101, 22, 38, 126, 47, 118, 23, 37, 94, 110, 46, 87, 108, 43, 0, 64, 16, 86, 80, 45, 109, 33, 90, 106, 24, 107, 17, 44, 93, 26, 42, 78, 88, 29, 81, 41, 69, 74, 2, 19, 7, 10, 104, 14, 105, 71, 30, 85, 96, 83, 13, 34, 12, 66, 76, 84, 77, 40, 65, 5, 11, 1, 9, 73, 4, 28, 3, 68, 20, 99, 75, 92, 36, 6, 32, 21, 98, 67, 18, 25, 100, 89, 15, 35, 82, 79, 70, 72, 31, 91, 95, 27, 8], [56, 113, 53, 52, 60, 123, 63, 62, 48, 112, 117, 122, 58, 121, 125, 116, 57, 61, 120, 55, 124, 103, 49, 127, 115, 114, 39, 59, 97, 118, 38, 51, 50, 22, 46, 102, 101, 47, 23, 54, 126, 94, 37, 108, 111, 110, 86, 0, 16, 119, 87, 80, 64, 33, 43, 109, 90, 106, 14, 81, 42, 44, 107, 24, 17, 26, 78, 71, 10, 30, 93, 2, 45, 66, 83, 11, 74, 69, 19, 88, 29, 105, 5, 4, 104, 68, 84, 13, 9, 12, 76, 41, 7, 40, 96, 73, 21, 1, 34, 75, 18, 85, 20, 77, 28, 65, 3, 79, 92, 82, 32, 89, 15, 99, 98, 6, 67, 35, 100, 70, 36, 25, 27, 91, 31, 72, 95, 8], [56, 113, 53, 52, 123, 60, 63, 62, 48, 112, 117, 116, 121, 55, 127, 125, 58, 124, 120, 122, 103, 57, 61, 59, 49, 115, 114, 97, 22, 118, 39, 102, 51, 38, 54, 50, 119, 23, 37, 101, 109, 94, 87, 108, 126, 110, 111, 86, 47, 16, 80, 64, 17, 33, 14, 43, 90, 26, 42, 81, 0, 44, 24, 78, 46, 45, 106, 29, 11, 4, 88, 93, 10, 9, 83, 12, 74, 76, 84, 30, 75, 41, 85, 19, 7, 71, 105, 96, 18, 68, 107, 69, 66, 20, 5, 13, 73, 77, 104, 21, 32, 82, 79, 65, 2, 15, 3, 40, 34, 28, 89, 98, 92, 1, 70, 99, 36, 67, 6, 31, 25, 35, 100, 72, 91, 27, 95, 8], [56, 113, 53, 123, 52, 60, 63, 62, 48, 112, 117, 116, 121, 120, 127, 55, 58, 115, 125, 61, 49, 122, 114, 59, 57, 103, 124, 22, 118, 97, 102, 23, 119, 38, 51, 39, 37, 101, 94, 50, 54, 87, 126, 86, 109, 111, 16, 47, 110, 80, 17, 26, 43, 108, 33, 90, 14, 46, 78, 81, 42, 24, 64, 45, 106, 85, 29, 0, 88, 44, 30, 11, 10, 105, 74, 104, 9, 75, 76, 93, 84, 71, 107, 20, 73, 7, 69, 83, 12, 15, 41, 5, 77, 96, 21, 19, 28, 40, 13, 82, 18, 32, 2, 66, 34, 67, 79, 4, 99, 36, 6, 98, 92, 68, 65, 89, 1, 70, 25, 3, 35, 31, 100, 27, 72, 91, 95, 8], [56, 113, 53, 52, 123, 60, 63, 62, 48, 112, 117, 120, 58, 121, 116, 59, 115, 55, 114, 124, 57, 122, 127, 103, 49, 97, 125, 38, 51, 22, 102, 61, 119, 23, 118, 54, 37, 101, 39, 126, 94, 87, 47, 50, 86, 46, 111, 109, 110, 16, 43, 108, 33, 26, 0, 64, 90, 80, 88, 78, 45, 14, 81, 17, 85, 107, 42, 29, 24, 30, 44, 84, 106, 75, 10, 96, 83, 11, 105, 93, 21, 74, 20, 5, 34, 71, 104, 65, 76, 9, 77, 7, 15, 41, 13, 18, 82, 4, 69, 1, 68, 12, 73, 2, 66, 36, 70, 19, 32, 79, 35, 28, 92, 98, 99, 89, 25, 3, 6, 91, 40, 67, 31, 100, 72, 27, 95, 8], [56, 113, 53, 52, 123, 60, 63, 62, 48, 112, 117, 116, 120, 125, 58, 127, 121, 122, 49, 124, 55, 115, 57, 103, 97, 38, 54, 61, 51, 102, 114, 50, 101, 59, 39, 118, 23, 22, 119, 37, 111, 94, 87, 47, 43, 108, 86, 109, 80, 64, 0, 126, 110, 16, 33, 46, 106, 88, 78, 90, 17, 14, 26, 85, 105, 44, 45, 81, 29, 24, 10, 42, 30, 93, 4, 96, 74, 83, 84, 19, 104, 1, 71, 107, 41, 5, 34, 7, 76, 99, 21, 69, 20, 65, 75, 68, 66, 13, 28, 73, 2, 77, 11, 12, 15, 9, 32, 98, 18, 70, 25, 92, 36, 40, 35, 82, 6, 3, 79, 67, 91, 89, 100, 31, 27, 72, 95, 8], [56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 58, 120, 116, 57, 55, 125, 124, 121, 49, 122, 114, 127, 59, 51, 97, 103, 38, 115, 61, 39, 50, 54, 119, 23, 22, 111, 118, 102, 37, 101, 87, 94, 110, 126, 33, 64, 47, 0, 16, 80, 108, 86, 46, 17, 107, 14, 78, 45, 90, 42, 109, 24, 44, 81, 43, 26, 93, 10, 29, 71, 74, 7, 11, 88, 85, 99, 106, 30, 68, 69, 13, 12, 83, 34, 28, 84, 105, 5, 76, 96, 9, 66, 73, 4, 21, 18, 104, 75, 77, 20, 1, 70, 67, 65, 3, 2, 41, 15, 19, 82, 79, 40, 32, 89, 98, 6, 92, 100, 91, 35, 25, 36, 8, 31, 95, 27, 72], [56, 113, 53, 52, 60, 123, 62, 63, 48, 112, 117, 116, 58, 120, 55, 121, 124, 57, 49, 122, 127, 125, 103, 115, 114, 59, 39, 61, 51, 97, 50, 22, 102, 54, 23, 126, 118, 38, 101, 37, 87, 119, 47, 110, 0, 86, 94, 64, 16, 108, 80, 111, 17, 109, 46, 33, 90, 10, 106, 14, 74, 42, 78, 107, 29, 93, 45, 81, 26, 24, 43, 30, 5, 44, 71, 69, 105, 88, 66, 7, 12, 76, 13, 19, 68, 73, 104, 83, 2, 11, 84, 15, 65, 96, 18, 85, 41, 9, 77, 70, 4, 20, 40, 75, 1, 21, 34, 79, 3, 82, 28, 99, 67, 6, 36, 32, 89, 98, 92, 35, 91, 100, 8, 25, 27, 31, 72, 95], [56, 113, 53, 52, 123, 60, 63, 62, 48, 112, 117, 116, 120, 58, 121, 55, 122, 127, 124, 103, 115, 114, 49, 57, 61, 125, 51, 22, 39, 118, 23, 59, 38, 102, 97, 119, 37, 54, 101, 50, 126, 94, 111, 110, 86, 87, 108, 16, 80, 109, 17, 64, 107, 0, 47, 14, 33, 42, 46, 81, 78, 26, 90, 10, 43, 74, 29, 44, 45, 106, 30, 24, 68, 105, 88, 93, 83, 69, 41, 84, 20, 4, 76, 5, 75, 85, 73, 7, 11, 19, 12, 13, 66, 2, 77, 9, 104, 28, 71, 1, 96, 32, 18, 82, 15, 21, 67, 34, 3, 70, 79, 6, 99, 40, 65, 35, 89, 25, 36, 98, 100, 8, 31, 91, 92, 27, 72, 95], [56, 113, 53, 52, 60, 123, 63, 62, 48, 112, 117, 120, 116, 58, 127, 115, 124, 103, 55, 57, 59, 121, 125, 114, 61, 38, 50, 49, 51, 122, 119, 39, 22, 102, 23, 97, 111, 54, 37, 118, 101, 94, 87, 108, 126, 47, 86, 110, 33, 17, 109, 46, 16, 80, 88, 14, 81, 26, 42, 64, 43, 0, 44, 106, 45, 90, 24, 107, 78, 29, 105, 93, 30, 10, 74, 104, 75, 41, 11, 21, 7, 83, 85, 68, 4, 69, 84, 99, 20, 96, 19, 28, 77, 34, 76, 5, 32, 82, 13, 18, 73, 92, 71, 66, 36, 98, 9, 1, 15, 12, 2, 40, 3, 65, 6, 31, 25, 100, 91, 89, 95, 79, 35, 70, 27, 67, 8, 72], [56, 113, 53, 52, 60, 123, 62, 63, 48, 112, 117, 120, 116, 127, 58, 59, 125, 115, 124, 49, 114, 55, 57, 51, 121, 103, 119, 39, 122, 61, 22, 50, 97, 111, 54, 118, 102, 37, 38, 87, 23, 64, 110, 94, 101, 86, 109, 108, 47, 126, 0, 17, 42, 46, 80, 14, 74, 33, 16, 44, 81, 45, 90, 43, 26, 78, 88, 24, 29, 10, 7, 71, 73, 105, 18, 75, 83, 93, 76, 30, 69, 11, 104, 77, 107, 19, 5, 13, 66, 41, 9, 6, 4, 96, 106, 1, 84, 65, 34, 20, 21, 99, 12, 85, 15, 28, 68, 40, 36, 2, 79, 32, 82, 70, 67, 3, 92, 25, 98, 35, 27, 8, 91, 89, 31, 100, 95, 72], [56, 113, 53, 52, 123, 60, 63, 62, 48, 112, 117, 120, 121, 116, 124, 55, 127, 125, 49, 58, 114, 57, 59, 122, 103, 39, 61, 115, 50, 119, 51, 97, 22, 38, 118, 102, 23, 54, 37, 101, 94, 111, 110, 108, 126, 86, 87, 109, 16, 0, 64, 46, 47, 43, 80, 33, 42, 14, 90, 17, 74, 44, 45, 78, 106, 26, 81, 88, 107, 10, 7, 93, 24, 29, 30, 105, 69, 11, 71, 83, 75, 84, 73, 76, 104, 66, 19, 21, 18, 13, 5, 20, 34, 40, 4, 68, 28, 1, 3, 67, 12, 85, 2, 9, 77, 6, 96, 41, 15, 32, 65, 99, 82, 70, 79, 36, 92, 89, 98, 100, 25, 27, 8, 35, 31, 91, 95, 72], [56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 116, 120, 114, 55, 121, 58, 127, 124, 122, 49, 103, 125, 115, 59, 61, 57, 39, 102, 119, 51, 118, 37, 22, 54, 97, 50, 23, 38, 126, 46, 111, 94, 108, 16, 86, 110, 87, 101, 17, 64, 45, 47, 80, 44, 109, 0, 33, 43, 106, 107, 74, 14, 90, 42, 10, 105, 81, 4, 26, 83, 78, 29, 2, 93, 11, 76, 88, 24, 68, 5, 69, 7, 75, 71, 66, 41, 19, 84, 28, 21, 13, 30, 96, 9, 20, 104, 65, 40, 12, 73, 77, 18, 6, 34, 85, 98, 70, 15, 67, 79, 92, 99, 36, 32, 3, 1, 8, 89, 31, 35, 82, 100, 25, 91, 27, 95, 72], [56, 113, 53, 52, 60, 123, 63, 62, 48, 112, 117, 120, 58, 116, 114, 121, 124, 127, 55, 115, 103, 59, 39, 125, 57, 49, 122, 50, 119, 61, 38, 118, 22, 51, 97, 54, 23, 102, 126, 37, 101, 94, 86, 111, 87, 110, 17, 46, 108, 44, 16, 45, 109, 80, 33, 0, 26, 47, 64, 107, 90, 106, 78, 43, 10, 42, 93, 29, 88, 81, 30, 14, 105, 24, 74, 11, 7, 28, 5, 75, 71, 41, 77, 21, 40, 34, 18, 83, 96, 68, 104, 4, 98, 9, 13, 85, 20, 12, 69, 84, 36, 66, 65, 76, 19, 99, 6, 32, 1, 2, 92, 73, 70, 79, 82, 35, 25, 15, 100, 3, 31, 91, 89, 8, 27, 67, 95, 72], [56, 113, 53, 52, 123, 60, 63, 62, 48, 112, 117, 120, 116, 58, 121, 61, 55, 124, 115, 103, 127, 125, 59, 49, 114, 122, 39, 38, 119, 57, 118, 22, 97, 23, 54, 50, 51, 101, 37, 102, 126, 87, 86, 94, 47, 111, 46, 64, 0, 108, 16, 109, 33, 110, 44, 45, 80, 106, 17, 42, 14, 90, 107, 88, 43, 26, 78, 81, 24, 30, 93, 105, 74, 75, 7, 28, 10, 66, 71, 96, 19, 29, 69, 40, 76, 83, 11, 104, 20, 65, 34, 99, 77, 21, 84, 85, 9, 5, 18, 4, 68, 1, 82, 70, 13, 41, 73, 12, 2, 36, 67, 15, 6, 3, 92, 79, 89, 31, 35, 25, 98, 91, 32, 27, 100, 8, 95, 72], [56, 113, 53, 123, 60, 52, 63, 62, 48, 112, 117, 58, 121, 116, 120, 103, 124, 114, 122, 125, 127, 38, 57, 55, 49, 59, 115, 51, 97, 61, 54, 39, 50, 119, 101, 118, 22, 102, 23, 94, 111, 110, 37, 87, 33, 109, 47, 46, 64, 126, 108, 0, 86, 16, 44, 80, 107, 106, 90, 45, 24, 26, 43, 78, 10, 17, 81, 30, 93, 40, 105, 42, 88, 14, 28, 34, 104, 96, 74, 65, 85, 29, 99, 7, 71, 69, 19, 20, 4, 13, 5, 83, 21, 76, 98, 66, 75, 12, 84, 41, 9, 11, 18, 68, 77, 2, 92, 1, 35, 25, 3, 73, 82, 70, 32, 36, 67, 100, 91, 89, 31, 15, 79, 6, 27, 95, 72, 8], [56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 116, 120, 58, 121, 124, 127, 59, 61, 55, 125, 49, 103, 114, 39, 57, 122, 115, 97, 54, 22, 102, 119, 51, 50, 38, 118, 23, 37, 126, 94, 101, 111, 87, 108, 44, 33, 109, 86, 107, 0, 16, 46, 80, 47, 17, 106, 43, 64, 45, 90, 26, 24, 110, 93, 78, 42, 88, 14, 74, 10, 81, 105, 30, 29, 75, 4, 76, 19, 96, 7, 83, 40, 12, 11, 71, 99, 34, 85, 84, 5, 68, 20, 77, 28, 65, 9, 104, 21, 82, 73, 98, 1, 69, 18, 36, 41, 13, 70, 2, 15, 79, 66, 32, 35, 6, 25, 92, 89, 100, 91, 67, 31, 3, 27, 95, 72, 8], [56, 113, 53, 123, 52, 60, 63, 62, 48, 112, 117, 120, 121, 61, 58, 55, 116, 59, 125, 127, 122, 124, 115, 49, 114, 103, 57, 119, 22, 54, 118, 97, 39, 38, 51, 23, 37, 50, 126, 102, 94, 101, 86, 108, 46, 111, 87, 107, 44, 80, 110, 16, 43, 47, 109, 90, 0, 45, 88, 33, 64, 26, 14, 10, 106, 17, 105, 78, 74, 42, 81, 93, 24, 7, 76, 12, 69, 30, 19, 83, 11, 29, 28, 71, 4, 96, 2, 104, 84, 9, 75, 5, 99, 20, 41, 77, 18, 40, 67, 85, 34, 13, 21, 73, 66, 65, 82, 98, 79, 68, 70, 36, 92, 1, 15, 3, 32, 6, 91, 89, 72, 35, 25, 31, 100, 27, 95, 8], [56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 58, 120, 121, 61, 59, 116, 125, 55, 127, 122, 49, 103, 115, 38, 114, 54, 57, 124, 39, 51, 119, 118, 23, 97, 126, 101, 22, 102, 37, 50, 87, 86, 47, 111, 94, 80, 64, 108, 46, 90, 16, 110, 0, 33, 109, 107, 44, 45, 43, 17, 26, 88, 106, 14, 10, 105, 93, 78, 42, 81, 24, 74, 29, 19, 7, 83, 5, 76, 30, 104, 28, 71, 65, 69, 34, 40, 20, 75, 9, 84, 85, 11, 18, 77, 96, 4, 68, 12, 13, 41, 21, 73, 2, 99, 1, 82, 70, 79, 3, 98, 36, 92, 91, 66, 15, 89, 31, 25, 35, 32, 6, 72, 67, 100, 27, 95, 8], [56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 120, 59, 58, 124, 121, 103, 116, 38, 125, 127, 122, 55, 57, 61, 115, 54, 114, 97, 118, 49, 51, 22, 39, 50, 101, 23, 119, 102, 126, 37, 94, 86, 87, 109, 111, 47, 16, 108, 46, 64, 33, 44, 80, 110, 0, 90, 45, 88, 42, 106, 26, 81, 93, 105, 14, 10, 24, 43, 17, 78, 74, 107, 83, 30, 11, 104, 5, 68, 29, 19, 34, 4, 7, 96, 77, 40, 20, 99, 69, 85, 84, 71, 76, 2, 28, 65, 21, 66, 92, 13, 73, 9, 75, 12, 41, 18, 36, 82, 6, 89, 1, 15, 3, 25, 98, 79, 35, 32, 67, 100, 91, 27, 70, 95, 72, 31, 8], [56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 125, 58, 120, 121, 124, 59, 55, 61, 116, 57, 127, 103, 114, 122, 38, 97, 115, 49, 22, 51, 39, 118, 54, 23, 37, 119, 50, 94, 101, 126, 87, 111, 102, 16, 86, 47, 33, 80, 90, 110, 44, 109, 64, 42, 26, 0, 17, 108, 46, 45, 78, 106, 10, 14, 29, 88, 81, 93, 74, 24, 43, 83, 30, 107, 11, 28, 105, 76, 104, 71, 75, 4, 73, 84, 68, 41, 12, 96, 6, 7, 99, 5, 85, 66, 69, 15, 40, 13, 34, 77, 9, 19, 2, 20, 21, 82, 3, 18, 36, 32, 67, 92, 1, 100, 65, 25, 70, 89, 98, 91, 79, 27, 35, 72, 31, 95, 8], [56, 113, 53, 60, 123, 52, 63, 62, 48, 112, 117, 120, 121, 58, 59, 125, 61, 55, 116, 127, 49, 103, 57, 114, 124, 22, 115, 122, 118, 39, 38, 54, 119, 23, 51, 37, 97, 50, 86, 102, 101, 87, 94, 47, 111, 80, 126, 108, 110, 109, 46, 16, 26, 43, 33, 17, 106, 45, 78, 90, 88, 0, 64, 44, 107, 81, 29, 11, 74, 42, 14, 10, 24, 105, 83, 5, 93, 85, 30, 76, 9, 71, 40, 7, 84, 104, 69, 28, 41, 20, 13, 2, 77, 82, 18, 12, 75, 15, 96, 73, 19, 34, 1, 21, 99, 65, 66, 4, 32, 98, 68, 36, 3, 6, 100, 67, 79, 25, 89, 35, 70, 91, 31, 72, 92, 27, 95, 8], [56, 113, 60, 52, 53, 123, 63, 62, 48, 112, 117, 120, 59, 58, 61, 121, 57, 127, 116, 55, 124, 125, 103, 122, 114, 115, 22, 49, 54, 38, 118, 39, 50, 119, 51, 97, 23, 102, 37, 101, 94, 126, 86, 87, 47, 109, 110, 106, 33, 80, 26, 90, 16, 42, 88, 43, 107, 81, 111, 64, 17, 44, 108, 78, 0, 10, 29, 14, 46, 93, 24, 45, 75, 40, 85, 30, 104, 83, 74, 28, 105, 84, 41, 11, 71, 21, 76, 19, 5, 20, 32, 96, 69, 12, 18, 7, 99, 9, 77, 68, 34, 4, 36, 13, 65, 6, 2, 15, 82, 25, 66, 98, 100, 79, 73, 70, 1, 92, 89, 35, 91, 31, 3, 67, 95, 72, 27, 8], [56, 113, 60, 53, 52, 123, 63, 62, 48, 112, 117, 120, 127, 124, 59, 58, 61, 57, 121, 122, 103, 115, 116, 125, 49, 50, 51, 55, 54, 114, 39, 22, 38, 97, 23, 119, 126, 101, 118, 47, 102, 86, 37, 46, 94, 87, 44, 17, 111, 80, 26, 0, 107, 109, 64, 108, 33, 16, 90, 43, 24, 42, 106, 45, 81, 88, 105, 110, 10, 14, 30, 93, 29, 74, 68, 28, 85, 76, 78, 84, 40, 71, 83, 5, 96, 11, 104, 2, 21, 69, 77, 13, 20, 4, 12, 41, 34, 19, 66, 7, 82, 9, 75, 99, 73, 65, 67, 25, 98, 1, 3, 18, 92, 6, 15, 35, 79, 32, 70, 36, 91, 89, 31, 27, 100, 95, 72, 8], [56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 124, 120, 121, 58, 116, 125, 122, 61, 127, 57, 55, 59, 114, 115, 103, 97, 22, 54, 39, 49, 38, 118, 51, 50, 101, 102, 23, 126, 37, 119, 94, 87, 86, 64, 0, 80, 108, 16, 47, 43, 90, 109, 111, 33, 26, 17, 81, 45, 46, 14, 110, 88, 106, 10, 93, 78, 44, 107, 42, 29, 71, 74, 11, 76, 105, 73, 24, 83, 75, 9, 84, 30, 12, 85, 69, 4, 7, 82, 28, 66, 65, 40, 77, 96, 104, 19, 1, 21, 5, 20, 34, 41, 13, 68, 18, 67, 2, 79, 99, 3, 70, 25, 6, 91, 32, 92, 89, 15, 98, 36, 31, 27, 35, 8, 100, 95, 72], [56, 113, 53, 52, 60, 123, 63, 62, 48, 112, 117, 120, 116, 125, 57, 121, 58, 122, 127, 124, 61, 55, 103, 97, 51, 115, 49, 54, 126, 39, 114, 118, 59, 22, 23, 38, 50, 102, 101, 37, 47, 119, 46, 94, 111, 0, 108, 109, 43, 16, 80, 87, 86, 110, 33, 90, 64, 45, 81, 17, 14, 26, 106, 42, 10, 93, 88, 74, 44, 105, 78, 83, 29, 30, 24, 71, 7, 13, 69, 107, 5, 85, 40, 34, 12, 76, 9, 2, 11, 19, 28, 65, 20, 104, 96, 98, 68, 73, 70, 4, 84, 99, 66, 82, 77, 75, 41, 92, 67, 1, 21, 79, 6, 36, 89, 18, 91, 32, 35, 100, 3, 31, 8, 15, 27, 25, 95, 72], [56, 113, 53, 52, 60, 123, 63, 62, 48, 112, 117, 58, 116, 121, 120, 125, 61, 55, 124, 122, 59, 127, 57, 103, 22, 97, 49, 115, 54, 51, 50, 119, 114, 39, 37, 38, 126, 102, 101, 23, 47, 118, 87, 94, 86, 45, 80, 43, 109, 16, 111, 46, 0, 26, 78, 17, 81, 10, 90, 108, 33, 64, 14, 110, 106, 29, 88, 2, 24, 93, 42, 44, 107, 74, 83, 85, 69, 12, 76, 105, 104, 73, 4, 96, 19, 40, 30, 5, 7, 11, 75, 20, 71, 84, 41, 9, 34, 68, 77, 99, 28, 21, 82, 70, 66, 13, 18, 3, 79, 65, 67, 1, 15, 32, 89, 36, 98, 6, 25, 35, 92, 8, 91, 100, 31, 95, 27, 72], [56, 113, 53, 60, 52, 123, 63, 62, 48, 112, 117, 116, 125, 58, 120, 61, 121, 122, 57, 124, 127, 59, 97, 115, 55, 103, 114, 22, 54, 39, 51, 50, 49, 119, 102, 37, 23, 126, 86, 38, 118, 111, 87, 94, 101, 47, 110, 16, 0, 17, 33, 64, 43, 45, 80, 78, 26, 108, 46, 109, 29, 42, 90, 44, 81, 10, 24, 88, 41, 83, 106, 107, 74, 93, 68, 71, 4, 30, 7, 5, 12, 14, 69, 75, 9, 99, 96, 105, 11, 19, 73, 76, 34, 18, 2, 13, 104, 70, 77, 66, 85, 40, 28, 21, 67, 65, 1, 84, 20, 79, 32, 89, 25, 98, 82, 15, 36, 35, 31, 6, 91, 92, 3, 8, 100, 27, 95, 72], [56, 113, 53, 52, 60, 123, 63, 62, 48, 112, 117, 120, 116, 121, 125, 58, 122, 61, 55, 59, 124, 103, 22, 127, 57, 97, 114, 51, 115, 54, 23, 38, 50, 49, 126, 102, 39, 119, 101, 37, 118, 86, 94, 87, 111, 47, 17, 78, 108, 109, 80, 26, 16, 33, 43, 42, 45, 88, 90, 46, 24, 10, 0, 11, 29, 110, 44, 107, 14, 64, 106, 74, 93, 81, 30, 83, 12, 5, 105, 75, 9, 71, 40, 13, 99, 76, 7, 73, 84, 19, 66, 85, 96, 4, 20, 18, 104, 34, 69, 70, 77, 41, 79, 15, 28, 21, 65, 25, 68, 82, 89, 32, 6, 3, 2, 92, 1, 67, 98, 36, 35, 91, 8, 100, 31, 27, 95, 72]], "model.layers.15.self_attn.q_proj": [[103, 62, 113, 33, 14, 21, 8, 11, 16, 18, 49, 89, 60, 67, 91, 19, 57, 69, 79, 26, 2, 22, 24, 59, 84, 46, 3, 95, 75, 70, 87, 65, 28, 66, 13, 6, 101, 27, 72, 80, 10, 25, 0, 73, 5, 78, 44, 88, 74, 83, 71, 56, 117, 77, 81, 76, 82, 85, 94, 20, 4, 64, 9, 92, 7, 17, 12, 119, 29, 15, 90, 23, 1, 43, 86, 116, 61, 68, 123, 110, 96, 104, 30, 40, 37, 98, 108, 112, 127, 125, 93, 106, 102, 51, 50, 122, 32, 45, 118, 120, 42, 124, 55, 111, 31, 34, 36, 54, 53, 100, 63, 99, 126, 121, 114, 58, 35, 38, 97, 47, 109, 41, 105, 48, 52, 107, 115, 39], [62, 113, 57, 60, 123, 59, 61, 58, 114, 121, 126, 56, 124, 127, 116, 120, 50, 63, 125, 122, 53, 54, 119, 55, 117, 51, 118, 48, 111, 46, 112, 52, 47, 109, 115, 49, 110, 45, 44, 42, 43, 108, 107, 35, 101, 41, 106, 105, 38, 37, 40, 104, 103, 102, 97, 36, 100, 88, 34, 99, 39, 98, 33, 96, 84, 23, 20, 30, 32, 95, 29, 31, 17, 19, 93, 90, 86, 22, 28, 94, 76, 92, 91, 26, 79, 81, 24, 21, 89, 12, 87, 14, 16, 77, 13, 83, 10, 73, 18, 27, 85, 25, 70, 82, 9, 68, 1, 4, 74, 7, 8, 2, 11, 15, 5, 67, 66, 64, 71, 80, 65, 78, 69, 6, 0, 3, 72, 75], [113, 62, 57, 60, 121, 59, 119, 126, 116, 61, 120, 123, 58, 127, 56, 114, 63, 54, 53, 125, 118, 55, 124, 122, 109, 112, 49, 51, 117, 52, 48, 50, 103, 111, 47, 115, 99, 38, 43, 106, 44, 108, 41, 110, 45, 107, 42, 46, 35, 105, 40, 104, 88, 100, 37, 101, 102, 20, 96, 36, 97, 29, 90, 39, 34, 98, 95, 17, 93, 33, 87, 32, 31, 23, 92, 24, 13, 30, 94, 28, 84, 26, 91, 22, 86, 81, 76, 77, 89, 74, 27, 79, 21, 83, 73, 18, 85, 19, 9, 10, 25, 68, 12, 15, 82, 69, 14, 16, 70, 8, 4, 5, 78, 1, 71, 6, 11, 80, 0, 64, 65, 7, 66, 2, 67, 72, 75, 3], [62, 103, 113, 57, 60, 59, 61, 58, 123, 56, 36, 126, 98, 121, 54, 116, 49, 120, 114, 117, 51, 55, 101, 125, 124, 119, 63, 53, 38, 108, 112, 122, 118, 46, 22, 48, 44, 52, 50, 32, 100, 45, 106, 34, 127, 33, 111, 99, 109, 42, 43, 47, 105, 107, 115, 35, 110, 104, 41, 89, 97, 40, 95, 93, 96, 102, 87, 31, 37, 94, 29, 17, 26, 28, 30, 86, 92, 19, 27, 23, 39, 91, 79, 24, 21, 83, 81, 88, 20, 25, 13, 18, 84, 90, 16, 15, 9, 80, 82, 85, 76, 77, 12, 10, 14, 73, 74, 5, 4, 75, 78, 11, 72, 2, 71, 6, 68, 70, 7, 8, 66, 1, 69, 65, 67, 3, 64, 0], [39, 112, 97, 45, 48, 125, 19, 21, 119, 115, 89, 14, 17, 95, 118, 93, 79, 25, 120, 12, 27, 8, 53, 22, 23, 111, 77, 40, 86, 57, 7, 127, 5, 28, 42, 55, 99, 124, 122, 10, 78, 49, 29, 85, 46, 47, 62, 9, 59, 91, 114, 116, 54, 90, 58, 108, 88, 63, 123, 24, 51, 110, 107, 117, 106, 94, 104, 113, 101, 32, 96, 82, 16, 52, 71, 100, 121, 37, 60, 84, 56, 73, 44, 38, 43, 30, 11, 34, 87, 67, 18, 126, 92, 35, 98, 41, 81, 26, 61, 102, 31, 69, 66, 50, 105, 80, 36, 20, 109, 3, 13, 83, 103, 72, 33, 76, 15, 64, 74, 1, 2, 0, 70, 6, 75, 65, 4, 68], [39, 112, 45, 97, 48, 115, 89, 19, 27, 14, 21, 118, 119, 125, 120, 53, 57, 46, 122, 99, 24, 95, 55, 108, 59, 17, 22, 28, 121, 123, 106, 58, 60, 116, 107, 124, 25, 126, 62, 63, 54, 101, 114, 88, 75, 111, 127, 34, 79, 37, 47, 113, 40, 11, 36, 30, 56, 49, 42, 50, 87, 100, 61, 71, 51, 104, 52, 109, 43, 8, 44, 110, 29, 117, 96, 85, 102, 41, 92, 35, 93, 105, 23, 91, 32, 26, 38, 98, 31, 73, 84, 12, 74, 94, 16, 78, 20, 90, 83, 80, 15, 82, 86, 81, 77, 33, 67, 103, 7, 18, 69, 5, 10, 13, 2, 76, 9, 6, 66, 72, 65, 64, 3, 70, 68, 0, 1, 4], [39, 45, 97, 48, 112, 118, 21, 19, 79, 89, 17, 9, 27, 14, 7, 12, 6, 95, 25, 115, 65, 23, 5, 122, 18, 124, 16, 127, 74, 119, 125, 8, 93, 66, 24, 3, 28, 4, 78, 22, 76, 55, 1, 15, 70, 64, 111, 51, 120, 29, 80, 10, 77, 46, 67, 117, 68, 114, 72, 109, 56, 86, 73, 30, 82, 13, 75, 57, 123, 20, 2, 121, 96, 69, 58, 116, 62, 81, 85, 71, 108, 84, 53, 43, 107, 61, 49, 42, 60, 92, 83, 100, 31, 88, 11, 40, 90, 99, 50, 98, 94, 36, 32, 44, 113, 103, 0, 38, 26, 126, 47, 41, 105, 59, 104, 37, 63, 33, 54, 35, 87, 34, 91, 52, 106, 101, 110, 102], [39, 97, 45, 112, 48, 12, 17, 19, 67, 21, 118, 25, 9, 3, 1, 7, 79, 0, 89, 95, 73, 69, 124, 5, 23, 22, 8, 122, 14, 71, 85, 66, 127, 120, 10, 28, 13, 74, 119, 114, 4, 103, 75, 93, 70, 76, 117, 51, 15, 81, 2, 24, 55, 58, 78, 29, 84, 111, 125, 72, 80, 83, 6, 115, 65, 116, 30, 18, 16, 77, 92, 82, 123, 57, 27, 11, 31, 49, 47, 108, 26, 91, 50, 99, 88, 94, 56, 41, 87, 121, 113, 53, 35, 96, 107, 46, 43, 86, 36, 90, 109, 59, 100, 62, 40, 64, 54, 37, 32, 106, 68, 63, 61, 20, 105, 102, 42, 34, 52, 60, 104, 38, 126, 101, 110, 98, 44, 33], [51, 61, 117, 36, 81, 22, 30, 27, 88, 97, 100, 10, 78, 18, 44, 96, 94, 19, 108, 2, 69, 28, 91, 80, 54, 42, 20, 68, 25, 5, 74, 104, 93, 33, 63, 11, 124, 64, 14, 115, 86, 77, 83, 71, 8, 21, 114, 12, 85, 16, 103, 118, 17, 53, 23, 119, 66, 62, 84, 120, 26, 109, 111, 24, 6, 31, 110, 76, 73, 15, 121, 70, 79, 127, 13, 34, 123, 59, 82, 38, 87, 102, 37, 126, 0, 105, 72, 50, 9, 112, 122, 1, 56, 52, 89, 107, 57, 7, 46, 43, 65, 45, 49, 29, 4, 106, 75, 55, 101, 67, 48, 39, 58, 98, 90, 95, 35, 92, 32, 113, 125, 116, 40, 47, 41, 60, 99, 3], [51, 61, 36, 117, 27, 88, 30, 96, 100, 22, 78, 19, 81, 25, 10, 94, 20, 97, 44, 91, 71, 32, 21, 62, 34, 54, 69, 53, 29, 89, 103, 80, 76, 85, 82, 33, 86, 42, 83, 11, 23, 124, 13, 119, 16, 90, 110, 5, 108, 14, 87, 98, 116, 66, 18, 93, 106, 92, 26, 28, 102, 118, 77, 111, 17, 84, 101, 45, 31, 43, 6, 40, 114, 38, 74, 99, 123, 50, 24, 35, 41, 2, 109, 95, 104, 121, 12, 122, 126, 73, 48, 39, 37, 127, 120, 79, 105, 115, 7, 9, 59, 64, 55, 63, 49, 107, 46, 113, 4, 56, 72, 57, 15, 67, 52, 75, 47, 0, 60, 70, 58, 112, 125, 8, 3, 1, 68, 65], [117, 51, 36, 100, 61, 97, 102, 91, 115, 88, 30, 18, 94, 96, 25, 44, 22, 80, 27, 93, 11, 62, 20, 33, 28, 54, 53, 78, 19, 124, 63, 81, 103, 108, 76, 119, 6, 120, 111, 42, 104, 21, 59, 3, 85, 10, 4, 32, 110, 16, 127, 82, 9, 114, 69, 15, 83, 71, 123, 48, 38, 112, 12, 65, 52, 73, 118, 26, 43, 107, 122, 35, 58, 50, 126, 56, 0, 46, 121, 40, 116, 109, 60, 14, 77, 37, 67, 57, 55, 125, 41, 47, 92, 66, 39, 98, 1, 84, 106, 45, 105, 113, 24, 75, 72, 90, 49, 86, 23, 87, 95, 79, 34, 13, 99, 89, 101, 29, 68, 2, 5, 8, 70, 31, 17, 74, 7, 64], [61, 117, 51, 36, 88, 100, 30, 108, 97, 44, 85, 115, 124, 102, 62, 27, 104, 34, 54, 120, 111, 63, 59, 94, 114, 119, 91, 127, 33, 46, 52, 123, 112, 103, 122, 126, 109, 121, 50, 78, 58, 42, 43, 56, 107, 110, 116, 80, 19, 23, 57, 55, 98, 31, 22, 25, 48, 60, 125, 113, 93, 53, 105, 118, 45, 35, 47, 21, 49, 101, 96, 106, 41, 81, 37, 40, 39, 38, 32, 99, 24, 26, 69, 10, 29, 28, 5, 90, 74, 95, 2, 83, 71, 17, 86, 92, 65, 89, 73, 7, 84, 14, 76, 3, 20, 82, 87, 72, 77, 16, 11, 0, 9, 75, 66, 64, 8, 18, 67, 15, 6, 79, 70, 1, 13, 68, 4, 12], [39, 47, 115, 34, 25, 71, 12, 10, 83, 17, 14, 4, 86, 117, 111, 79, 123, 87, 22, 18, 63, 92, 7, 89, 66, 64, 56, 9, 98, 2, 21, 5, 1, 78, 91, 24, 67, 94, 76, 62, 110, 30, 19, 68, 102, 65, 6, 15, 69, 13, 27, 51, 73, 85, 80, 57, 99, 8, 70, 88, 29, 74, 23, 84, 77, 101, 55, 96, 16, 38, 40, 116, 72, 11, 50, 26, 75, 81, 31, 93, 112, 60, 90, 3, 43, 0, 48, 82, 28, 42, 106, 95, 118, 108, 20, 37, 53, 45, 41, 36, 114, 97, 113, 124, 61, 52, 49, 103, 107, 126, 127, 109, 121, 32, 35, 46, 100, 33, 44, 105, 54, 120, 58, 125, 122, 59, 119, 104], [47, 39, 115, 34, 114, 27, 37, 43, 111, 116, 25, 117, 94, 112, 56, 83, 123, 63, 51, 79, 86, 124, 55, 30, 126, 91, 89, 16, 62, 110, 58, 60, 127, 17, 109, 15, 99, 54, 46, 118, 122, 40, 107, 57, 98, 53, 52, 59, 48, 113, 125, 29, 50, 104, 44, 10, 14, 24, 41, 108, 97, 102, 61, 23, 95, 38, 121, 88, 42, 101, 106, 120, 12, 96, 80, 21, 36, 49, 35, 119, 105, 28, 85, 22, 45, 90, 19, 33, 82, 100, 26, 93, 92, 9, 31, 32, 18, 20, 81, 8, 84, 87, 77, 75, 74, 78, 103, 13, 2, 4, 73, 11, 72, 68, 70, 76, 71, 6, 69, 67, 5, 66, 3, 0, 7, 64, 65, 1], [115, 47, 39, 43, 34, 27, 25, 60, 51, 117, 37, 112, 56, 83, 114, 116, 86, 123, 55, 63, 30, 94, 10, 127, 58, 24, 15, 16, 79, 110, 126, 89, 62, 111, 17, 118, 48, 61, 124, 57, 12, 14, 72, 122, 21, 98, 107, 54, 53, 52, 113, 125, 99, 109, 105, 120, 44, 102, 91, 41, 119, 121, 66, 38, 49, 101, 104, 46, 59, 95, 50, 4, 106, 36, 100, 68, 22, 108, 45, 96, 32, 13, 93, 19, 75, 28, 42, 40, 80, 31, 97, 26, 85, 84, 71, 18, 23, 29, 35, 33, 8, 82, 9, 103, 74, 5, 87, 92, 90, 67, 88, 78, 2, 81, 20, 70, 77, 76, 3, 6, 11, 73, 0, 64, 69, 65, 7, 1], [115, 39, 47, 114, 34, 27, 116, 55, 117, 25, 56, 123, 63, 24, 37, 112, 94, 41, 83, 58, 44, 126, 91, 89, 86, 124, 110, 62, 51, 30, 45, 60, 52, 53, 113, 15, 127, 54, 84, 118, 61, 43, 119, 111, 46, 121, 108, 125, 59, 101, 109, 107, 122, 106, 57, 42, 49, 102, 120, 104, 48, 50, 79, 29, 96, 22, 99, 36, 80, 10, 38, 105, 92, 85, 97, 20, 100, 21, 26, 17, 93, 40, 98, 16, 12, 14, 31, 33, 28, 19, 35, 103, 70, 8, 32, 95, 23, 75, 18, 88, 87, 81, 9, 82, 90, 68, 72, 13, 11, 78, 66, 74, 2, 4, 6, 77, 5, 3, 71, 67, 0, 76, 64, 69, 73, 7, 1, 65], [53, 120, 101, 127, 110, 38, 121, 25, 125, 56, 51, 100, 102, 28, 22, 40, 80, 30, 33, 97, 116, 29, 49, 104, 11, 114, 59, 113, 87, 118, 50, 32, 84, 86, 63, 35, 57, 55, 77, 61, 75, 60, 16, 119, 115, 24, 90, 79, 46, 39, 54, 124, 93, 112, 37, 98, 117, 7, 52, 96, 62, 99, 9, 48, 94, 106, 92, 108, 18, 23, 105, 45, 111, 27, 109, 34, 123, 126, 122, 103, 107, 89, 72, 58, 47, 69, 91, 83, 15, 88, 44, 26, 1, 78, 20, 42, 36, 71, 21, 31, 43, 13, 95, 41, 81, 5, 85, 19, 73, 66, 4, 14, 82, 10, 8, 17, 2, 12, 76, 67, 70, 74, 3, 68, 0, 6, 65, 64], [120, 127, 53, 51, 113, 110, 59, 104, 49, 50, 125, 56, 112, 124, 116, 114, 63, 121, 101, 44, 52, 62, 55, 61, 57, 117, 60, 118, 119, 126, 46, 115, 58, 111, 37, 123, 54, 45, 48, 122, 39, 43, 47, 27, 107, 105, 108, 109, 42, 40, 106, 38, 79, 41, 96, 103, 100, 29, 35, 33, 82, 19, 85, 87, 78, 98, 34, 99, 102, 36, 30, 88, 95, 97, 6, 31, 64, 86, 24, 66, 65, 77, 92, 91, 32, 10, 94, 9, 8, 83, 22, 75, 67, 84, 5, 20, 17, 93, 28, 4, 0, 71, 18, 90, 14, 80, 11, 25, 21, 12, 15, 68, 26, 74, 1, 81, 7, 2, 23, 69, 72, 70, 3, 76, 73, 13, 89, 16], [127, 120, 110, 53, 40, 101, 100, 121, 49, 38, 51, 25, 118, 97, 63, 56, 62, 28, 113, 117, 84, 61, 39, 125, 119, 30, 32, 124, 59, 29, 96, 52, 104, 115, 88, 105, 112, 18, 94, 50, 116, 19, 23, 99, 111, 0, 24, 87, 60, 33, 89, 37, 98, 70, 35, 108, 95, 55, 103, 48, 41, 31, 21, 122, 109, 114, 57, 126, 43, 54, 102, 14, 22, 76, 86, 44, 46, 27, 80, 47, 78, 90, 34, 10, 42, 45, 6, 93, 66, 107, 85, 17, 36, 13, 65, 12, 83, 123, 75, 26, 106, 58, 81, 3, 20, 82, 11, 74, 79, 68, 1, 91, 15, 67, 69, 72, 8, 77, 92, 9, 71, 64, 2, 5, 73, 16, 4, 7], [127, 101, 53, 120, 40, 59, 28, 84, 33, 97, 100, 30, 25, 37, 87, 51, 50, 113, 86, 63, 77, 46, 104, 112, 102, 88, 96, 29, 27, 20, 116, 35, 121, 38, 22, 83, 126, 91, 125, 56, 94, 11, 80, 98, 75, 45, 19, 34, 78, 17, 52, 103, 60, 55, 54, 62, 24, 122, 110, 61, 115, 32, 79, 81, 41, 114, 15, 93, 71, 107, 124, 48, 21, 58, 105, 99, 8, 31, 39, 7, 106, 12, 44, 10, 57, 118, 42, 76, 95, 123, 109, 111, 47, 82, 108, 119, 92, 43, 4, 26, 89, 2, 18, 49, 74, 85, 90, 36, 5, 68, 117, 72, 16, 1, 9, 14, 23, 69, 70, 66, 0, 65, 3, 6, 13, 67, 64, 73], [104, 117, 25, 95, 34, 92, 86, 52, 19, 54, 77, 97, 8, 53, 61, 51, 79, 22, 28, 17, 120, 80, 68, 59, 88, 85, 114, 45, 72, 12, 60, 121, 24, 124, 13, 40, 49, 116, 4, 122, 113, 56, 87, 55, 58, 57, 23, 73, 107, 91, 109, 46, 15, 110, 63, 127, 62, 89, 93, 65, 74, 118, 83, 48, 115, 47, 21, 31, 18, 69, 75, 90, 0, 33, 126, 100, 35, 39, 111, 125, 94, 2, 14, 43, 106, 82, 20, 112, 6, 42, 36, 3, 50, 32, 64, 44, 5, 101, 123, 105, 98, 119, 102, 76, 29, 99, 108, 84, 27, 26, 30, 9, 16, 96, 66, 103, 81, 11, 1, 38, 71, 78, 7, 70, 41, 37, 10, 67], [117, 104, 120, 25, 95, 54, 52, 34, 61, 92, 103, 86, 88, 97, 58, 51, 116, 12, 114, 124, 55, 122, 53, 60, 113, 102, 49, 121, 63, 47, 59, 85, 127, 46, 62, 106, 111, 109, 48, 56, 28, 18, 126, 118, 19, 44, 115, 8, 119, 69, 125, 45, 14, 112, 57, 91, 24, 123, 80, 43, 42, 110, 108, 50, 107, 17, 66, 20, 87, 98, 105, 22, 39, 36, 71, 33, 100, 41, 38, 32, 37, 79, 26, 35, 77, 99, 94, 93, 101, 75, 74, 40, 30, 84, 31, 82, 13, 29, 96, 16, 72, 3, 89, 78, 11, 27, 90, 23, 9, 4, 15, 65, 81, 7, 68, 21, 83, 5, 76, 2, 1, 0, 73, 6, 67, 64, 10, 70], [117, 104, 95, 25, 52, 54, 61, 34, 92, 56, 97, 86, 120, 60, 24, 12, 47, 17, 51, 116, 53, 113, 88, 20, 122, 49, 99, 124, 85, 103, 119, 80, 19, 59, 102, 77, 28, 48, 91, 63, 57, 31, 112, 106, 126, 26, 58, 18, 62, 109, 118, 111, 115, 114, 121, 127, 125, 107, 100, 8, 123, 110, 44, 45, 50, 69, 42, 55, 43, 22, 105, 36, 38, 46, 16, 37, 15, 108, 96, 78, 30, 87, 39, 75, 94, 79, 32, 33, 35, 41, 40, 82, 90, 14, 98, 84, 29, 27, 93, 83, 89, 101, 81, 21, 23, 9, 73, 76, 74, 72, 10, 11, 66, 3, 4, 7, 5, 2, 6, 13, 71, 1, 70, 0, 65, 68, 64, 67], [117, 104, 52, 25, 95, 61, 56, 86, 92, 97, 34, 54, 60, 51, 19, 53, 58, 77, 120, 17, 8, 80, 113, 114, 31, 122, 59, 66, 62, 124, 127, 116, 69, 22, 12, 49, 48, 46, 57, 88, 47, 121, 106, 55, 85, 112, 79, 115, 72, 28, 102, 14, 74, 109, 45, 63, 15, 10, 87, 110, 125, 36, 40, 111, 118, 24, 4, 43, 126, 35, 73, 94, 33, 119, 123, 27, 42, 93, 98, 30, 5, 103, 50, 100, 91, 21, 44, 3, 108, 82, 29, 32, 105, 37, 107, 26, 41, 99, 90, 78, 38, 101, 83, 20, 39, 6, 18, 96, 75, 89, 23, 11, 16, 76, 84, 71, 64, 13, 70, 81, 7, 2, 68, 9, 1, 65, 0, 67], [39, 121, 112, 33, 1, 114, 93, 23, 69, 82, 0, 21, 79, 20, 13, 14, 84, 67, 48, 2, 118, 10, 25, 90, 16, 91, 22, 5, 29, 81, 72, 17, 65, 89, 78, 124, 3, 75, 71, 66, 68, 61, 87, 80, 88, 7, 30, 56, 47, 52, 4, 6, 60, 19, 55, 120, 12, 11, 110, 119, 122, 125, 63, 116, 115, 57, 53, 42, 126, 73, 92, 49, 83, 76, 86, 9, 70, 34, 100, 64, 102, 107, 27, 59, 74, 108, 101, 98, 43, 127, 51, 111, 99, 106, 35, 85, 44, 28, 50, 8, 45, 113, 94, 24, 117, 18, 109, 58, 26, 40, 37, 95, 96, 54, 38, 41, 62, 77, 46, 36, 123, 104, 105, 32, 31, 15, 97, 103], [112, 39, 114, 93, 33, 121, 23, 20, 90, 84, 17, 110, 56, 10, 53, 61, 115, 49, 22, 91, 119, 101, 116, 108, 117, 113, 43, 50, 47, 29, 24, 55, 125, 51, 118, 16, 99, 40, 54, 82, 63, 81, 57, 59, 60, 100, 46, 42, 38, 52, 58, 124, 111, 79, 126, 45, 123, 120, 109, 6, 87, 48, 107, 13, 122, 105, 106, 62, 102, 88, 44, 3, 104, 41, 127, 95, 94, 34, 37, 98, 85, 36, 72, 83, 92, 97, 30, 27, 86, 80, 35, 32, 25, 26, 96, 11, 74, 28, 19, 103, 31, 89, 76, 21, 5, 70, 18, 15, 77, 12, 64, 71, 14, 73, 67, 78, 68, 9, 8, 7, 75, 0, 2, 4, 1, 65, 69, 66], [112, 39, 121, 114, 93, 33, 23, 61, 110, 48, 17, 120, 20, 84, 90, 47, 22, 56, 115, 91, 124, 117, 53, 45, 82, 60, 116, 49, 51, 118, 57, 119, 55, 10, 50, 29, 94, 38, 43, 24, 125, 111, 52, 30, 108, 63, 79, 126, 62, 99, 88, 59, 113, 54, 122, 109, 107, 102, 123, 44, 58, 46, 40, 104, 100, 85, 41, 6, 101, 42, 127, 106, 81, 103, 105, 13, 86, 98, 87, 25, 92, 97, 21, 74, 31, 35, 95, 76, 36, 37, 96, 26, 34, 32, 27, 15, 77, 28, 11, 8, 16, 18, 89, 3, 80, 67, 72, 83, 70, 19, 5, 12, 71, 75, 68, 78, 7, 64, 2, 73, 14, 0, 9, 1, 4, 69, 65, 66], [39, 112, 33, 93, 121, 114, 23, 120, 20, 10, 22, 17, 79, 84, 110, 96, 13, 61, 29, 72, 49, 87, 90, 21, 56, 82, 109, 6, 117, 60, 70, 47, 125, 16, 52, 26, 81, 50, 118, 92, 77, 119, 51, 57, 115, 42, 25, 53, 11, 30, 124, 34, 104, 107, 91, 116, 122, 3, 95, 98, 38, 99, 83, 100, 86, 43, 111, 41, 101, 126, 48, 74, 5, 37, 55, 88, 62, 94, 44, 27, 24, 63, 108, 113, 67, 40, 35, 59, 45, 54, 78, 123, 32, 89, 127, 14, 28, 58, 105, 46, 18, 15, 85, 106, 9, 36, 31, 12, 19, 8, 64, 80, 75, 73, 102, 4, 76, 7, 68, 97, 71, 2, 0, 1, 103, 69, 65, 66], [53, 60, 127, 124, 122, 119, 123, 120, 51, 116, 56, 55, 125, 57, 38, 126, 54, 115, 61, 63, 50, 52, 118, 49, 58, 36, 59, 114, 62, 48, 45, 121, 112, 111, 101, 39, 113, 105, 110, 47, 46, 117, 106, 42, 108, 109, 43, 104, 44, 34, 107, 40, 99, 103, 41, 91, 24, 102, 94, 95, 19, 27, 21, 97, 93, 35, 37, 31, 89, 98, 100, 29, 16, 96, 14, 23, 92, 33, 25, 90, 83, 13, 32, 85, 30, 87, 11, 88, 20, 82, 4, 80, 8, 78, 68, 72, 28, 26, 75, 77, 70, 86, 6, 17, 81, 67, 3, 79, 74, 84, 18, 15, 10, 73, 76, 9, 22, 65, 71, 1, 12, 5, 7, 64, 66, 2, 0, 69], [53, 60, 120, 124, 39, 62, 119, 36, 127, 123, 125, 56, 100, 122, 46, 104, 109, 31, 51, 37, 101, 108, 61, 110, 126, 121, 118, 117, 63, 33, 42, 115, 113, 57, 52, 54, 44, 116, 107, 106, 41, 58, 23, 43, 59, 45, 24, 50, 48, 112, 55, 47, 97, 114, 40, 95, 111, 49, 102, 105, 90, 38, 103, 92, 94, 21, 82, 32, 98, 29, 34, 86, 25, 35, 99, 85, 91, 30, 93, 14, 13, 96, 16, 20, 19, 89, 87, 88, 27, 26, 28, 22, 18, 11, 83, 78, 80, 72, 15, 84, 68, 17, 77, 81, 79, 4, 75, 8, 6, 70, 73, 10, 12, 74, 67, 9, 3, 76, 71, 7, 5, 1, 69, 2, 66, 65, 0, 64], [60, 53, 127, 56, 124, 119, 122, 51, 123, 125, 55, 52, 116, 61, 57, 114, 126, 58, 63, 54, 48, 115, 121, 59, 50, 113, 49, 118, 112, 106, 111, 62, 120, 47, 117, 38, 46, 110, 45, 109, 108, 44, 107, 43, 42, 41, 105, 40, 39, 36, 103, 100, 104, 102, 37, 97, 29, 22, 98, 101, 33, 34, 35, 99, 86, 95, 32, 90, 23, 31, 85, 96, 91, 83, 25, 87, 18, 80, 30, 94, 92, 84, 24, 75, 27, 93, 26, 89, 17, 82, 16, 21, 19, 13, 78, 81, 79, 14, 20, 68, 8, 28, 88, 76, 15, 72, 4, 11, 74, 9, 77, 6, 3, 7, 2, 70, 1, 10, 67, 12, 64, 69, 65, 0, 73, 5, 66, 71], [60, 53, 120, 20, 79, 76, 92, 36, 9, 124, 7, 82, 17, 24, 97, 2, 62, 86, 69, 71, 0, 66, 32, 125, 56, 5, 122, 100, 74, 14, 73, 12, 3, 52, 119, 34, 25, 33, 18, 11, 80, 38, 65, 94, 21, 89, 48, 28, 13, 67, 78, 15, 81, 123, 8, 84, 127, 88, 96, 19, 93, 10, 75, 99, 83, 31, 101, 16, 26, 95, 108, 23, 6, 90, 72, 77, 70, 1, 85, 87, 64, 68, 27, 43, 4, 41, 30, 110, 91, 55, 29, 44, 35, 22, 109, 59, 102, 117, 58, 112, 39, 126, 98, 104, 37, 107, 61, 103, 51, 49, 113, 47, 118, 42, 115, 105, 63, 106, 116, 45, 54, 114, 40, 121, 46, 57, 111, 50]], "model.layers.15.self_attn.k_proj": [[113, 39, 62, 22, 18, 11, 60, 14, 89, 16, 97, 8, 21, 19, 57, 59, 123, 56, 110, 92, 67, 58, 120, 70, 116, 63, 53, 127, 119, 108, 79, 10, 122, 126, 117, 61, 54, 55, 48, 109, 114, 121, 87, 51, 124, 91, 112, 107, 52, 111, 125, 101, 42, 50, 118, 30, 44, 106, 47, 36, 115, 13, 46, 76, 0, 45, 43, 41, 104, 105, 75, 37, 35, 49, 69, 38, 29, 26, 7, 9, 27, 102, 40, 71, 85, 83, 31, 100, 17, 68, 95, 96, 99, 72, 33, 2, 34, 88, 15, 73, 93, 32, 78, 80, 82, 20, 5, 90, 25, 98, 77, 23, 28, 84, 12, 65, 24, 81, 94, 66, 1, 74, 6, 86, 3, 64, 103, 4], [103, 109, 112, 33, 45, 89, 21, 118, 12, 19, 79, 17, 9, 122, 119, 14, 31, 51, 7, 125, 5, 0, 117, 3, 120, 116, 124, 55, 115, 53, 93, 27, 57, 127, 50, 123, 47, 60, 20, 114, 56, 1, 49, 40, 59, 94, 46, 61, 54, 43, 8, 58, 66, 62, 23, 63, 111, 18, 108, 25, 28, 24, 52, 35, 121, 110, 42, 48, 10, 32, 86, 30, 126, 68, 11, 70, 22, 4, 44, 87, 106, 91, 113, 105, 74, 96, 107, 104, 82, 41, 98, 100, 83, 38, 34, 99, 77, 92, 37, 102, 88, 6, 26, 81, 101, 95, 13, 36, 84, 29, 73, 65, 2, 16, 76, 78, 90, 69, 71, 39, 15, 80, 85, 75, 64, 72, 97, 67], [115, 51, 117, 61, 100, 22, 30, 33, 53, 27, 108, 19, 88, 78, 124, 81, 62, 10, 120, 54, 80, 59, 32, 114, 20, 119, 127, 118, 63, 111, 64, 44, 71, 106, 110, 4, 123, 116, 48, 112, 58, 66, 56, 125, 122, 52, 126, 55, 76, 60, 50, 109, 1, 25, 43, 39, 121, 107, 46, 17, 102, 113, 11, 38, 13, 104, 57, 47, 69, 85, 49, 24, 40, 45, 99, 15, 41, 84, 82, 36, 29, 77, 35, 92, 72, 90, 42, 105, 37, 73, 93, 28, 98, 67, 8, 86, 101, 103, 87, 89, 95, 96, 6, 26, 65, 34, 31, 94, 97, 75, 16, 18, 21, 3, 23, 70, 9, 79, 74, 91, 12, 83, 7, 0, 5, 68, 2, 14], [103, 115, 47, 111, 86, 98, 51, 25, 17, 12, 117, 83, 14, 27, 10, 30, 110, 71, 116, 56, 1, 79, 112, 126, 123, 4, 55, 63, 62, 6, 64, 9, 58, 114, 66, 127, 121, 52, 61, 113, 122, 69, 59, 43, 124, 48, 109, 54, 106, 101, 32, 125, 21, 45, 60, 41, 53, 75, 118, 34, 108, 5, 120, 2, 49, 50, 46, 13, 57, 88, 87, 105, 67, 119, 102, 29, 92, 85, 72, 40, 96, 36, 107, 44, 104, 31, 28, 37, 24, 8, 20, 82, 81, 76, 26, 100, 42, 95, 38, 99, 91, 70, 90, 18, 97, 23, 35, 15, 0, 33, 93, 78, 94, 16, 19, 84, 77, 73, 80, 3, 7, 68, 89, 11, 22, 65, 74, 39], [127, 37, 120, 53, 104, 22, 97, 102, 32, 56, 46, 110, 94, 61, 121, 125, 25, 51, 60, 28, 93, 35, 80, 89, 113, 92, 55, 116, 118, 54, 122, 119, 124, 63, 108, 117, 52, 20, 96, 57, 99, 126, 59, 112, 47, 45, 48, 115, 91, 58, 114, 41, 30, 111, 106, 50, 98, 77, 123, 33, 44, 9, 109, 49, 88, 87, 62, 107, 101, 42, 19, 39, 43, 18, 95, 4, 36, 103, 66, 86, 105, 84, 31, 65, 40, 71, 75, 17, 64, 34, 78, 12, 90, 8, 79, 10, 29, 15, 0, 85, 82, 21, 6, 16, 24, 27, 26, 13, 67, 3, 72, 69, 5, 11, 100, 23, 14, 83, 38, 81, 76, 7, 68, 73, 74, 1, 70, 2], [117, 40, 31, 98, 86, 28, 52, 61, 25, 62, 120, 60, 114, 48, 56, 122, 113, 116, 51, 124, 59, 49, 127, 115, 109, 57, 46, 125, 55, 47, 54, 58, 33, 19, 123, 121, 85, 110, 111, 12, 126, 112, 18, 119, 80, 45, 63, 118, 43, 106, 53, 24, 8, 79, 50, 108, 42, 35, 44, 39, 105, 15, 41, 36, 107, 2, 64, 87, 102, 38, 34, 101, 29, 81, 68, 100, 16, 92, 37, 77, 17, 23, 99, 74, 27, 5, 103, 104, 20, 32, 88, 96, 94, 75, 21, 91, 89, 65, 1, 30, 97, 13, 9, 67, 93, 10, 14, 11, 71, 90, 6, 84, 82, 26, 83, 78, 95, 70, 76, 73, 7, 22, 66, 72, 69, 0, 3, 4], [103, 121, 112, 97, 48, 29, 114, 22, 57, 120, 23, 84, 118, 50, 119, 61, 116, 17, 52, 56, 111, 115, 90, 49, 53, 79, 60, 10, 43, 42, 82, 64, 3, 59, 122, 47, 46, 55, 58, 72, 124, 125, 36, 123, 102, 62, 104, 117, 63, 126, 45, 13, 110, 51, 37, 106, 91, 113, 28, 127, 41, 44, 6, 38, 54, 109, 21, 68, 107, 24, 2, 25, 76, 93, 73, 98, 105, 32, 108, 89, 78, 86, 71, 101, 40, 99, 83, 35, 80, 33, 16, 26, 34, 15, 31, 11, 27, 85, 94, 77, 95, 19, 92, 96, 18, 100, 75, 14, 12, 30, 69, 39, 7, 65, 5, 88, 9, 1, 8, 20, 87, 66, 4, 0, 70, 81, 67, 74], [60, 53, 86, 100, 120, 94, 76, 125, 79, 7, 124, 20, 101, 9, 82, 92, 74, 69, 96, 17, 25, 122, 44, 62, 24, 61, 119, 52, 118, 2, 106, 56, 127, 123, 117, 57, 51, 63, 121, 19, 58, 112, 126, 48, 0, 109, 107, 54, 114, 55, 59, 16, 113, 49, 47, 46, 50, 14, 90, 1, 115, 116, 111, 104, 72, 110, 41, 34, 13, 45, 5, 6, 43, 108, 81, 97, 75, 39, 42, 3, 10, 27, 37, 40, 11, 105, 102, 103, 35, 98, 12, 15, 23, 99, 33, 21, 22, 31, 30, 71, 78, 38, 73, 26, 93, 29, 85, 28, 95, 32, 8, 84, 67, 91, 70, 77, 18, 87, 83, 65, 89, 4, 68, 66, 64, 88, 36, 80]], "model.layers.15.self_attn.qk_proj": [[117, 112, 53, 115, 60, 113, 62, 51, 120, 61, 127, 47, 121, 45, 114, 124, 48, 86, 39, 100, 57, 56, 125, 118, 25, 116, 103, 89, 122, 22, 110, 111, 91, 109, 46, 97, 40, 63, 59, 50, 81, 30, 54, 119, 33, 123, 104, 93, 19, 49, 108, 55, 52, 83, 17, 58, 21, 79, 85, 126, 14, 101, 94, 36, 92, 98, 15, 12, 44, 107, 76, 78, 88, 20, 28, 106, 24, 37, 43, 84, 34, 74, 42, 31, 102, 95, 87, 27, 10, 9, 29, 32, 23, 7, 71, 96, 41, 82, 80, 16, 18, 5, 73, 38, 35, 105, 72, 26, 11, 69, 77, 75, 67, 3, 64, 0, 13, 66, 99, 8, 90, 2, 68, 70, 4, 1, 6, 65], [117, 112, 53, 115, 60, 62, 113, 51, 120, 61, 127, 47, 121, 45, 114, 57, 48, 39, 86, 124, 56, 103, 100, 25, 118, 125, 22, 89, 46, 109, 116, 122, 54, 63, 111, 119, 91, 97, 110, 50, 40, 55, 49, 59, 52, 30, 108, 81, 104, 33, 123, 93, 126, 101, 83, 94, 19, 17, 15, 36, 58, 21, 85, 107, 98, 14, 12, 78, 92, 79, 76, 88, 34, 24, 28, 37, 10, 20, 106, 43, 44, 102, 74, 27, 84, 7, 31, 9, 42, 95, 23, 87, 71, 18, 82, 41, 96, 80, 16, 29, 32, 26, 35, 38, 99, 72, 0, 8, 69, 73, 5, 105, 2, 66, 75, 77, 11, 64, 67, 3, 13, 90, 4, 65, 6, 70, 68, 1], [117, 112, 53, 60, 115, 113, 62, 51, 120, 61, 127, 47, 121, 45, 114, 39, 56, 48, 124, 57, 118, 86, 100, 89, 103, 122, 111, 46, 25, 116, 109, 59, 125, 22, 91, 123, 97, 104, 110, 63, 40, 54, 119, 33, 30, 108, 52, 55, 93, 36, 81, 101, 50, 94, 58, 49, 19, 83, 126, 17, 21, 15, 28, 37, 85, 12, 24, 98, 92, 107, 44, 88, 76, 78, 34, 14, 102, 43, 79, 27, 95, 42, 106, 84, 9, 10, 74, 31, 20, 87, 23, 29, 7, 71, 18, 41, 32, 38, 64, 26, 82, 16, 96, 35, 2, 5, 0, 8, 80, 66, 99, 73, 69, 105, 67, 90, 11, 75, 13, 3, 72, 77, 6, 68, 65, 1, 4, 70], [117, 112, 53, 60, 115, 62, 113, 51, 120, 61, 47, 127, 121, 45, 124, 114, 48, 39, 57, 56, 118, 100, 125, 116, 89, 103, 86, 109, 111, 25, 22, 122, 97, 91, 110, 54, 63, 59, 40, 30, 55, 81, 119, 46, 104, 58, 123, 52, 50, 108, 33, 126, 93, 101, 49, 19, 94, 21, 17, 37, 107, 79, 98, 14, 85, 12, 83, 76, 28, 88, 36, 92, 24, 78, 34, 15, 102, 44, 42, 20, 95, 27, 43, 16, 106, 84, 23, 80, 96, 9, 29, 82, 74, 87, 31, 10, 38, 18, 7, 32, 0, 71, 5, 41, 69, 35, 26, 73, 99, 66, 8, 11, 67, 3, 64, 90, 77, 2, 105, 1, 75, 72, 65, 13, 6, 4, 68, 70], [117, 112, 53, 115, 60, 62, 113, 51, 120, 61, 127, 47, 121, 45, 124, 114, 118, 48, 57, 56, 39, 125, 86, 100, 103, 116, 122, 59, 63, 22, 89, 110, 25, 109, 55, 97, 111, 54, 40, 91, 46, 119, 104, 30, 108, 123, 81, 33, 52, 49, 58, 50, 17, 19, 83, 93, 101, 12, 85, 15, 14, 98, 37, 43, 78, 79, 126, 94, 76, 92, 21, 107, 24, 42, 28, 74, 106, 44, 88, 84, 34, 102, 20, 36, 87, 10, 38, 96, 27, 9, 8, 7, 95, 32, 71, 41, 69, 35, 80, 23, 82, 18, 16, 5, 31, 105, 64, 29, 73, 26, 3, 66, 2, 75, 67, 77, 11, 13, 0, 99, 72, 1, 65, 90, 4, 68, 6, 70], [117, 112, 53, 115, 60, 113, 62, 51, 120, 61, 127, 47, 121, 45, 114, 118, 124, 57, 56, 86, 39, 48, 89, 100, 25, 116, 22, 125, 63, 111, 110, 103, 59, 91, 97, 54, 30, 109, 52, 40, 122, 119, 50, 81, 55, 49, 108, 46, 33, 123, 104, 93, 17, 58, 85, 83, 14, 19, 126, 76, 21, 12, 101, 15, 79, 94, 107, 92, 78, 44, 28, 88, 98, 34, 36, 42, 84, 24, 43, 37, 20, 10, 95, 87, 106, 9, 23, 18, 82, 16, 31, 80, 74, 7, 102, 27, 96, 38, 71, 32, 41, 8, 29, 35, 13, 75, 105, 73, 5, 69, 77, 67, 11, 99, 26, 64, 2, 66, 90, 0, 3, 68, 72, 6, 4, 65, 1, 70], [117, 112, 53, 60, 115, 62, 113, 51, 120, 61, 127, 47, 121, 45, 118, 114, 57, 48, 124, 86, 100, 89, 39, 22, 56, 25, 59, 125, 103, 63, 111, 110, 91, 97, 122, 54, 116, 30, 81, 40, 123, 55, 119, 52, 109, 93, 46, 19, 126, 104, 50, 83, 108, 33, 101, 21, 49, 17, 92, 85, 76, 14, 15, 12, 58, 78, 79, 107, 94, 44, 28, 98, 84, 34, 88, 36, 24, 42, 106, 27, 37, 20, 87, 18, 10, 95, 23, 74, 96, 9, 38, 102, 16, 82, 105, 32, 31, 43, 80, 41, 71, 7, 29, 8, 13, 35, 73, 69, 11, 75, 26, 5, 77, 3, 0, 2, 99, 67, 66, 64, 72, 90, 68, 1, 6, 70, 4, 65], [117, 112, 53, 60, 115, 62, 113, 51, 120, 61, 127, 47, 121, 45, 114, 57, 118, 48, 39, 89, 56, 86, 103, 100, 25, 22, 124, 122, 125, 59, 97, 116, 91, 63, 111, 46, 30, 54, 110, 119, 109, 55, 40, 123, 104, 33, 83, 19, 108, 81, 49, 93, 50, 52, 101, 126, 17, 21, 92, 15, 36, 12, 14, 79, 28, 58, 85, 98, 78, 94, 76, 107, 24, 44, 42, 87, 88, 20, 84, 37, 106, 34, 43, 27, 96, 102, 23, 38, 31, 74, 18, 10, 41, 16, 9, 82, 95, 29, 32, 7, 105, 71, 80, 26, 35, 8, 0, 73, 11, 75, 5, 13, 66, 69, 99, 2, 64, 67, 3, 77, 72, 65, 70, 90, 1, 68, 4, 6], [117, 112, 53, 60, 115, 113, 51, 62, 120, 127, 61, 121, 47, 45, 57, 48, 118, 114, 56, 124, 39, 86, 89, 100, 125, 25, 103, 22, 122, 97, 63, 109, 30, 116, 111, 91, 55, 110, 123, 50, 54, 46, 59, 104, 119, 40, 101, 33, 49, 81, 19, 83, 93, 108, 98, 17, 58, 52, 21, 126, 36, 14, 107, 12, 79, 76, 94, 92, 85, 15, 24, 78, 42, 37, 88, 44, 28, 34, 20, 95, 106, 102, 27, 43, 16, 84, 31, 41, 87, 18, 32, 23, 10, 29, 74, 96, 80, 71, 9, 38, 82, 105, 35, 7, 73, 75, 99, 8, 13, 77, 11, 5, 0, 69, 26, 2, 72, 64, 67, 1, 66, 3, 90, 70, 65, 4, 68, 6], [117, 112, 53, 60, 115, 62, 113, 51, 61, 127, 120, 47, 121, 45, 114, 48, 124, 39, 57, 56, 118, 89, 125, 86, 100, 103, 22, 122, 25, 111, 123, 97, 55, 110, 109, 63, 91, 116, 54, 52, 59, 30, 119, 58, 46, 81, 83, 40, 104, 49, 50, 108, 126, 33, 93, 17, 19, 101, 14, 15, 94, 98, 85, 21, 12, 79, 107, 76, 44, 102, 28, 92, 36, 34, 78, 74, 24, 37, 42, 20, 43, 10, 84, 27, 88, 71, 7, 87, 23, 106, 41, 95, 18, 38, 9, 31, 16, 73, 32, 80, 96, 29, 5, 69, 82, 105, 0, 8, 35, 64, 3, 99, 66, 2, 67, 72, 13, 77, 26, 75, 11, 90, 70, 4, 68, 65, 1, 6], [117, 112, 53, 60, 115, 113, 62, 51, 120, 61, 127, 47, 121, 45, 114, 124, 39, 48, 118, 57, 56, 89, 86, 100, 122, 22, 25, 116, 125, 103, 110, 119, 97, 109, 46, 30, 59, 111, 54, 91, 123, 63, 40, 81, 55, 104, 52, 108, 33, 101, 93, 83, 50, 58, 49, 12, 19, 17, 14, 76, 79, 94, 21, 126, 15, 36, 78, 88, 85, 24, 28, 98, 107, 92, 10, 43, 44, 84, 34, 7, 102, 20, 87, 37, 71, 74, 18, 9, 106, 80, 5, 16, 23, 42, 29, 32, 38, 41, 95, 69, 73, 72, 75, 82, 64, 96, 27, 66, 0, 31, 35, 8, 2, 67, 105, 3, 13, 77, 11, 99, 1, 65, 90, 68, 26, 6, 4, 70], [117, 112, 53, 115, 60, 113, 62, 51, 61, 127, 120, 47, 121, 45, 114, 39, 124, 118, 48, 86, 89, 57, 25, 22, 110, 100, 116, 125, 103, 109, 56, 63, 122, 55, 54, 59, 97, 91, 46, 30, 104, 40, 119, 111, 123, 81, 50, 52, 19, 49, 93, 108, 17, 101, 21, 12, 33, 83, 76, 15, 14, 126, 79, 98, 58, 92, 44, 94, 43, 78, 107, 28, 85, 88, 20, 87, 36, 106, 34, 24, 84, 42, 10, 18, 102, 9, 37, 74, 95, 7, 23, 16, 82, 41, 71, 27, 73, 32, 75, 80, 31, 96, 29, 35, 72, 38, 5, 69, 77, 0, 13, 11, 3, 105, 8, 99, 64, 2, 1, 26, 66, 67, 70, 6, 4, 68, 90, 65], [117, 112, 53, 115, 60, 62, 51, 113, 120, 61, 127, 47, 121, 45, 114, 118, 57, 48, 39, 56, 86, 124, 89, 100, 22, 25, 103, 111, 125, 55, 97, 63, 109, 59, 91, 54, 116, 110, 119, 122, 30, 93, 46, 40, 104, 81, 52, 108, 123, 126, 33, 36, 101, 50, 83, 19, 49, 94, 107, 76, 98, 21, 79, 17, 92, 15, 58, 14, 85, 28, 44, 20, 88, 12, 37, 42, 43, 78, 34, 87, 24, 27, 41, 106, 95, 84, 74, 102, 31, 96, 18, 23, 82, 35, 29, 38, 10, 105, 80, 7, 32, 73, 16, 72, 71, 99, 26, 5, 75, 9, 13, 11, 67, 77, 90, 69, 3, 66, 1, 2, 8, 0, 68, 64, 6, 4, 70, 65], [117, 112, 53, 115, 60, 62, 113, 51, 127, 61, 47, 120, 121, 45, 48, 114, 39, 118, 57, 56, 124, 86, 125, 89, 116, 100, 22, 54, 103, 25, 122, 55, 109, 111, 91, 119, 123, 59, 63, 40, 97, 30, 46, 104, 110, 93, 81, 33, 50, 108, 52, 94, 49, 19, 58, 83, 76, 15, 107, 101, 79, 21, 14, 126, 78, 17, 98, 36, 85, 44, 12, 74, 24, 28, 92, 20, 10, 42, 88, 71, 43, 34, 73, 37, 7, 23, 29, 16, 84, 102, 87, 32, 18, 72, 95, 38, 64, 82, 31, 80, 35, 27, 41, 96, 9, 5, 69, 0, 106, 75, 2, 99, 105, 3, 26, 66, 13, 11, 67, 77, 8, 6, 1, 65, 68, 90, 4, 70], [117, 112, 53, 115, 60, 62, 113, 51, 127, 120, 61, 47, 121, 45, 114, 48, 57, 56, 118, 39, 125, 124, 86, 100, 89, 55, 103, 25, 63, 110, 22, 119, 116, 109, 111, 54, 122, 97, 59, 91, 30, 46, 40, 108, 104, 94, 50, 33, 123, 93, 19, 81, 52, 101, 43, 79, 76, 83, 36, 21, 49, 14, 126, 98, 44, 15, 42, 17, 12, 78, 85, 92, 58, 28, 10, 24, 88, 34, 84, 74, 107, 20, 95, 102, 23, 7, 73, 18, 87, 106, 27, 71, 37, 9, 41, 72, 16, 38, 32, 75, 5, 80, 31, 35, 82, 29, 96, 105, 69, 0, 64, 13, 2, 26, 66, 11, 8, 67, 77, 99, 3, 90, 68, 6, 1, 4, 70, 65], [117, 112, 53, 115, 60, 62, 113, 51, 120, 127, 61, 47, 121, 45, 114, 39, 57, 124, 118, 48, 63, 86, 100, 116, 56, 103, 22, 89, 25, 110, 119, 125, 55, 97, 122, 54, 109, 91, 111, 40, 30, 59, 52, 108, 104, 46, 50, 81, 123, 101, 126, 93, 94, 83, 79, 19, 12, 49, 76, 17, 33, 36, 21, 14, 98, 44, 15, 85, 92, 78, 74, 107, 28, 58, 88, 42, 20, 34, 43, 24, 95, 87, 73, 37, 23, 82, 18, 106, 80, 84, 102, 16, 38, 96, 27, 9, 71, 32, 7, 41, 29, 72, 10, 99, 31, 105, 69, 5, 77, 75, 35, 67, 11, 26, 0, 13, 66, 8, 3, 64, 90, 2, 1, 6, 68, 4, 65, 70], [117, 112, 53, 115, 60, 62, 113, 51, 61, 120, 127, 47, 121, 45, 114, 39, 57, 48, 89, 100, 116, 124, 86, 118, 125, 22, 25, 103, 56, 122, 54, 63, 97, 111, 109, 55, 110, 104, 91, 59, 52, 30, 119, 123, 46, 93, 49, 40, 19, 126, 50, 81, 83, 108, 101, 17, 33, 36, 21, 94, 107, 98, 85, 28, 44, 34, 15, 14, 76, 58, 79, 92, 12, 78, 24, 43, 102, 20, 87, 88, 96, 27, 74, 106, 84, 42, 37, 41, 18, 23, 29, 95, 38, 80, 10, 16, 31, 71, 32, 99, 105, 9, 82, 7, 73, 35, 26, 72, 5, 77, 69, 90, 64, 75, 66, 67, 13, 0, 11, 65, 8, 3, 2, 4, 70, 68, 1, 6], [117, 112, 53, 60, 115, 62, 113, 51, 127, 61, 47, 120, 121, 45, 114, 48, 56, 57, 39, 103, 124, 100, 86, 118, 116, 89, 25, 22, 125, 54, 59, 91, 122, 63, 109, 119, 123, 104, 97, 55, 30, 111, 40, 110, 46, 93, 49, 33, 52, 81, 126, 50, 108, 19, 101, 36, 17, 94, 83, 76, 14, 79, 15, 92, 98, 107, 28, 21, 44, 78, 85, 74, 58, 12, 37, 24, 34, 42, 88, 20, 102, 87, 106, 10, 43, 84, 27, 41, 38, 23, 32, 95, 71, 96, 7, 80, 82, 16, 18, 73, 9, 29, 105, 31, 5, 35, 0, 69, 8, 2, 26, 3, 72, 66, 99, 64, 75, 77, 13, 90, 67, 11, 1, 4, 68, 70, 65, 6], [117, 112, 53, 115, 60, 62, 113, 51, 120, 127, 61, 47, 121, 45, 114, 39, 124, 57, 56, 48, 118, 100, 103, 63, 86, 25, 125, 22, 116, 109, 89, 122, 104, 111, 97, 110, 54, 119, 59, 123, 91, 108, 40, 30, 55, 126, 49, 33, 46, 94, 93, 50, 83, 19, 101, 17, 81, 98, 52, 76, 106, 85, 79, 44, 42, 107, 58, 78, 34, 14, 36, 21, 102, 37, 28, 92, 24, 12, 15, 10, 88, 38, 43, 74, 96, 84, 27, 32, 41, 95, 23, 87, 7, 20, 16, 35, 18, 80, 31, 9, 71, 5, 29, 82, 73, 0, 99, 69, 64, 26, 13, 67, 66, 8, 105, 72, 2, 75, 11, 3, 90, 77, 1, 70, 4, 65, 68, 6], [117, 112, 53, 115, 60, 62, 113, 51, 120, 127, 61, 47, 121, 45, 114, 39, 124, 57, 48, 89, 118, 86, 56, 100, 116, 103, 22, 54, 122, 110, 109, 97, 25, 63, 125, 30, 91, 46, 126, 59, 111, 52, 119, 55, 50, 104, 40, 33, 108, 123, 93, 81, 36, 49, 101, 19, 83, 94, 58, 12, 79, 98, 28, 21, 44, 85, 15, 34, 76, 78, 14, 42, 92, 74, 107, 17, 102, 24, 106, 37, 87, 20, 88, 95, 84, 41, 27, 31, 23, 38, 18, 96, 43, 29, 16, 82, 7, 80, 9, 71, 10, 32, 35, 8, 99, 105, 73, 26, 75, 66, 69, 13, 5, 90, 0, 11, 64, 77, 2, 67, 72, 3, 68, 1, 70, 4, 65, 6], [117, 112, 115, 53, 60, 113, 62, 51, 61, 120, 127, 47, 121, 45, 114, 124, 48, 56, 57, 118, 86, 39, 89, 116, 100, 103, 22, 125, 63, 109, 122, 110, 54, 59, 97, 91, 30, 25, 46, 55, 111, 40, 104, 126, 52, 119, 50, 123, 93, 81, 108, 33, 17, 21, 19, 15, 83, 101, 58, 76, 14, 79, 92, 85, 44, 12, 28, 49, 24, 34, 36, 98, 88, 74, 94, 107, 43, 78, 42, 37, 87, 20, 106, 84, 23, 102, 9, 16, 31, 18, 71, 96, 29, 35, 7, 80, 27, 32, 38, 95, 41, 10, 82, 26, 105, 69, 8, 5, 77, 75, 73, 66, 11, 3, 13, 64, 0, 2, 90, 72, 99, 67, 4, 70, 65, 68, 1, 6], [117, 112, 53, 115, 60, 113, 62, 51, 120, 61, 127, 47, 121, 45, 114, 56, 124, 57, 48, 118, 89, 100, 103, 86, 39, 116, 125, 122, 22, 63, 54, 40, 97, 91, 109, 25, 111, 59, 119, 104, 126, 30, 110, 55, 123, 46, 50, 81, 17, 93, 33, 83, 52, 94, 19, 58, 108, 49, 15, 101, 21, 98, 36, 28, 79, 76, 12, 37, 92, 88, 24, 14, 85, 44, 34, 43, 78, 20, 87, 27, 74, 107, 42, 106, 84, 31, 102, 96, 18, 38, 23, 80, 95, 7, 32, 71, 29, 35, 41, 69, 16, 10, 9, 0, 82, 8, 73, 64, 105, 26, 66, 5, 67, 99, 90, 77, 11, 3, 75, 13, 2, 1, 4, 72, 65, 6, 70, 68], [117, 112, 53, 115, 60, 113, 62, 51, 120, 61, 127, 47, 121, 45, 114, 39, 48, 124, 118, 56, 100, 86, 125, 89, 103, 57, 116, 22, 25, 97, 122, 54, 104, 63, 91, 59, 111, 109, 55, 119, 46, 110, 30, 40, 123, 108, 52, 126, 33, 81, 19, 93, 58, 50, 83, 101, 36, 15, 94, 85, 92, 17, 79, 76, 98, 28, 21, 49, 12, 14, 78, 34, 37, 43, 24, 44, 88, 87, 42, 38, 84, 102, 107, 96, 27, 20, 106, 10, 23, 32, 95, 18, 74, 31, 7, 29, 82, 71, 41, 80, 8, 35, 9, 105, 16, 99, 11, 5, 75, 69, 26, 64, 73, 66, 77, 2, 0, 67, 90, 13, 3, 72, 4, 65, 1, 6, 68, 70], [117, 112, 53, 115, 60, 113, 62, 51, 61, 120, 127, 47, 121, 45, 114, 39, 48, 56, 57, 116, 124, 100, 89, 103, 86, 118, 125, 22, 59, 91, 97, 110, 25, 122, 52, 30, 54, 109, 63, 111, 104, 46, 119, 40, 55, 126, 33, 123, 81, 108, 93, 19, 50, 49, 58, 83, 79, 17, 94, 85, 15, 101, 14, 12, 28, 44, 21, 92, 34, 76, 98, 74, 107, 24, 78, 88, 36, 37, 43, 102, 96, 42, 20, 84, 87, 106, 8, 27, 23, 10, 7, 95, 32, 31, 29, 38, 71, 35, 16, 73, 41, 82, 80, 18, 105, 9, 26, 69, 75, 5, 67, 11, 13, 99, 2, 90, 77, 64, 3, 0, 66, 72, 6, 4, 68, 1, 70, 65], [117, 112, 53, 115, 60, 113, 62, 51, 120, 127, 61, 47, 121, 45, 114, 86, 57, 118, 124, 48, 56, 125, 39, 22, 100, 103, 116, 122, 89, 59, 63, 25, 97, 109, 110, 91, 54, 40, 119, 30, 123, 111, 104, 81, 108, 55, 46, 126, 52, 50, 33, 83, 17, 14, 93, 19, 49, 76, 101, 85, 58, 21, 36, 92, 15, 44, 94, 12, 79, 107, 78, 43, 74, 28, 88, 42, 34, 98, 84, 24, 87, 106, 20, 102, 71, 23, 37, 96, 16, 27, 10, 18, 7, 95, 38, 32, 105, 82, 69, 80, 29, 41, 9, 8, 31, 73, 35, 11, 26, 77, 75, 5, 66, 3, 67, 0, 2, 72, 64, 13, 99, 90, 68, 6, 65, 1, 4, 70], [117, 112, 53, 115, 60, 62, 113, 51, 61, 120, 127, 47, 121, 45, 114, 57, 56, 118, 124, 86, 48, 125, 103, 89, 22, 100, 122, 39, 25, 63, 54, 119, 59, 116, 97, 46, 91, 30, 110, 109, 126, 55, 111, 104, 40, 123, 52, 108, 49, 81, 33, 19, 93, 92, 21, 17, 50, 94, 85, 44, 83, 58, 14, 101, 36, 15, 12, 76, 79, 98, 43, 28, 37, 88, 107, 24, 34, 106, 78, 87, 84, 96, 10, 95, 102, 23, 20, 42, 74, 27, 82, 7, 32, 41, 31, 29, 38, 80, 18, 73, 16, 35, 105, 71, 9, 8, 26, 99, 69, 11, 75, 77, 5, 72, 90, 66, 13, 0, 2, 64, 3, 67, 6, 68, 65, 4, 70, 1], [117, 112, 53, 115, 60, 113, 62, 51, 61, 127, 120, 47, 121, 45, 114, 124, 56, 118, 57, 48, 86, 100, 39, 103, 89, 125, 22, 25, 122, 59, 116, 123, 40, 63, 119, 91, 109, 54, 111, 55, 30, 46, 104, 97, 110, 93, 81, 108, 52, 50, 19, 33, 101, 126, 58, 17, 92, 44, 49, 36, 83, 94, 79, 15, 21, 85, 12, 14, 28, 76, 98, 102, 24, 78, 43, 34, 88, 37, 106, 107, 96, 87, 42, 20, 16, 84, 32, 23, 82, 10, 29, 95, 38, 27, 7, 31, 71, 73, 80, 74, 18, 41, 35, 99, 9, 26, 69, 72, 105, 75, 11, 5, 64, 2, 8, 67, 0, 66, 77, 13, 65, 3, 6, 90, 68, 1, 70, 4], [117, 112, 53, 60, 115, 62, 113, 51, 61, 120, 127, 47, 121, 45, 114, 124, 48, 39, 57, 118, 56, 86, 103, 89, 100, 116, 125, 22, 25, 119, 110, 63, 97, 30, 54, 40, 91, 122, 46, 52, 59, 109, 111, 55, 104, 123, 81, 58, 50, 126, 33, 19, 17, 93, 83, 49, 108, 94, 21, 85, 15, 24, 101, 36, 76, 79, 92, 12, 14, 78, 44, 37, 43, 98, 28, 84, 74, 88, 34, 10, 107, 20, 42, 106, 87, 102, 7, 16, 96, 71, 31, 23, 82, 41, 29, 27, 72, 9, 32, 18, 73, 80, 95, 105, 35, 5, 38, 26, 0, 69, 2, 77, 67, 64, 11, 66, 3, 99, 75, 13, 8, 90, 1, 68, 4, 70, 65, 6], [117, 112, 53, 60, 115, 62, 113, 51, 120, 61, 127, 47, 121, 45, 114, 39, 124, 48, 57, 118, 86, 100, 125, 116, 110, 89, 56, 22, 103, 25, 63, 119, 46, 109, 59, 40, 97, 91, 104, 52, 123, 122, 54, 30, 111, 108, 58, 101, 55, 93, 33, 81, 36, 126, 21, 50, 17, 19, 83, 94, 92, 12, 15, 98, 107, 44, 14, 43, 78, 76, 79, 85, 34, 49, 106, 42, 28, 87, 24, 88, 102, 10, 37, 84, 7, 18, 74, 41, 71, 20, 82, 32, 96, 9, 95, 31, 5, 72, 16, 38, 27, 23, 29, 69, 26, 2, 64, 11, 35, 73, 80, 0, 13, 105, 90, 66, 77, 75, 3, 99, 67, 4, 70, 8, 1, 65, 68, 6], [117, 112, 53, 60, 115, 62, 113, 51, 120, 61, 127, 47, 121, 45, 114, 39, 57, 124, 56, 86, 118, 125, 116, 100, 103, 22, 48, 89, 110, 25, 59, 54, 63, 97, 91, 122, 30, 40, 52, 109, 111, 126, 46, 123, 104, 58, 55, 119, 50, 108, 33, 17, 81, 93, 19, 83, 107, 85, 12, 14, 49, 21, 101, 15, 94, 92, 98, 36, 44, 79, 76, 78, 106, 34, 24, 42, 88, 28, 37, 43, 10, 84, 96, 20, 74, 102, 87, 27, 7, 9, 16, 23, 31, 38, 72, 95, 71, 41, 18, 32, 80, 73, 29, 82, 26, 105, 5, 77, 11, 69, 35, 66, 99, 3, 13, 67, 75, 64, 2, 90, 0, 65, 8, 68, 70, 4, 6, 1], [117, 112, 53, 115, 60, 62, 113, 51, 120, 127, 61, 47, 121, 45, 124, 39, 114, 57, 125, 56, 118, 103, 48, 116, 86, 100, 89, 22, 122, 91, 46, 40, 110, 63, 109, 25, 59, 111, 55, 123, 54, 97, 52, 50, 58, 126, 108, 104, 119, 30, 33, 81, 93, 101, 83, 94, 49, 17, 21, 36, 107, 79, 12, 19, 76, 44, 14, 78, 15, 92, 42, 28, 85, 24, 34, 98, 106, 20, 10, 37, 43, 71, 88, 84, 74, 7, 96, 87, 72, 27, 102, 32, 31, 9, 73, 95, 38, 80, 23, 16, 5, 69, 29, 82, 18, 11, 41, 66, 0, 105, 26, 64, 35, 99, 77, 13, 67, 2, 3, 70, 4, 75, 90, 8, 68, 1, 6, 65], [117, 112, 53, 115, 60, 113, 62, 51, 120, 61, 127, 47, 121, 45, 114, 39, 56, 124, 57, 86, 100, 118, 125, 89, 116, 48, 22, 103, 91, 25, 59, 111, 122, 97, 40, 109, 110, 119, 54, 123, 63, 30, 55, 104, 81, 46, 93, 126, 33, 19, 50, 52, 17, 49, 79, 83, 85, 101, 14, 94, 15, 92, 12, 21, 78, 108, 76, 58, 44, 98, 107, 36, 10, 28, 88, 74, 20, 106, 24, 43, 84, 87, 34, 37, 102, 42, 31, 72, 96, 71, 27, 95, 9, 73, 23, 7, 38, 18, 16, 32, 82, 80, 29, 35, 26, 69, 99, 5, 13, 11, 41, 75, 77, 105, 90, 8, 2, 66, 3, 70, 67, 0, 64, 6, 65, 4, 68, 1]], "model.layers.16.self_attn.q_proj": [[61, 125, 115, 121, 36, 101, 43, 62, 127, 63, 55, 92, 100, 97, 57, 40, 124, 60, 119, 54, 109, 49, 123, 126, 53, 59, 58, 113, 47, 117, 114, 118, 112, 50, 103, 51, 116, 52, 122, 45, 120, 102, 56, 41, 48, 89, 46, 110, 111, 37, 42, 107, 44, 108, 104, 32, 33, 39, 38, 105, 106, 99, 84, 35, 34, 98, 76, 10, 13, 24, 29, 72, 70, 95, 5, 16, 88, 21, 96, 2, 25, 71, 9, 4, 94, 86, 65, 0, 26, 80, 31, 23, 11, 93, 15, 30, 82, 77, 20, 3, 28, 78, 22, 67, 73, 18, 27, 90, 91, 87, 85, 6, 14, 75, 83, 79, 69, 8, 74, 19, 12, 81, 17, 68, 66, 1, 7, 64], [125, 61, 121, 115, 62, 55, 124, 101, 57, 126, 49, 52, 119, 127, 60, 112, 63, 50, 123, 120, 59, 53, 47, 117, 54, 113, 114, 118, 43, 56, 116, 122, 51, 107, 58, 48, 109, 45, 46, 111, 110, 40, 108, 44, 106, 92, 42, 41, 35, 105, 104, 39, 36, 38, 103, 37, 100, 102, 98, 99, 22, 25, 34, 97, 33, 96, 19, 32, 93, 89, 95, 18, 31, 94, 86, 15, 30, 29, 76, 78, 4, 26, 24, 23, 11, 72, 28, 16, 70, 9, 13, 77, 27, 21, 87, 83, 81, 90, 85, 17, 91, 88, 10, 71, 20, 2, 73, 84, 0, 82, 65, 74, 3, 79, 5, 80, 14, 67, 6, 12, 8, 1, 75, 64, 68, 66, 69, 7], [61, 125, 27, 121, 36, 94, 87, 100, 25, 62, 115, 35, 21, 63, 101, 20, 43, 127, 122, 60, 55, 32, 57, 49, 102, 40, 96, 74, 84, 95, 54, 126, 123, 52, 79, 53, 37, 113, 124, 118, 47, 119, 93, 114, 50, 117, 44, 120, 10, 112, 56, 51, 109, 59, 16, 48, 116, 83, 58, 45, 99, 46, 42, 19, 41, 104, 30, 31, 90, 82, 110, 29, 111, 92, 6, 107, 86, 12, 89, 105, 23, 13, 80, 15, 97, 98, 39, 91, 18, 28, 34, 108, 38, 77, 78, 33, 106, 17, 4, 24, 26, 103, 88, 73, 85, 5, 66, 68, 1, 9, 2, 76, 0, 67, 14, 81, 8, 22, 71, 7, 69, 64, 70, 72, 3, 75, 11, 65], [61, 125, 100, 96, 26, 30, 88, 122, 27, 121, 87, 77, 92, 98, 115, 32, 81, 75, 20, 43, 17, 93, 8, 94, 36, 62, 33, 29, 90, 44, 86, 99, 23, 41, 63, 34, 127, 40, 85, 49, 68, 101, 83, 57, 73, 102, 69, 19, 55, 110, 53, 56, 118, 60, 113, 48, 116, 2, 103, 16, 84, 13, 24, 12, 11, 50, 52, 47, 54, 31, 112, 51, 91, 79, 14, 109, 18, 6, 117, 126, 95, 78, 123, 119, 25, 97, 89, 21, 120, 124, 35, 111, 1, 72, 46, 42, 58, 76, 15, 114, 104, 45, 64, 59, 80, 38, 7, 28, 105, 67, 39, 107, 108, 106, 74, 82, 70, 71, 37, 66, 10, 4, 22, 9, 5, 3, 0, 65], [42, 98, 30, 124, 24, 85, 116, 106, 15, 19, 12, 17, 8, 88, 102, 78, 95, 52, 27, 10, 68, 66, 70, 94, 81, 38, 7, 119, 60, 90, 125, 22, 47, 83, 64, 120, 63, 55, 11, 75, 21, 59, 37, 92, 41, 53, 1, 26, 86, 76, 9, 111, 109, 114, 28, 44, 49, 103, 126, 23, 80, 117, 93, 121, 57, 36, 91, 108, 34, 25, 62, 123, 29, 6, 14, 48, 87, 35, 58, 3, 105, 79, 32, 45, 20, 33, 99, 118, 67, 113, 100, 18, 51, 69, 43, 115, 110, 31, 61, 46, 127, 5, 13, 122, 40, 89, 39, 72, 104, 56, 73, 54, 65, 2, 97, 82, 101, 50, 77, 107, 74, 0, 112, 16, 84, 96, 71, 4], [42, 124, 98, 63, 116, 30, 106, 38, 27, 19, 85, 88, 24, 62, 15, 35, 90, 17, 28, 10, 87, 57, 102, 99, 53, 122, 114, 47, 59, 61, 78, 109, 48, 108, 56, 60, 94, 123, 120, 125, 117, 113, 40, 12, 119, 26, 110, 43, 8, 45, 50, 126, 44, 118, 115, 31, 58, 52, 95, 46, 111, 80, 121, 93, 127, 112, 51, 54, 105, 36, 107, 86, 70, 81, 20, 49, 100, 68, 55, 37, 103, 39, 22, 96, 104, 33, 11, 41, 32, 18, 83, 21, 97, 23, 5, 84, 29, 101, 91, 34, 0, 92, 3, 6, 66, 74, 25, 89, 1, 82, 77, 71, 9, 16, 4, 13, 79, 7, 14, 75, 64, 69, 67, 76, 73, 65, 2, 72], [42, 98, 30, 124, 106, 85, 19, 63, 24, 27, 17, 59, 116, 15, 88, 12, 10, 78, 68, 8, 53, 70, 60, 94, 81, 102, 95, 28, 66, 122, 117, 52, 58, 45, 93, 125, 96, 76, 90, 64, 72, 89, 119, 38, 55, 120, 41, 103, 62, 100, 49, 47, 80, 82, 126, 114, 108, 21, 127, 83, 123, 44, 87, 79, 111, 113, 32, 37, 36, 35, 40, 14, 26, 20, 50, 43, 110, 46, 91, 121, 105, 48, 75, 25, 109, 115, 56, 92, 104, 1, 4, 71, 51, 61, 65, 101, 16, 6, 57, 11, 74, 31, 54, 29, 67, 22, 7, 3, 84, 23, 99, 33, 118, 2, 97, 39, 107, 13, 112, 86, 18, 73, 9, 77, 34, 5, 0, 69], [42, 98, 124, 52, 106, 30, 85, 15, 24, 27, 19, 88, 63, 60, 17, 45, 10, 116, 53, 95, 12, 108, 117, 59, 100, 121, 8, 113, 102, 94, 114, 119, 122, 48, 93, 47, 44, 58, 40, 62, 36, 37, 123, 78, 105, 35, 111, 49, 28, 125, 81, 90, 38, 57, 43, 104, 33, 56, 109, 46, 70, 103, 50, 41, 118, 68, 115, 23, 61, 51, 32, 54, 55, 127, 20, 126, 87, 6, 112, 39, 110, 80, 101, 120, 67, 91, 99, 25, 97, 96, 83, 21, 86, 82, 66, 92, 26, 107, 89, 31, 1, 3, 13, 71, 84, 74, 29, 22, 75, 79, 18, 11, 77, 34, 16, 64, 14, 72, 76, 69, 73, 2, 5, 9, 7, 65, 4, 0], [120, 39, 51, 48, 119, 123, 25, 112, 98, 89, 82, 53, 13, 31, 54, 44, 52, 113, 127, 111, 122, 121, 59, 58, 124, 60, 126, 117, 57, 50, 118, 116, 62, 61, 63, 125, 91, 107, 47, 114, 46, 115, 41, 49, 109, 56, 55, 20, 108, 28, 106, 45, 110, 42, 104, 43, 92, 103, 102, 1, 4, 11, 87, 105, 96, 65, 35, 36, 86, 101, 37, 72, 38, 100, 40, 33, 18, 99, 32, 66, 93, 90, 29, 95, 23, 7, 79, 97, 30, 69, 94, 8, 34, 80, 21, 77, 16, 27, 84, 15, 26, 85, 75, 14, 0, 9, 68, 19, 76, 88, 64, 22, 3, 24, 83, 78, 17, 5, 81, 10, 71, 67, 12, 2, 73, 6, 74, 70], [51, 48, 39, 120, 25, 98, 82, 123, 119, 87, 127, 91, 50, 121, 124, 54, 45, 122, 89, 106, 13, 31, 118, 53, 111, 86, 28, 52, 58, 112, 61, 113, 49, 46, 92, 126, 47, 110, 60, 57, 115, 62, 40, 117, 63, 44, 56, 108, 43, 55, 15, 41, 79, 116, 104, 59, 125, 77, 73, 36, 84, 109, 4, 38, 114, 65, 20, 23, 42, 103, 96, 7, 107, 99, 105, 27, 18, 100, 11, 102, 3, 37, 35, 68, 95, 8, 93, 101, 72, 88, 76, 34, 66, 94, 64, 22, 24, 30, 69, 85, 83, 90, 32, 33, 80, 78, 26, 75, 97, 10, 81, 17, 16, 29, 19, 74, 1, 2, 12, 70, 21, 14, 67, 9, 5, 71, 6, 0], [120, 39, 51, 25, 48, 98, 31, 89, 54, 127, 53, 123, 82, 20, 91, 11, 13, 56, 58, 118, 86, 49, 41, 57, 113, 116, 119, 112, 124, 15, 43, 4, 111, 47, 121, 60, 122, 62, 115, 28, 108, 63, 52, 107, 23, 114, 92, 50, 117, 126, 61, 59, 42, 45, 125, 7, 72, 32, 46, 55, 36, 102, 79, 88, 1, 104, 8, 109, 44, 19, 101, 93, 96, 27, 103, 87, 37, 77, 40, 110, 76, 99, 9, 33, 94, 106, 95, 17, 26, 66, 105, 69, 35, 100, 81, 30, 29, 97, 90, 85, 38, 75, 0, 84, 22, 21, 16, 80, 83, 24, 65, 10, 18, 68, 14, 34, 78, 6, 64, 12, 73, 2, 74, 70, 71, 5, 67, 3], [39, 51, 56, 120, 48, 123, 98, 119, 25, 20, 31, 89, 82, 28, 13, 50, 52, 54, 122, 43, 60, 87, 86, 41, 59, 79, 53, 91, 116, 88, 115, 4, 113, 124, 9, 92, 118, 7, 42, 58, 127, 126, 73, 112, 11, 57, 77, 114, 76, 125, 101, 109, 121, 61, 63, 1, 117, 81, 17, 111, 62, 102, 49, 10, 55, 19, 90, 108, 46, 8, 104, 45, 21, 85, 47, 93, 44, 22, 27, 74, 6, 38, 97, 23, 70, 75, 107, 14, 95, 32, 69, 15, 78, 40, 105, 103, 106, 84, 99, 33, 18, 96, 26, 16, 94, 0, 66, 36, 35, 110, 72, 67, 30, 80, 29, 12, 37, 24, 3, 5, 65, 100, 64, 71, 83, 34, 68, 2], [42, 100, 106, 90, 79, 78, 18, 20, 31, 85, 94, 75, 77, 111, 16, 86, 70, 73, 26, 4, 76, 46, 72, 126, 125, 124, 58, 3, 64, 67, 66, 56, 103, 23, 55, 117, 40, 28, 82, 21, 52, 2, 45, 65, 114, 80, 0, 11, 33, 127, 24, 10, 12, 119, 44, 71, 83, 81, 95, 88, 62, 15, 7, 97, 84, 8, 74, 5, 14, 53, 25, 93, 39, 122, 22, 109, 30, 59, 50, 61, 121, 69, 29, 6, 57, 89, 123, 9, 115, 13, 32, 113, 104, 47, 17, 91, 36, 54, 27, 41, 120, 99, 37, 51, 110, 105, 112, 34, 92, 116, 19, 108, 87, 48, 107, 43, 98, 60, 96, 35, 102, 49, 38, 68, 101, 118, 63, 1], [42, 100, 20, 106, 18, 77, 85, 90, 88, 111, 79, 75, 95, 73, 31, 70, 58, 40, 62, 23, 94, 26, 125, 52, 46, 16, 127, 68, 82, 78, 2, 89, 124, 104, 126, 45, 11, 109, 117, 72, 80, 61, 84, 56, 57, 67, 64, 1, 9, 99, 47, 114, 60, 33, 48, 96, 122, 21, 86, 103, 55, 12, 36, 14, 13, 97, 119, 3, 54, 25, 91, 15, 50, 115, 112, 101, 76, 17, 81, 4, 29, 65, 69, 39, 44, 102, 51, 32, 27, 92, 38, 8, 93, 53, 116, 105, 37, 24, 107, 22, 0, 123, 30, 49, 63, 41, 87, 108, 7, 110, 28, 5, 71, 83, 113, 74, 43, 59, 10, 118, 6, 34, 121, 120, 35, 19, 98, 66], [42, 100, 106, 20, 78, 90, 18, 85, 77, 73, 88, 111, 75, 94, 16, 70, 46, 124, 58, 26, 79, 72, 31, 125, 4, 56, 2, 23, 40, 67, 82, 52, 64, 127, 62, 33, 126, 104, 9, 117, 119, 95, 3, 103, 24, 11, 13, 45, 68, 57, 65, 55, 0, 99, 30, 86, 80, 29, 114, 44, 21, 8, 47, 48, 50, 66, 112, 22, 25, 60, 12, 91, 84, 69, 115, 7, 89, 109, 1, 81, 39, 96, 83, 116, 105, 97, 51, 36, 122, 93, 15, 123, 113, 92, 54, 32, 59, 87, 14, 28, 38, 63, 120, 110, 17, 74, 49, 53, 107, 118, 102, 61, 27, 108, 71, 10, 35, 5, 37, 34, 43, 41, 19, 76, 101, 6, 121, 98], [42, 100, 94, 88, 106, 85, 31, 78, 18, 90, 16, 111, 20, 79, 95, 70, 75, 77, 46, 86, 11, 73, 56, 124, 127, 40, 80, 72, 10, 55, 58, 45, 67, 26, 71, 21, 39, 65, 125, 104, 13, 83, 23, 119, 62, 117, 33, 82, 47, 103, 126, 5, 114, 12, 57, 91, 109, 2, 69, 0, 19, 97, 6, 74, 24, 107, 60, 1, 52, 84, 17, 61, 76, 53, 30, 81, 15, 29, 7, 102, 44, 113, 28, 115, 98, 105, 110, 4, 59, 38, 89, 120, 122, 101, 116, 99, 3, 25, 50, 32, 64, 22, 49, 93, 36, 8, 54, 123, 118, 34, 37, 112, 63, 92, 27, 108, 51, 35, 96, 87, 121, 43, 48, 41, 68, 66, 14, 9], [40, 54, 63, 36, 98, 122, 90, 20, 88, 81, 22, 123, 29, 78, 15, 93, 24, 13, 82, 33, 57, 62, 115, 126, 26, 38, 91, 68, 83, 51, 27, 76, 8, 61, 125, 120, 92, 114, 17, 127, 113, 34, 45, 124, 121, 21, 74, 19, 10, 11, 59, 100, 116, 50, 117, 119, 56, 46, 55, 97, 118, 73, 70, 16, 94, 31, 84, 53, 44, 107, 52, 28, 23, 48, 111, 106, 75, 109, 87, 18, 49, 77, 72, 80, 96, 69, 30, 35, 43, 25, 79, 89, 108, 112, 85, 0, 71, 32, 95, 101, 99, 1, 47, 39, 9, 2, 65, 58, 6, 37, 42, 4, 110, 105, 41, 103, 102, 60, 86, 14, 67, 3, 5, 104, 66, 64, 12, 7], [40, 54, 98, 63, 29, 82, 20, 76, 16, 122, 22, 71, 88, 50, 36, 3, 78, 90, 26, 93, 8, 73, 7, 83, 13, 61, 123, 15, 81, 84, 87, 5, 80, 66, 17, 64, 127, 115, 21, 77, 89, 74, 113, 65, 62, 12, 0, 125, 120, 100, 119, 86, 27, 23, 104, 97, 52, 91, 116, 121, 24, 2, 59, 19, 55, 112, 10, 57, 18, 48, 14, 51, 79, 118, 126, 9, 11, 43, 69, 53, 49, 92, 124, 45, 114, 56, 106, 6, 4, 111, 25, 33, 31, 117, 95, 70, 34, 30, 94, 67, 32, 85, 72, 46, 110, 28, 75, 37, 58, 38, 35, 103, 96, 99, 108, 42, 102, 109, 105, 101, 47, 1, 68, 60, 39, 41, 107, 44], [40, 61, 63, 122, 98, 54, 26, 123, 29, 88, 20, 24, 113, 93, 57, 22, 81, 90, 127, 125, 82, 78, 45, 76, 16, 73, 91, 92, 44, 121, 99, 32, 50, 62, 96, 19, 85, 38, 107, 15, 106, 28, 126, 47, 118, 112, 41, 120, 31, 109, 105, 119, 46, 116, 102, 21, 51, 39, 23, 74, 111, 117, 14, 55, 37, 43, 33, 89, 86, 35, 94, 53, 42, 103, 52, 5, 69, 60, 114, 110, 97, 115, 49, 80, 58, 12, 27, 17, 95, 13, 124, 108, 56, 48, 71, 59, 100, 83, 36, 104, 25, 101, 84, 87, 11, 30, 3, 10, 79, 66, 0, 64, 75, 68, 2, 34, 9, 18, 65, 8, 70, 1, 77, 6, 67, 4, 72, 7], [63, 40, 54, 122, 100, 123, 125, 127, 62, 57, 98, 113, 121, 119, 118, 59, 116, 115, 61, 51, 55, 114, 120, 53, 29, 124, 50, 52, 117, 91, 48, 56, 126, 20, 111, 26, 45, 36, 93, 88, 49, 112, 46, 87, 47, 25, 110, 27, 43, 106, 22, 81, 103, 109, 23, 108, 58, 60, 107, 99, 39, 38, 42, 44, 105, 41, 102, 96, 35, 101, 34, 33, 97, 37, 89, 104, 94, 92, 83, 21, 82, 28, 32, 79, 86, 24, 18, 90, 95, 15, 31, 16, 30, 75, 84, 13, 17, 85, 11, 80, 0, 73, 19, 74, 10, 2, 1, 72, 76, 64, 3, 69, 66, 68, 5, 8, 6, 78, 14, 71, 9, 70, 67, 77, 4, 12, 65, 7], [48, 52, 63, 116, 127, 55, 123, 61, 53, 54, 124, 117, 51, 56, 119, 62, 60, 122, 115, 126, 120, 112, 118, 59, 47, 111, 121, 49, 114, 57, 125, 58, 113, 50, 45, 46, 109, 36, 110, 101, 107, 108, 42, 44, 106, 43, 105, 98, 32, 96, 41, 38, 40, 39, 103, 100, 104, 37, 92, 102, 34, 90, 26, 99, 33, 35, 89, 93, 95, 97, 91, 31, 15, 94, 28, 20, 30, 23, 27, 29, 86, 22, 84, 17, 85, 81, 79, 87, 21, 25, 82, 76, 88, 14, 18, 74, 12, 72, 8, 10, 16, 83, 78, 24, 66, 69, 67, 5, 71, 77, 7, 3, 19, 11, 64, 2, 68, 80, 6, 4, 70, 73, 13, 75, 0, 1, 65, 9], [116, 52, 48, 101, 57, 37, 100, 97, 120, 59, 123, 94, 95, 63, 112, 114, 58, 54, 126, 38, 34, 60, 92, 50, 110, 127, 15, 125, 46, 39, 47, 113, 43, 55, 106, 61, 118, 56, 124, 111, 121, 44, 45, 99, 32, 22, 49, 105, 107, 103, 108, 119, 115, 40, 62, 51, 53, 42, 36, 109, 88, 85, 117, 98, 41, 122, 102, 35, 76, 91, 31, 23, 104, 89, 27, 28, 96, 90, 86, 30, 12, 17, 18, 20, 87, 26, 33, 29, 82, 84, 93, 25, 79, 14, 72, 21, 81, 24, 74, 83, 19, 10, 8, 78, 16, 80, 71, 5, 67, 69, 7, 3, 77, 11, 13, 73, 75, 2, 70, 9, 4, 66, 68, 6, 1, 65, 0, 64], [116, 48, 97, 101, 52, 88, 83, 77, 11, 16, 73, 4, 71, 22, 14, 70, 126, 85, 18, 61, 0, 2, 68, 42, 30, 64, 26, 27, 105, 55, 75, 9, 28, 80, 13, 93, 17, 47, 120, 65, 82, 121, 6, 24, 7, 67, 19, 41, 91, 5, 78, 118, 66, 37, 74, 127, 20, 69, 34, 21, 86, 10, 89, 23, 108, 3, 29, 31, 54, 57, 81, 53, 84, 87, 79, 114, 15, 36, 103, 72, 123, 50, 12, 8, 99, 1, 76, 45, 35, 43, 51, 33, 25, 92, 96, 98, 115, 46, 110, 94, 95, 90, 49, 112, 32, 113, 109, 102, 38, 44, 63, 39, 100, 106, 104, 40, 58, 59, 125, 60, 56, 124, 119, 62, 111, 107, 117, 122], [52, 63, 116, 48, 60, 114, 55, 51, 54, 122, 124, 53, 117, 125, 59, 127, 126, 120, 119, 47, 62, 58, 115, 123, 118, 61, 121, 111, 113, 46, 49, 101, 57, 56, 50, 109, 110, 45, 36, 112, 42, 98, 107, 32, 105, 43, 44, 97, 92, 106, 15, 108, 41, 37, 94, 90, 96, 104, 40, 103, 38, 39, 99, 100, 102, 35, 85, 34, 23, 26, 95, 33, 84, 29, 82, 87, 28, 30, 20, 27, 76, 93, 31, 91, 79, 89, 25, 17, 22, 86, 18, 81, 12, 21, 74, 8, 10, 72, 88, 5, 69, 24, 83, 14, 16, 71, 67, 78, 77, 7, 2, 3, 66, 4, 73, 9, 19, 13, 68, 11, 80, 0, 65, 75, 70, 6, 64, 1], [124, 49, 37, 55, 126, 61, 87, 118, 26, 93, 96, 121, 80, 12, 86, 119, 57, 84, 101, 50, 54, 60, 78, 123, 25, 90, 32, 67, 122, 18, 58, 85, 115, 112, 72, 29, 51, 16, 102, 120, 56, 6, 127, 59, 53, 15, 83, 52, 116, 34, 63, 92, 38, 89, 114, 62, 47, 46, 76, 79, 111, 103, 110, 104, 117, 125, 48, 98, 9, 44, 109, 36, 17, 43, 39, 45, 97, 81, 33, 21, 27, 107, 30, 10, 20, 108, 23, 106, 113, 35, 28, 31, 74, 73, 105, 42, 70, 88, 41, 22, 95, 91, 94, 11, 99, 13, 3, 19, 40, 77, 100, 24, 64, 14, 82, 75, 66, 4, 1, 69, 7, 0, 8, 65, 71, 68, 2, 5], [49, 124, 37, 55, 93, 61, 96, 126, 50, 118, 54, 57, 119, 123, 102, 121, 87, 79, 127, 112, 115, 53, 60, 122, 58, 125, 51, 120, 110, 114, 59, 85, 56, 90, 101, 26, 63, 62, 43, 116, 38, 36, 5, 46, 108, 113, 42, 52, 48, 117, 111, 44, 86, 47, 107, 41, 32, 30, 45, 109, 12, 39, 40, 104, 18, 35, 80, 105, 21, 103, 106, 24, 99, 20, 69, 100, 29, 25, 84, 33, 34, 73, 8, 92, 31, 98, 71, 89, 95, 77, 2, 94, 6, 23, 97, 91, 27, 17, 67, 28, 0, 88, 19, 11, 22, 64, 72, 15, 13, 7, 83, 16, 78, 3, 65, 81, 76, 9, 4, 70, 75, 82, 10, 74, 66, 14, 1, 68], [49, 124, 37, 55, 61, 126, 101, 118, 93, 119, 26, 87, 96, 50, 57, 123, 60, 121, 54, 21, 44, 115, 122, 58, 29, 12, 84, 85, 51, 56, 63, 90, 53, 120, 125, 47, 112, 102, 25, 59, 110, 62, 48, 116, 46, 52, 113, 114, 105, 100, 104, 45, 108, 111, 127, 43, 39, 86, 117, 103, 19, 109, 99, 27, 107, 38, 42, 28, 34, 88, 81, 80, 106, 41, 36, 72, 33, 31, 6, 40, 97, 79, 32, 35, 24, 78, 95, 98, 75, 30, 92, 67, 20, 73, 94, 17, 18, 83, 23, 82, 77, 91, 22, 10, 15, 89, 76, 14, 3, 69, 11, 8, 64, 13, 16, 70, 9, 7, 71, 0, 65, 74, 4, 5, 66, 1, 68, 2], [49, 124, 37, 55, 87, 61, 126, 118, 96, 50, 57, 123, 26, 80, 93, 101, 54, 121, 90, 86, 119, 60, 12, 122, 120, 51, 127, 115, 58, 53, 78, 84, 6, 56, 63, 114, 67, 112, 29, 52, 59, 47, 104, 85, 116, 113, 46, 25, 48, 125, 62, 102, 111, 20, 83, 65, 44, 89, 70, 16, 8, 110, 108, 107, 15, 79, 23, 21, 45, 18, 33, 99, 117, 109, 64, 92, 43, 35, 94, 72, 39, 40, 106, 32, 77, 42, 22, 2, 17, 0, 97, 71, 38, 27, 36, 103, 105, 10, 28, 76, 100, 14, 81, 30, 95, 73, 88, 34, 41, 4, 19, 9, 24, 3, 11, 13, 91, 31, 98, 69, 7, 68, 74, 82, 75, 1, 5, 66], [103, 34, 45, 28, 109, 84, 24, 38, 79, 17, 85, 86, 30, 92, 31, 12, 11, 95, 9, 22, 46, 111, 49, 23, 122, 116, 88, 14, 19, 63, 27, 36, 20, 75, 57, 44, 33, 121, 53, 107, 119, 52, 83, 115, 101, 113, 104, 124, 15, 50, 32, 48, 61, 100, 37, 97, 29, 91, 25, 94, 125, 108, 26, 93, 54, 73, 126, 106, 16, 55, 47, 56, 114, 40, 43, 42, 35, 117, 99, 112, 51, 120, 60, 21, 89, 58, 41, 123, 81, 102, 82, 62, 59, 110, 72, 105, 96, 127, 13, 90, 118, 18, 10, 87, 39, 8, 5, 98, 7, 68, 76, 78, 77, 6, 4, 80, 65, 69, 74, 67, 3, 66, 70, 1, 71, 2, 64, 0], [103, 45, 34, 28, 14, 109, 17, 12, 7, 84, 71, 66, 79, 9, 3, 5, 24, 85, 69, 44, 64, 65, 67, 31, 86, 10, 20, 96, 127, 98, 105, 81, 2, 61, 25, 76, 35, 38, 39, 51, 0, 63, 8, 124, 52, 49, 55, 72, 125, 58, 90, 23, 30, 68, 78, 19, 4, 92, 73, 75, 122, 115, 118, 57, 16, 88, 95, 111, 100, 70, 11, 77, 6, 74, 21, 46, 119, 102, 60, 89, 18, 113, 94, 13, 59, 97, 120, 83, 93, 121, 107, 126, 36, 80, 43, 53, 1, 40, 15, 116, 29, 110, 112, 54, 91, 22, 56, 123, 37, 50, 82, 48, 117, 101, 47, 41, 87, 114, 42, 99, 27, 62, 104, 33, 106, 108, 26, 32], [103, 45, 34, 38, 109, 0, 28, 79, 7, 3, 24, 84, 12, 9, 14, 2, 17, 66, 5, 31, 86, 85, 1, 67, 10, 125, 69, 122, 92, 57, 100, 25, 23, 20, 112, 64, 98, 35, 61, 58, 44, 121, 51, 26, 55, 22, 68, 21, 72, 118, 59, 49, 96, 81, 65, 105, 102, 75, 48, 82, 32, 30, 123, 70, 63, 52, 74, 90, 54, 46, 93, 13, 76, 36, 60, 111, 116, 88, 56, 124, 42, 119, 104, 6, 126, 127, 8, 120, 50, 89, 40, 110, 73, 71, 115, 18, 80, 4, 114, 94, 95, 83, 19, 91, 43, 108, 16, 62, 117, 47, 39, 29, 78, 99, 77, 15, 113, 53, 27, 107, 87, 37, 106, 97, 101, 41, 11, 33], [103, 34, 45, 28, 109, 84, 79, 24, 31, 92, 17, 86, 22, 12, 108, 63, 9, 29, 88, 30, 102, 55, 25, 89, 98, 122, 112, 58, 14, 105, 104, 53, 100, 27, 49, 20, 61, 11, 50, 57, 114, 72, 113, 33, 42, 121, 127, 81, 95, 52, 116, 38, 23, 35, 90, 83, 36, 85, 111, 124, 41, 93, 125, 18, 126, 46, 77, 39, 74, 94, 115, 123, 80, 5, 101, 59, 26, 82, 62, 119, 16, 73, 19, 13, 43, 21, 47, 118, 96, 76, 56, 32, 15, 91, 48, 51, 87, 99, 110, 106, 78, 44, 117, 97, 75, 7, 37, 8, 10, 107, 70, 54, 60, 4, 6, 120, 68, 40, 69, 3, 71, 66, 67, 65, 1, 64, 0, 2]], "model.layers.16.self_attn.k_proj": [[125, 61, 86, 36, 96, 127, 17, 115, 121, 49, 30, 62, 63, 55, 57, 113, 60, 54, 26, 122, 53, 39, 51, 118, 48, 56, 126, 107, 116, 47, 112, 59, 52, 29, 58, 108, 124, 87, 40, 114, 120, 109, 44, 119, 123, 117, 79, 50, 27, 83, 11, 20, 110, 46, 78, 18, 43, 45, 111, 13, 25, 85, 98, 105, 106, 97, 41, 24, 42, 104, 72, 16, 82, 33, 71, 38, 101, 103, 9, 34, 28, 76, 10, 37, 91, 102, 100, 89, 31, 88, 35, 4, 99, 22, 70, 80, 95, 5, 94, 92, 21, 15, 14, 2, 32, 90, 19, 93, 77, 12, 65, 84, 23, 81, 0, 7, 3, 67, 73, 75, 6, 8, 74, 1, 69, 68, 66, 64], [106, 94, 34, 124, 116, 24, 63, 19, 52, 59, 85, 17, 15, 42, 55, 60, 121, 10, 70, 78, 12, 120, 27, 49, 8, 117, 111, 58, 47, 108, 114, 53, 109, 64, 68, 18, 1, 66, 4, 126, 123, 50, 122, 22, 44, 102, 45, 91, 51, 125, 46, 127, 90, 0, 119, 62, 112, 54, 56, 11, 84, 105, 104, 48, 61, 100, 28, 57, 41, 110, 40, 113, 115, 95, 118, 14, 80, 92, 103, 37, 77, 107, 101, 76, 73, 69, 2, 16, 26, 89, 32, 99, 43, 31, 13, 35, 9, 36, 23, 33, 97, 87, 20, 25, 7, 39, 93, 65, 96, 38, 75, 71, 67, 3, 86, 29, 74, 79, 5, 88, 82, 21, 83, 30, 72, 6, 98, 81], [103, 51, 120, 34, 86, 56, 48, 95, 123, 115, 112, 119, 53, 28, 54, 122, 58, 89, 60, 126, 52, 88, 40, 82, 61, 15, 124, 118, 111, 50, 121, 63, 46, 57, 113, 47, 62, 125, 117, 55, 107, 116, 20, 26, 114, 98, 91, 108, 110, 8, 59, 45, 49, 44, 81, 11, 43, 127, 109, 13, 42, 4, 38, 105, 93, 65, 41, 73, 106, 6, 64, 30, 16, 68, 37, 24, 27, 104, 72, 23, 102, 35, 33, 36, 85, 29, 80, 100, 76, 94, 101, 99, 12, 9, 87, 97, 14, 67, 1, 21, 79, 19, 66, 83, 71, 78, 17, 32, 90, 96, 10, 7, 2, 18, 92, 0, 70, 74, 77, 25, 5, 3, 84, 39, 69, 31, 75, 22], [106, 36, 90, 18, 85, 47, 20, 42, 79, 77, 110, 16, 58, 72, 75, 124, 126, 73, 78, 70, 56, 127, 109, 117, 119, 114, 30, 95, 120, 40, 86, 4, 125, 65, 108, 76, 112, 62, 45, 52, 43, 67, 60, 99, 88, 61, 96, 51, 39, 53, 111, 0, 66, 54, 93, 97, 69, 68, 8, 100, 19, 116, 25, 55, 38, 74, 13, 103, 32, 91, 29, 115, 48, 6, 23, 57, 89, 41, 107, 64, 123, 11, 2, 31, 7, 5, 63, 101, 81, 1, 44, 94, 50, 122, 104, 92, 87, 27, 28, 17, 49, 46, 37, 105, 34, 3, 118, 12, 113, 33, 71, 83, 35, 121, 22, 80, 59, 102, 14, 9, 26, 98, 15, 82, 24, 84, 10, 21], [104, 54, 63, 34, 22, 93, 122, 120, 90, 123, 62, 119, 125, 121, 126, 127, 61, 50, 88, 59, 113, 51, 118, 81, 52, 20, 16, 116, 115, 76, 55, 64, 46, 82, 57, 53, 48, 114, 117, 56, 71, 60, 73, 91, 124, 45, 69, 111, 78, 49, 39, 109, 13, 106, 110, 43, 112, 2, 58, 44, 15, 108, 1, 87, 98, 47, 74, 11, 102, 67, 42, 80, 79, 41, 29, 100, 103, 37, 105, 96, 107, 35, 14, 92, 97, 21, 28, 25, 26, 10, 85, 95, 83, 99, 32, 19, 38, 9, 101, 8, 18, 33, 30, 70, 94, 36, 12, 72, 3, 31, 65, 68, 23, 75, 24, 40, 77, 27, 6, 89, 4, 86, 66, 84, 17, 0, 7, 5], [52, 116, 37, 48, 83, 16, 77, 33, 22, 88, 11, 112, 73, 70, 4, 71, 14, 126, 61, 127, 63, 0, 2, 50, 123, 106, 1, 121, 29, 44, 51, 55, 58, 114, 60, 111, 120, 57, 125, 93, 115, 30, 118, 56, 108, 110, 91, 122, 119, 99, 53, 49, 113, 124, 59, 54, 85, 62, 105, 117, 46, 47, 109, 107, 41, 43, 40, 102, 104, 42, 90, 103, 35, 81, 74, 101, 45, 95, 38, 75, 18, 39, 98, 8, 92, 5, 36, 9, 67, 12, 25, 32, 96, 20, 97, 34, 100, 3, 65, 94, 31, 21, 78, 89, 13, 23, 69, 24, 82, 17, 84, 87, 19, 76, 15, 64, 7, 79, 10, 28, 6, 27, 80, 72, 68, 26, 66, 86], [124, 49, 101, 113, 86, 55, 32, 126, 57, 118, 29, 54, 61, 119, 121, 50, 123, 120, 26, 58, 122, 53, 115, 51, 114, 52, 63, 47, 60, 56, 125, 116, 62, 59, 111, 112, 48, 45, 108, 80, 46, 109, 44, 103, 99, 18, 127, 87, 43, 117, 78, 110, 107, 105, 37, 42, 106, 40, 102, 98, 72, 64, 104, 12, 39, 97, 73, 3, 20, 38, 84, 41, 21, 19, 36, 100, 17, 79, 94, 92, 33, 34, 25, 30, 23, 35, 85, 89, 27, 68, 81, 6, 31, 28, 24, 10, 77, 95, 14, 91, 4, 70, 93, 83, 88, 66, 1, 16, 96, 11, 5, 71, 90, 75, 0, 22, 7, 67, 13, 65, 74, 82, 15, 9, 8, 2, 76, 69], [109, 39, 98, 84, 92, 12, 17, 64, 7, 79, 14, 9, 5, 45, 3, 66, 61, 121, 41, 49, 122, 52, 86, 95, 127, 58, 21, 119, 40, 111, 124, 55, 65, 57, 118, 63, 51, 24, 23, 126, 48, 116, 25, 102, 28, 72, 30, 60, 34, 1, 22, 44, 125, 47, 0, 106, 59, 100, 18, 120, 90, 80, 82, 117, 112, 32, 97, 46, 89, 36, 29, 104, 6, 11, 19, 4, 70, 53, 26, 74, 123, 93, 77, 35, 108, 99, 85, 68, 62, 27, 50, 16, 56, 8, 107, 31, 115, 88, 114, 78, 83, 15, 91, 38, 20, 105, 94, 37, 42, 76, 13, 54, 43, 96, 110, 10, 87, 33, 73, 101, 113, 2, 71, 81, 67, 69, 75, 103]], "model.layers.16.self_attn.qk_proj": [[106, 124, 125, 116, 61, 52, 109, 42, 49, 63, 51, 54, 120, 48, 121, 45, 53, 123, 55, 119, 127, 56, 58, 98, 126, 28, 22, 39, 34, 122, 26, 84, 20, 88, 86, 79, 57, 15, 36, 59, 112, 101, 37, 40, 100, 62, 113, 118, 103, 50, 24, 30, 47, 117, 81, 85, 78, 111, 21, 115, 104, 12, 60, 29, 82, 14, 17, 76, 93, 90, 9, 92, 114, 80, 18, 16, 73, 94, 77, 110, 11, 31, 44, 83, 95, 27, 13, 46, 19, 72, 96, 108, 71, 75, 70, 25, 107, 102, 89, 64, 91, 32, 43, 97, 3, 7, 87, 23, 8, 68, 0, 41, 4, 67, 38, 6, 69, 5, 74, 105, 33, 2, 66, 10, 35, 99, 1, 65], [106, 124, 125, 61, 116, 52, 109, 42, 63, 49, 51, 54, 120, 48, 45, 121, 56, 123, 119, 127, 98, 58, 55, 53, 28, 126, 34, 39, 20, 86, 22, 118, 36, 26, 88, 84, 37, 79, 122, 47, 15, 59, 57, 111, 113, 24, 101, 112, 40, 115, 21, 100, 62, 30, 103, 85, 117, 60, 81, 29, 78, 76, 114, 14, 50, 104, 12, 92, 17, 90, 82, 93, 73, 9, 44, 77, 94, 16, 31, 18, 108, 80, 11, 72, 27, 46, 83, 13, 95, 96, 70, 107, 75, 110, 89, 19, 25, 7, 64, 102, 0, 87, 91, 38, 67, 8, 32, 71, 97, 43, 4, 68, 23, 5, 69, 41, 3, 105, 2, 74, 66, 35, 33, 1, 99, 6, 65, 10], [106, 125, 124, 116, 61, 52, 109, 42, 49, 63, 51, 54, 120, 48, 45, 121, 119, 123, 55, 98, 126, 56, 127, 58, 53, 28, 34, 39, 88, 36, 101, 122, 86, 84, 26, 100, 22, 20, 47, 113, 118, 57, 62, 79, 24, 59, 112, 85, 15, 40, 37, 103, 81, 50, 111, 104, 21, 60, 117, 29, 115, 30, 114, 93, 14, 90, 78, 12, 94, 17, 18, 92, 9, 27, 73, 44, 82, 76, 64, 31, 102, 110, 13, 95, 80, 83, 16, 96, 91, 11, 0, 77, 46, 25, 108, 72, 70, 19, 32, 107, 38, 75, 7, 71, 87, 4, 68, 3, 89, 8, 97, 41, 23, 1, 66, 69, 105, 67, 2, 65, 33, 35, 43, 5, 74, 99, 6, 10], [106, 125, 124, 116, 61, 52, 63, 109, 49, 42, 51, 54, 120, 48, 45, 121, 53, 123, 119, 56, 127, 58, 98, 55, 126, 28, 39, 59, 62, 57, 22, 20, 79, 101, 118, 34, 36, 26, 84, 100, 47, 113, 122, 86, 37, 24, 115, 112, 111, 40, 117, 15, 50, 30, 88, 103, 85, 104, 81, 29, 21, 14, 78, 60, 90, 92, 114, 93, 17, 94, 76, 27, 9, 73, 18, 0, 12, 44, 82, 80, 110, 16, 83, 13, 96, 77, 46, 108, 102, 70, 31, 19, 11, 107, 95, 72, 75, 7, 25, 97, 91, 38, 67, 87, 89, 71, 68, 8, 4, 41, 43, 64, 3, 2, 32, 66, 69, 23, 1, 5, 105, 33, 65, 35, 10, 99, 74, 6], [106, 124, 125, 116, 61, 52, 63, 49, 109, 42, 51, 54, 120, 48, 45, 121, 56, 123, 119, 53, 127, 126, 58, 55, 98, 57, 20, 22, 34, 39, 86, 47, 122, 59, 101, 118, 28, 112, 79, 62, 50, 84, 15, 40, 100, 88, 26, 36, 103, 111, 24, 117, 114, 81, 37, 30, 115, 85, 104, 14, 17, 113, 18, 78, 12, 93, 29, 60, 44, 76, 27, 73, 9, 90, 21, 94, 11, 80, 92, 13, 83, 68, 82, 107, 110, 77, 16, 46, 108, 64, 19, 31, 102, 72, 95, 0, 96, 25, 7, 8, 71, 4, 70, 67, 75, 41, 3, 91, 38, 69, 87, 23, 89, 2, 43, 32, 97, 1, 5, 33, 66, 6, 105, 35, 65, 99, 74, 10], [106, 124, 125, 116, 61, 52, 63, 109, 42, 49, 51, 54, 120, 48, 45, 121, 119, 123, 58, 127, 56, 126, 53, 98, 55, 20, 26, 22, 34, 47, 79, 57, 39, 84, 86, 62, 118, 59, 15, 103, 101, 88, 28, 36, 100, 111, 81, 24, 112, 122, 37, 50, 85, 30, 40, 60, 78, 117, 114, 14, 17, 29, 76, 104, 93, 27, 12, 21, 80, 82, 18, 73, 90, 16, 11, 94, 113, 13, 9, 92, 77, 44, 83, 115, 31, 19, 46, 110, 108, 107, 75, 96, 89, 25, 72, 8, 95, 7, 64, 23, 71, 6, 32, 91, 102, 0, 41, 97, 43, 69, 68, 87, 4, 67, 3, 70, 105, 5, 2, 35, 38, 66, 65, 33, 74, 99, 1, 10], [106, 125, 124, 116, 61, 52, 63, 109, 42, 49, 51, 120, 54, 48, 45, 119, 121, 127, 53, 56, 123, 126, 58, 98, 55, 20, 26, 57, 122, 84, 86, 22, 88, 34, 79, 118, 36, 47, 62, 28, 39, 81, 15, 24, 112, 101, 103, 37, 50, 59, 40, 30, 114, 100, 111, 85, 14, 78, 115, 90, 18, 117, 12, 17, 104, 29, 93, 27, 80, 21, 60, 113, 44, 76, 73, 94, 9, 82, 16, 83, 11, 92, 13, 77, 110, 107, 95, 19, 25, 31, 96, 108, 46, 41, 43, 75, 71, 89, 23, 102, 97, 6, 91, 32, 8, 7, 0, 72, 38, 3, 33, 67, 87, 64, 2, 69, 4, 35, 68, 74, 105, 5, 99, 66, 70, 10, 65, 1], [106, 124, 116, 125, 61, 52, 109, 42, 63, 49, 51, 54, 120, 48, 45, 119, 121, 127, 53, 56, 123, 55, 126, 98, 58, 22, 20, 26, 28, 84, 39, 86, 122, 101, 34, 57, 88, 36, 24, 100, 79, 15, 30, 81, 103, 37, 40, 112, 111, 62, 59, 85, 115, 47, 50, 118, 14, 113, 60, 117, 90, 17, 78, 93, 21, 114, 29, 104, 92, 80, 18, 12, 27, 16, 82, 73, 9, 13, 25, 76, 83, 95, 96, 44, 94, 77, 46, 107, 32, 11, 43, 91, 110, 102, 6, 19, 8, 31, 89, 0, 108, 75, 71, 64, 23, 41, 7, 97, 68, 105, 87, 33, 38, 72, 67, 3, 66, 4, 99, 35, 69, 2, 74, 5, 65, 1, 70, 10], [106, 124, 116, 125, 61, 52, 109, 42, 63, 51, 49, 54, 120, 48, 45, 127, 119, 121, 53, 98, 56, 55, 58, 34, 28, 123, 22, 20, 39, 126, 84, 101, 26, 88, 103, 86, 24, 100, 122, 36, 37, 79, 85, 112, 50, 111, 15, 30, 47, 57, 115, 113, 59, 60, 40, 62, 118, 17, 81, 78, 114, 14, 12, 21, 93, 90, 104, 117, 29, 18, 27, 76, 82, 80, 44, 108, 92, 16, 9, 73, 95, 13, 25, 77, 94, 83, 46, 96, 102, 19, 11, 8, 31, 107, 43, 75, 6, 91, 89, 0, 71, 110, 32, 23, 87, 64, 7, 97, 33, 41, 2, 38, 4, 72, 105, 67, 68, 66, 3, 35, 5, 69, 99, 1, 10, 74, 65, 70], [106, 124, 125, 61, 116, 52, 109, 42, 63, 49, 51, 54, 48, 120, 45, 121, 127, 119, 53, 56, 123, 55, 98, 58, 126, 34, 28, 101, 20, 57, 59, 84, 22, 26, 47, 115, 39, 103, 118, 36, 37, 122, 88, 50, 86, 100, 79, 111, 15, 24, 117, 113, 30, 40, 112, 17, 85, 62, 21, 12, 81, 78, 104, 60, 90, 44, 14, 9, 93, 29, 114, 18, 76, 92, 82, 16, 8, 94, 110, 27, 80, 73, 13, 83, 108, 46, 95, 96, 11, 75, 77, 6, 102, 7, 0, 64, 25, 19, 31, 32, 107, 71, 89, 3, 72, 38, 43, 4, 97, 23, 70, 91, 5, 33, 41, 68, 67, 2, 87, 66, 69, 99, 35, 74, 105, 1, 65, 10], [106, 124, 116, 125, 61, 52, 109, 42, 63, 49, 54, 51, 120, 48, 121, 45, 127, 53, 123, 119, 56, 58, 98, 55, 126, 122, 118, 57, 28, 34, 20, 15, 84, 39, 79, 22, 59, 86, 101, 26, 100, 50, 81, 88, 36, 113, 85, 37, 47, 111, 24, 40, 30, 115, 62, 60, 17, 112, 9, 12, 14, 78, 103, 117, 82, 21, 76, 73, 29, 104, 8, 18, 92, 90, 114, 93, 16, 27, 44, 94, 11, 0, 13, 80, 77, 83, 31, 64, 19, 68, 110, 7, 108, 75, 71, 70, 96, 107, 72, 25, 46, 4, 91, 67, 102, 95, 32, 89, 3, 87, 6, 2, 66, 1, 69, 5, 23, 65, 38, 97, 41, 33, 35, 105, 43, 74, 10, 99], [106, 124, 116, 125, 61, 52, 63, 109, 42, 49, 51, 54, 120, 48, 45, 121, 127, 53, 119, 58, 56, 126, 98, 123, 122, 86, 84, 22, 34, 20, 26, 57, 15, 55, 118, 28, 39, 79, 62, 47, 100, 101, 30, 50, 40, 88, 36, 37, 85, 103, 81, 112, 111, 59, 24, 17, 76, 115, 113, 14, 21, 60, 78, 117, 90, 114, 29, 82, 104, 12, 18, 9, 73, 16, 93, 27, 92, 94, 31, 80, 83, 44, 13, 77, 0, 110, 11, 95, 8, 19, 71, 46, 70, 102, 96, 108, 75, 91, 7, 72, 89, 68, 87, 4, 32, 64, 107, 25, 38, 67, 41, 66, 3, 43, 23, 97, 5, 69, 33, 2, 99, 6, 105, 10, 65, 35, 74, 1], [106, 124, 116, 125, 61, 52, 63, 109, 49, 42, 51, 120, 54, 48, 121, 45, 119, 53, 127, 56, 58, 123, 98, 126, 20, 26, 101, 39, 34, 22, 28, 118, 86, 37, 47, 57, 122, 88, 84, 114, 112, 79, 40, 55, 103, 62, 30, 59, 15, 36, 24, 100, 85, 50, 60, 113, 21, 117, 111, 115, 90, 81, 29, 93, 78, 104, 17, 82, 94, 92, 14, 18, 76, 95, 27, 44, 46, 12, 16, 9, 25, 108, 110, 31, 96, 19, 77, 13, 73, 83, 102, 70, 80, 43, 11, 107, 75, 91, 71, 87, 32, 89, 7, 41, 38, 72, 23, 97, 8, 99, 35, 0, 33, 67, 105, 5, 3, 68, 4, 64, 69, 66, 2, 74, 1, 10, 6, 65], [106, 124, 116, 125, 61, 52, 109, 63, 42, 49, 51, 54, 120, 48, 45, 121, 119, 53, 58, 123, 127, 126, 98, 56, 55, 20, 22, 28, 39, 57, 34, 101, 112, 118, 47, 122, 26, 79, 100, 37, 88, 59, 84, 86, 50, 36, 15, 62, 85, 30, 24, 115, 40, 114, 103, 81, 117, 104, 111, 60, 78, 113, 14, 12, 93, 76, 17, 82, 21, 29, 16, 73, 18, 90, 94, 9, 92, 11, 27, 70, 80, 44, 77, 64, 46, 83, 19, 72, 110, 71, 96, 31, 108, 75, 89, 0, 8, 13, 95, 25, 7, 107, 91, 97, 102, 2, 32, 43, 41, 67, 4, 87, 38, 68, 66, 23, 35, 3, 69, 65, 99, 5, 33, 10, 1, 105, 74, 6], [106, 124, 116, 125, 61, 52, 109, 63, 42, 51, 54, 49, 120, 48, 45, 121, 119, 53, 58, 127, 98, 55, 123, 126, 56, 20, 39, 22, 28, 34, 101, 15, 84, 118, 122, 47, 88, 86, 26, 79, 57, 37, 100, 30, 59, 36, 62, 24, 40, 112, 111, 115, 85, 81, 117, 50, 17, 103, 9, 78, 104, 29, 76, 93, 114, 14, 12, 113, 60, 90, 92, 94, 21, 82, 16, 73, 11, 18, 31, 80, 77, 27, 64, 46, 108, 75, 72, 19, 110, 83, 71, 44, 96, 25, 70, 102, 91, 8, 13, 41, 7, 107, 95, 4, 43, 87, 89, 67, 0, 68, 32, 3, 2, 97, 65, 38, 5, 33, 66, 69, 74, 6, 23, 35, 99, 10, 105, 1], [106, 125, 116, 124, 61, 52, 63, 109, 42, 49, 54, 51, 120, 48, 45, 121, 119, 53, 127, 56, 123, 55, 58, 98, 126, 39, 20, 118, 86, 122, 22, 28, 84, 101, 57, 26, 15, 37, 30, 79, 34, 112, 36, 47, 59, 62, 88, 50, 111, 100, 103, 81, 85, 60, 113, 24, 78, 117, 115, 40, 76, 114, 14, 12, 9, 29, 104, 93, 73, 90, 17, 18, 77, 82, 21, 94, 44, 108, 16, 31, 92, 96, 80, 110, 11, 83, 19, 46, 75, 13, 27, 72, 0, 107, 71, 7, 102, 8, 91, 70, 87, 43, 41, 64, 4, 25, 68, 23, 95, 3, 67, 97, 89, 32, 38, 6, 69, 2, 33, 5, 66, 74, 65, 105, 35, 1, 99, 10], [106, 124, 125, 116, 61, 52, 63, 109, 49, 42, 51, 54, 120, 48, 45, 121, 53, 119, 127, 98, 58, 126, 123, 56, 20, 26, 57, 122, 28, 101, 39, 22, 55, 36, 86, 84, 37, 34, 50, 112, 59, 15, 79, 100, 30, 114, 40, 88, 47, 115, 24, 62, 81, 118, 60, 21, 103, 85, 90, 14, 93, 104, 29, 111, 17, 117, 78, 94, 82, 16, 110, 76, 44, 113, 92, 108, 18, 9, 12, 27, 96, 77, 80, 19, 102, 25, 46, 83, 95, 73, 31, 75, 43, 13, 107, 91, 11, 72, 38, 41, 89, 32, 97, 6, 87, 64, 71, 7, 23, 35, 33, 0, 99, 66, 8, 5, 105, 67, 3, 68, 4, 69, 70, 74, 2, 65, 1, 10], [106, 124, 116, 125, 61, 52, 109, 63, 42, 51, 49, 54, 120, 48, 45, 121, 127, 119, 53, 98, 123, 58, 56, 126, 28, 39, 101, 55, 122, 26, 20, 22, 100, 86, 57, 36, 34, 59, 118, 84, 40, 15, 88, 37, 30, 117, 103, 79, 50, 24, 113, 111, 112, 62, 114, 14, 17, 60, 85, 29, 115, 81, 21, 47, 93, 44, 76, 104, 90, 95, 16, 82, 9, 27, 94, 78, 92, 73, 18, 12, 80, 108, 75, 77, 96, 31, 6, 110, 83, 72, 13, 0, 107, 46, 102, 11, 19, 91, 7, 43, 25, 87, 32, 64, 38, 97, 89, 41, 71, 23, 33, 8, 105, 2, 4, 67, 69, 3, 68, 35, 66, 74, 99, 65, 5, 1, 70, 10], [106, 124, 125, 116, 61, 52, 109, 63, 42, 49, 54, 51, 120, 48, 45, 53, 121, 119, 127, 56, 98, 58, 123, 101, 126, 34, 36, 55, 39, 118, 40, 59, 28, 20, 50, 103, 86, 115, 37, 111, 26, 100, 57, 22, 84, 24, 122, 15, 47, 88, 113, 30, 114, 62, 112, 79, 117, 104, 44, 60, 21, 81, 29, 14, 108, 78, 90, 82, 94, 76, 17, 85, 93, 92, 73, 16, 110, 18, 9, 12, 27, 102, 31, 46, 41, 77, 83, 80, 107, 75, 6, 19, 72, 95, 96, 89, 87, 8, 13, 43, 7, 11, 38, 97, 64, 0, 105, 25, 91, 23, 32, 71, 4, 33, 3, 35, 99, 69, 67, 68, 5, 66, 2, 74, 1, 65, 10, 70], [106, 124, 125, 116, 61, 52, 63, 109, 42, 49, 51, 54, 120, 48, 45, 53, 121, 119, 123, 127, 98, 58, 56, 55, 20, 39, 126, 22, 28, 57, 59, 37, 86, 34, 101, 84, 36, 118, 15, 122, 100, 30, 79, 26, 47, 103, 111, 40, 115, 24, 88, 117, 112, 113, 50, 90, 85, 81, 114, 29, 21, 14, 94, 92, 62, 93, 60, 12, 104, 78, 76, 82, 44, 27, 110, 17, 73, 80, 108, 9, 31, 77, 18, 75, 96, 83, 16, 13, 6, 95, 25, 72, 91, 11, 46, 19, 89, 102, 7, 107, 8, 0, 41, 23, 87, 32, 64, 71, 43, 105, 38, 35, 97, 33, 67, 69, 3, 68, 4, 5, 1, 99, 65, 74, 2, 66, 10, 70], [106, 124, 116, 125, 61, 52, 63, 109, 42, 49, 51, 54, 120, 48, 45, 121, 53, 119, 123, 127, 58, 56, 98, 57, 126, 22, 86, 59, 122, 34, 28, 20, 15, 100, 39, 84, 101, 26, 55, 103, 36, 40, 118, 88, 113, 37, 79, 47, 62, 114, 24, 78, 30, 117, 111, 115, 112, 50, 85, 81, 90, 76, 29, 93, 60, 17, 27, 14, 92, 9, 94, 104, 12, 44, 18, 73, 21, 82, 80, 108, 110, 83, 31, 16, 75, 13, 95, 46, 77, 96, 91, 19, 107, 89, 72, 11, 0, 25, 43, 102, 6, 7, 8, 41, 64, 87, 71, 32, 23, 97, 38, 3, 68, 33, 5, 67, 35, 4, 66, 105, 1, 74, 70, 69, 2, 65, 99, 10], [106, 124, 125, 116, 61, 52, 109, 63, 42, 49, 51, 54, 120, 48, 45, 121, 123, 53, 119, 127, 98, 58, 56, 126, 59, 28, 57, 39, 55, 34, 101, 26, 22, 20, 122, 84, 15, 36, 103, 86, 47, 88, 100, 115, 113, 118, 24, 79, 112, 62, 30, 37, 114, 111, 40, 117, 85, 21, 104, 90, 78, 76, 81, 29, 93, 14, 17, 110, 108, 50, 60, 18, 27, 94, 44, 92, 82, 9, 16, 73, 80, 83, 13, 12, 25, 0, 31, 77, 46, 102, 107, 64, 95, 19, 7, 8, 96, 75, 11, 91, 97, 38, 43, 72, 71, 87, 70, 4, 89, 67, 32, 3, 23, 6, 68, 2, 33, 66, 41, 5, 65, 1, 35, 69, 105, 99, 74, 10], [106, 124, 116, 125, 61, 52, 63, 49, 109, 42, 51, 54, 120, 48, 45, 53, 119, 121, 123, 58, 127, 98, 56, 126, 57, 122, 34, 86, 84, 101, 26, 22, 36, 28, 20, 39, 59, 55, 15, 100, 114, 103, 115, 88, 47, 37, 30, 62, 111, 113, 24, 85, 40, 79, 90, 112, 118, 29, 81, 50, 60, 117, 104, 76, 14, 78, 93, 17, 21, 94, 92, 82, 18, 44, 27, 80, 9, 110, 73, 77, 31, 16, 95, 108, 12, 11, 83, 13, 25, 46, 107, 19, 102, 64, 70, 96, 91, 8, 43, 87, 41, 7, 75, 4, 71, 32, 38, 97, 72, 68, 33, 89, 0, 35, 23, 3, 2, 1, 65, 105, 5, 69, 67, 66, 74, 99, 10, 6], [106, 124, 116, 125, 61, 52, 63, 109, 42, 49, 51, 54, 120, 48, 45, 53, 121, 119, 123, 58, 98, 127, 56, 126, 57, 59, 55, 28, 34, 26, 22, 103, 101, 86, 62, 84, 39, 118, 36, 122, 79, 88, 20, 30, 15, 117, 100, 37, 112, 40, 81, 111, 113, 114, 24, 47, 29, 115, 93, 50, 85, 90, 21, 76, 78, 14, 104, 94, 12, 92, 17, 27, 44, 82, 73, 60, 18, 9, 31, 80, 108, 70, 95, 46, 110, 16, 19, 75, 77, 8, 13, 11, 83, 96, 91, 25, 89, 102, 32, 72, 107, 7, 97, 87, 43, 38, 23, 35, 71, 41, 3, 0, 105, 33, 4, 68, 64, 74, 69, 67, 5, 66, 2, 10, 65, 1, 99, 6], [106, 125, 116, 124, 61, 52, 63, 109, 49, 42, 51, 54, 120, 48, 45, 121, 119, 53, 58, 98, 127, 56, 123, 126, 122, 26, 34, 59, 20, 55, 28, 84, 86, 22, 39, 100, 88, 15, 101, 62, 57, 118, 36, 103, 47, 79, 50, 37, 85, 40, 30, 112, 81, 117, 24, 114, 111, 14, 115, 113, 60, 76, 104, 110, 17, 93, 18, 90, 44, 78, 21, 80, 108, 82, 73, 94, 29, 12, 31, 9, 92, 27, 70, 46, 16, 77, 95, 83, 13, 19, 11, 107, 75, 8, 96, 25, 102, 71, 7, 89, 41, 23, 0, 91, 64, 87, 32, 38, 72, 43, 33, 67, 97, 68, 3, 66, 4, 5, 105, 69, 35, 74, 1, 2, 10, 65, 99, 6], [106, 116, 124, 125, 61, 52, 63, 109, 49, 42, 51, 54, 120, 48, 45, 121, 53, 98, 119, 56, 127, 123, 122, 58, 55, 59, 26, 20, 126, 28, 86, 22, 101, 100, 88, 84, 34, 39, 15, 115, 36, 57, 40, 79, 62, 37, 30, 85, 113, 118, 50, 44, 117, 24, 111, 112, 103, 60, 47, 81, 114, 93, 29, 108, 21, 94, 78, 104, 76, 17, 90, 14, 110, 12, 92, 9, 18, 46, 73, 82, 80, 77, 102, 31, 95, 27, 16, 83, 11, 25, 8, 96, 13, 19, 107, 75, 91, 70, 41, 105, 71, 89, 23, 0, 7, 43, 38, 72, 87, 67, 32, 97, 64, 35, 33, 68, 4, 99, 2, 74, 5, 66, 69, 3, 1, 6, 65, 10], [106, 124, 116, 125, 61, 52, 109, 63, 42, 49, 51, 54, 120, 48, 121, 45, 123, 127, 55, 53, 98, 56, 122, 119, 126, 40, 58, 26, 28, 34, 86, 60, 57, 39, 20, 88, 101, 115, 118, 36, 22, 37, 100, 59, 103, 84, 15, 47, 50, 79, 62, 117, 85, 30, 104, 111, 24, 90, 112, 114, 93, 81, 44, 78, 113, 29, 12, 76, 17, 9, 21, 18, 14, 82, 31, 102, 27, 95, 108, 16, 96, 110, 73, 92, 80, 46, 94, 77, 83, 8, 19, 75, 41, 11, 13, 25, 64, 89, 91, 23, 7, 71, 32, 38, 97, 0, 107, 43, 67, 68, 33, 72, 6, 3, 87, 105, 4, 70, 66, 2, 69, 35, 74, 65, 5, 99, 1, 10], [106, 124, 125, 116, 61, 52, 63, 109, 42, 49, 54, 51, 120, 48, 45, 121, 123, 55, 56, 53, 119, 58, 98, 127, 122, 28, 126, 34, 39, 20, 57, 101, 59, 84, 118, 79, 26, 22, 88, 100, 15, 103, 86, 36, 47, 117, 37, 111, 62, 115, 112, 40, 81, 85, 113, 30, 78, 24, 17, 50, 76, 60, 93, 104, 18, 29, 9, 12, 82, 21, 14, 73, 90, 114, 110, 27, 44, 92, 94, 16, 8, 77, 19, 75, 13, 80, 0, 108, 6, 83, 11, 46, 95, 31, 7, 64, 91, 102, 71, 96, 72, 3, 25, 23, 97, 41, 107, 89, 32, 5, 4, 87, 67, 66, 38, 35, 2, 105, 65, 69, 43, 68, 33, 74, 70, 99, 1, 10], [106, 116, 125, 124, 61, 52, 109, 63, 49, 42, 54, 51, 120, 48, 45, 121, 53, 119, 123, 55, 56, 58, 98, 127, 39, 34, 126, 57, 101, 28, 118, 59, 22, 26, 115, 84, 20, 100, 37, 86, 36, 122, 88, 15, 103, 111, 47, 85, 79, 40, 117, 113, 30, 50, 62, 60, 24, 78, 112, 104, 44, 93, 29, 90, 12, 81, 110, 92, 76, 9, 17, 14, 18, 73, 21, 27, 114, 82, 94, 8, 80, 31, 19, 46, 6, 13, 64, 77, 108, 95, 83, 11, 16, 7, 75, 96, 102, 25, 72, 0, 71, 32, 89, 4, 91, 38, 41, 23, 107, 87, 2, 105, 3, 69, 1, 5, 67, 66, 97, 33, 68, 43, 65, 74, 99, 35, 10, 70], [106, 116, 125, 124, 61, 52, 109, 63, 49, 42, 51, 54, 120, 48, 121, 45, 53, 119, 55, 58, 98, 56, 123, 126, 39, 59, 20, 26, 127, 22, 34, 84, 15, 86, 28, 57, 118, 88, 101, 36, 122, 37, 79, 100, 62, 115, 117, 111, 81, 103, 50, 78, 60, 30, 47, 85, 40, 113, 12, 24, 14, 17, 104, 76, 9, 93, 73, 29, 21, 112, 44, 18, 27, 90, 80, 82, 92, 16, 6, 94, 114, 13, 46, 83, 19, 75, 11, 77, 110, 108, 8, 96, 64, 31, 95, 7, 71, 3, 87, 25, 91, 32, 72, 107, 4, 68, 102, 67, 89, 41, 5, 66, 105, 97, 23, 43, 38, 69, 33, 10, 0, 2, 74, 35, 99, 1, 65, 70], [106, 125, 124, 116, 61, 52, 49, 109, 63, 42, 51, 54, 120, 48, 53, 121, 45, 123, 58, 127, 119, 56, 98, 126, 59, 122, 39, 55, 26, 118, 28, 34, 100, 62, 57, 15, 101, 22, 20, 37, 47, 36, 86, 84, 88, 40, 79, 60, 50, 112, 115, 117, 111, 103, 81, 30, 24, 85, 113, 104, 14, 73, 78, 29, 93, 21, 12, 76, 9, 80, 44, 90, 17, 18, 94, 82, 27, 92, 114, 11, 6, 96, 46, 13, 31, 16, 72, 110, 83, 0, 19, 77, 7, 75, 8, 64, 43, 71, 108, 95, 91, 68, 89, 25, 32, 67, 4, 38, 5, 102, 3, 97, 66, 87, 23, 33, 70, 107, 2, 69, 105, 99, 41, 1, 35, 65, 10, 74], [106, 124, 125, 116, 61, 52, 42, 109, 63, 49, 51, 120, 54, 48, 121, 45, 53, 123, 126, 98, 58, 119, 86, 59, 127, 56, 57, 26, 55, 22, 84, 79, 28, 39, 20, 15, 115, 34, 101, 40, 88, 36, 62, 37, 111, 122, 118, 117, 60, 112, 24, 30, 100, 103, 47, 81, 85, 50, 14, 12, 78, 113, 29, 104, 21, 76, 93, 90, 73, 9, 17, 18, 114, 82, 92, 11, 16, 13, 94, 80, 27, 95, 77, 46, 44, 31, 19, 72, 83, 75, 110, 108, 107, 96, 89, 7, 25, 6, 43, 71, 91, 102, 32, 8, 41, 97, 70, 23, 105, 35, 68, 87, 67, 38, 3, 5, 64, 4, 0, 69, 10, 74, 33, 99, 2, 66, 1, 65]], "model.layers.17.self_attn.q_proj": [[60, 106, 114, 100, 29, 89, 115, 123, 93, 86, 27, 83, 120, 47, 80, 42, 22, 112, 11, 57, 21, 113, 122, 53, 62, 127, 50, 16, 46, 61, 118, 59, 32, 111, 126, 45, 125, 56, 14, 99, 110, 63, 119, 91, 116, 81, 69, 55, 108, 96, 54, 26, 48, 117, 44, 51, 52, 121, 124, 58, 37, 97, 49, 109, 43, 105, 24, 76, 38, 41, 88, 71, 75, 95, 5, 107, 102, 103, 39, 104, 87, 31, 20, 40, 36, 15, 9, 101, 79, 35, 34, 98, 84, 17, 28, 10, 2, 94, 19, 90, 85, 8, 3, 23, 30, 33, 0, 7, 12, 1, 25, 4, 82, 6, 64, 18, 66, 77, 13, 78, 92, 74, 65, 67, 73, 72, 70, 68], [114, 106, 100, 60, 29, 89, 93, 50, 42, 86, 120, 59, 44, 61, 83, 22, 80, 115, 87, 99, 118, 27, 32, 105, 119, 81, 47, 31, 95, 46, 43, 21, 121, 97, 17, 25, 63, 91, 48, 54, 56, 116, 113, 51, 57, 14, 24, 11, 111, 103, 117, 96, 45, 53, 107, 125, 62, 110, 76, 58, 122, 41, 19, 38, 126, 112, 101, 37, 127, 40, 94, 55, 52, 16, 124, 88, 20, 102, 104, 98, 109, 33, 85, 108, 123, 71, 8, 23, 49, 35, 39, 90, 92, 30, 82, 79, 34, 9, 26, 15, 5, 10, 28, 1, 13, 36, 65, 84, 69, 77, 18, 12, 74, 75, 0, 3, 66, 6, 67, 72, 4, 70, 64, 7, 78, 73, 68, 2], [106, 60, 114, 100, 50, 29, 89, 86, 42, 57, 62, 107, 59, 93, 22, 80, 83, 56, 116, 37, 11, 14, 63, 47, 124, 99, 115, 91, 111, 46, 51, 71, 123, 52, 69, 48, 97, 110, 44, 125, 27, 55, 61, 49, 9, 16, 24, 113, 32, 76, 53, 58, 105, 81, 104, 120, 126, 119, 54, 31, 117, 127, 118, 122, 41, 38, 40, 45, 102, 121, 20, 108, 79, 103, 43, 109, 112, 19, 101, 94, 98, 39, 28, 35, 26, 33, 95, 96, 5, 88, 23, 25, 2, 30, 34, 12, 90, 82, 92, 21, 75, 85, 67, 1, 0, 4, 36, 17, 6, 18, 84, 74, 87, 13, 77, 8, 15, 10, 7, 72, 70, 3, 66, 78, 65, 64, 73, 68], [106, 60, 100, 115, 114, 89, 29, 83, 14, 86, 93, 42, 11, 71, 80, 27, 9, 50, 22, 25, 69, 110, 2, 67, 76, 1, 91, 4, 24, 62, 0, 16, 6, 53, 61, 116, 57, 3, 111, 37, 85, 21, 26, 97, 122, 113, 125, 7, 63, 118, 51, 127, 90, 77, 119, 19, 55, 35, 47, 17, 105, 123, 117, 75, 112, 52, 81, 95, 54, 64, 43, 108, 44, 120, 48, 78, 49, 18, 87, 46, 13, 88, 59, 98, 101, 96, 38, 92, 20, 45, 34, 40, 58, 121, 104, 68, 84, 124, 23, 103, 28, 94, 79, 102, 10, 107, 31, 73, 65, 70, 32, 41, 126, 56, 39, 33, 12, 99, 72, 109, 36, 74, 30, 15, 8, 82, 66, 5], [103, 126, 29, 82, 99, 85, 15, 76, 73, 71, 112, 90, 3, 5, 24, 105, 35, 93, 96, 97, 57, 23, 120, 87, 21, 61, 54, 18, 81, 119, 84, 17, 33, 26, 80, 49, 67, 115, 106, 64, 116, 83, 88, 50, 79, 16, 111, 78, 28, 101, 19, 12, 9, 121, 13, 127, 1, 69, 114, 25, 65, 34, 91, 7, 122, 89, 118, 74, 8, 32, 53, 110, 62, 20, 86, 14, 104, 11, 92, 4, 98, 117, 63, 40, 59, 51, 102, 10, 22, 27, 55, 31, 66, 41, 38, 77, 36, 43, 56, 123, 94, 58, 125, 100, 52, 70, 47, 107, 39, 42, 95, 46, 60, 6, 44, 75, 37, 30, 124, 109, 72, 68, 48, 113, 108, 45, 2, 0], [103, 126, 29, 99, 15, 85, 82, 76, 73, 71, 112, 3, 5, 90, 96, 24, 26, 1, 16, 27, 21, 9, 114, 119, 67, 57, 64, 84, 74, 11, 19, 93, 78, 79, 81, 23, 120, 88, 65, 14, 97, 101, 61, 91, 49, 33, 18, 98, 104, 105, 116, 6, 50, 43, 87, 8, 69, 92, 55, 32, 106, 7, 2, 30, 121, 94, 117, 13, 34, 125, 12, 54, 25, 56, 28, 80, 70, 75, 41, 68, 66, 127, 83, 36, 20, 115, 110, 10, 22, 17, 102, 100, 63, 122, 4, 51, 118, 39, 86, 58, 59, 113, 0, 108, 111, 35, 62, 77, 124, 60, 37, 72, 46, 44, 45, 89, 107, 31, 95, 53, 109, 48, 42, 123, 40, 38, 47, 52], [103, 126, 35, 49, 112, 29, 90, 114, 99, 56, 26, 85, 88, 24, 120, 93, 82, 116, 84, 119, 121, 96, 115, 46, 86, 63, 55, 117, 41, 57, 15, 60, 54, 110, 43, 32, 111, 122, 106, 62, 74, 59, 127, 101, 76, 16, 125, 52, 61, 104, 50, 118, 22, 124, 102, 123, 58, 107, 105, 108, 47, 51, 53, 97, 23, 73, 71, 40, 34, 113, 109, 77, 2, 48, 27, 42, 36, 11, 83, 0, 21, 37, 19, 44, 33, 18, 45, 98, 20, 38, 14, 100, 5, 8, 3, 95, 4, 78, 25, 66, 79, 91, 75, 39, 94, 68, 92, 80, 31, 28, 89, 72, 67, 87, 30, 1, 13, 81, 10, 64, 17, 69, 7, 65, 70, 12, 9, 6], [103, 126, 29, 85, 24, 82, 76, 90, 15, 112, 93, 99, 120, 26, 73, 71, 74, 35, 88, 127, 119, 41, 98, 21, 23, 3, 115, 5, 13, 111, 116, 121, 78, 57, 54, 96, 92, 16, 62, 49, 34, 63, 61, 91, 36, 14, 114, 55, 60, 104, 84, 117, 25, 30, 56, 32, 18, 33, 118, 106, 27, 50, 83, 28, 53, 51, 31, 79, 110, 86, 67, 52, 43, 87, 97, 17, 122, 19, 105, 101, 8, 47, 125, 12, 42, 102, 81, 46, 58, 20, 22, 77, 107, 108, 7, 123, 89, 48, 1, 95, 40, 94, 59, 38, 113, 124, 11, 100, 80, 44, 37, 45, 68, 72, 9, 109, 64, 10, 65, 66, 75, 39, 4, 6, 69, 70, 0, 2], [45, 109, 55, 58, 111, 59, 57, 63, 124, 52, 47, 116, 46, 125, 115, 119, 61, 53, 114, 48, 62, 51, 113, 38, 123, 60, 126, 50, 54, 117, 121, 112, 102, 122, 106, 49, 118, 120, 101, 127, 107, 36, 110, 42, 56, 43, 108, 33, 44, 28, 105, 29, 104, 41, 40, 103, 26, 39, 92, 99, 97, 37, 96, 98, 87, 34, 31, 100, 21, 35, 86, 32, 91, 30, 23, 95, 24, 18, 94, 89, 90, 27, 12, 84, 93, 25, 85, 78, 88, 22, 20, 82, 81, 17, 80, 7, 15, 11, 76, 9, 14, 79, 73, 16, 19, 83, 71, 75, 13, 69, 4, 68, 70, 74, 5, 2, 77, 65, 66, 8, 3, 10, 6, 1, 0, 64, 67, 72], [58, 45, 38, 47, 94, 55, 59, 89, 95, 60, 124, 112, 109, 111, 33, 57, 52, 115, 28, 35, 127, 87, 46, 113, 61, 92, 123, 51, 117, 122, 49, 118, 116, 63, 53, 54, 125, 101, 96, 50, 119, 121, 62, 105, 126, 110, 48, 41, 114, 120, 107, 86, 106, 43, 42, 44, 40, 108, 104, 56, 85, 36, 16, 37, 19, 98, 82, 103, 23, 20, 39, 12, 34, 84, 18, 91, 100, 15, 93, 81, 32, 22, 27, 99, 97, 102, 9, 11, 31, 29, 24, 78, 17, 25, 90, 7, 26, 88, 21, 71, 30, 79, 75, 14, 73, 76, 4, 77, 69, 5, 2, 13, 83, 68, 74, 1, 80, 66, 65, 10, 64, 0, 6, 8, 70, 67, 3, 72], [45, 109, 47, 52, 38, 101, 53, 60, 58, 94, 61, 115, 92, 59, 62, 46, 126, 23, 34, 116, 28, 111, 51, 119, 118, 108, 87, 33, 54, 57, 50, 112, 110, 63, 49, 85, 127, 123, 113, 117, 48, 30, 42, 44, 114, 89, 21, 41, 122, 103, 36, 40, 102, 55, 121, 120, 43, 35, 39, 107, 125, 37, 106, 104, 29, 105, 124, 99, 95, 100, 56, 93, 27, 96, 26, 97, 31, 78, 12, 32, 25, 24, 98, 16, 80, 18, 9, 88, 91, 86, 73, 82, 90, 81, 7, 20, 22, 84, 17, 11, 76, 83, 79, 19, 14, 75, 15, 69, 77, 71, 6, 74, 66, 10, 68, 4, 5, 2, 70, 67, 13, 0, 3, 72, 65, 64, 1, 8], [45, 38, 58, 19, 89, 94, 13, 59, 16, 74, 109, 35, 70, 87, 8, 3, 47, 6, 33, 67, 95, 30, 52, 111, 0, 55, 64, 72, 124, 1, 85, 77, 92, 84, 17, 65, 88, 69, 15, 10, 5, 81, 23, 21, 83, 82, 80, 28, 22, 20, 27, 78, 115, 25, 4, 31, 66, 76, 9, 11, 90, 32, 101, 2, 18, 75, 79, 37, 14, 96, 57, 126, 71, 63, 73, 12, 26, 68, 7, 29, 86, 98, 34, 24, 39, 91, 93, 108, 50, 125, 122, 61, 62, 105, 44, 104, 103, 116, 60, 100, 118, 121, 36, 97, 43, 99, 112, 120, 117, 51, 54, 40, 49, 56, 107, 123, 42, 106, 41, 113, 48, 53, 110, 119, 114, 127, 46, 102], [40, 50, 109, 98, 126, 29, 51, 84, 23, 80, 13, 18, 71, 73, 53, 75, 26, 56, 47, 90, 104, 2, 87, 66, 4, 111, 72, 93, 69, 68, 112, 39, 86, 94, 70, 1, 20, 0, 120, 11, 22, 19, 65, 74, 30, 103, 101, 64, 5, 25, 96, 59, 43, 119, 60, 16, 67, 89, 34, 76, 31, 77, 8, 36, 95, 38, 78, 117, 57, 113, 108, 100, 32, 6, 62, 121, 27, 45, 105, 124, 127, 7, 102, 21, 88, 33, 55, 97, 48, 15, 85, 99, 41, 118, 44, 28, 110, 83, 91, 35, 92, 58, 63, 10, 52, 12, 61, 46, 42, 17, 24, 115, 116, 82, 3, 123, 114, 81, 37, 107, 14, 9, 54, 122, 125, 49, 106, 79], [40, 126, 29, 98, 109, 87, 47, 39, 50, 23, 93, 84, 20, 75, 36, 90, 125, 58, 52, 124, 26, 59, 13, 121, 119, 56, 54, 115, 117, 53, 81, 18, 57, 108, 118, 34, 17, 103, 31, 122, 88, 120, 104, 63, 60, 127, 61, 107, 111, 105, 97, 110, 72, 44, 21, 51, 42, 46, 48, 24, 15, 32, 116, 123, 41, 45, 94, 70, 30, 43, 114, 49, 112, 99, 55, 106, 113, 80, 37, 38, 62, 85, 35, 100, 25, 92, 22, 101, 95, 79, 96, 102, 33, 14, 77, 27, 19, 83, 11, 4, 89, 28, 12, 91, 16, 86, 6, 82, 8, 76, 78, 10, 74, 73, 66, 9, 1, 68, 2, 65, 7, 3, 71, 5, 64, 69, 0, 67], [40, 126, 98, 109, 29, 60, 84, 90, 51, 87, 93, 124, 47, 23, 80, 50, 26, 18, 75, 59, 54, 34, 117, 36, 39, 88, 20, 119, 118, 53, 121, 13, 63, 114, 58, 103, 22, 123, 125, 127, 37, 55, 44, 122, 52, 45, 46, 111, 56, 115, 105, 21, 48, 104, 110, 107, 62, 120, 94, 92, 102, 61, 96, 108, 57, 112, 30, 38, 91, 49, 113, 43, 72, 70, 24, 12, 116, 35, 41, 42, 106, 97, 89, 86, 32, 31, 99, 100, 101, 16, 17, 85, 28, 79, 19, 33, 25, 73, 81, 82, 76, 15, 27, 95, 83, 14, 78, 4, 11, 10, 9, 6, 74, 8, 3, 69, 68, 67, 7, 77, 5, 71, 65, 1, 66, 2, 0, 64], [40, 51, 98, 29, 126, 13, 80, 18, 87, 84, 72, 23, 90, 4, 75, 93, 96, 26, 70, 60, 10, 73, 88, 124, 52, 19, 94, 121, 56, 125, 71, 54, 86, 30, 119, 81, 65, 117, 20, 109, 47, 59, 122, 77, 28, 50, 53, 111, 46, 16, 3, 61, 104, 105, 127, 112, 63, 74, 108, 78, 64, 15, 101, 68, 32, 39, 7, 91, 5, 89, 95, 97, 79, 67, 82, 11, 83, 58, 8, 118, 41, 22, 123, 106, 14, 2, 115, 120, 33, 76, 6, 62, 31, 34, 48, 69, 49, 113, 55, 116, 27, 12, 38, 9, 21, 100, 36, 44, 37, 110, 25, 57, 43, 92, 45, 17, 1, 103, 99, 24, 35, 66, 85, 102, 114, 42, 0, 107], [113, 115, 105, 57, 49, 63, 124, 53, 119, 34, 30, 39, 112, 48, 56, 127, 123, 61, 58, 45, 59, 117, 60, 116, 52, 120, 122, 62, 47, 27, 38, 118, 110, 107, 37, 108, 54, 121, 55, 94, 51, 125, 46, 111, 106, 85, 126, 44, 88, 114, 99, 104, 109, 87, 101, 90, 42, 43, 89, 36, 25, 24, 19, 103, 78, 18, 28, 40, 50, 92, 23, 41, 100, 35, 80, 83, 91, 22, 98, 33, 102, 31, 93, 21, 32, 14, 97, 26, 74, 95, 96, 6, 17, 16, 82, 65, 29, 12, 76, 20, 70, 81, 66, 64, 67, 72, 8, 10, 3, 0, 69, 86, 15, 11, 1, 2, 5, 13, 7, 68, 9, 75, 77, 4, 79, 73, 71, 84], [115, 61, 105, 113, 34, 30, 50, 124, 121, 120, 37, 38, 48, 63, 57, 126, 122, 53, 55, 112, 119, 27, 123, 49, 56, 59, 92, 60, 101, 62, 58, 127, 52, 46, 47, 45, 39, 118, 90, 110, 107, 44, 85, 111, 54, 125, 94, 116, 117, 108, 109, 103, 99, 87, 25, 114, 51, 40, 106, 41, 42, 33, 43, 89, 88, 104, 93, 96, 80, 32, 23, 91, 35, 36, 19, 31, 95, 102, 100, 98, 82, 78, 29, 28, 83, 21, 26, 18, 16, 97, 24, 22, 70, 17, 74, 6, 14, 64, 76, 0, 65, 20, 66, 1, 3, 69, 12, 86, 8, 81, 67, 2, 5, 10, 13, 72, 11, 15, 7, 9, 71, 4, 79, 68, 84, 73, 77, 75], [105, 113, 61, 57, 34, 115, 22, 20, 27, 30, 55, 41, 24, 17, 63, 53, 80, 13, 37, 59, 74, 38, 82, 18, 15, 11, 124, 123, 21, 12, 19, 7, 56, 51, 97, 121, 122, 70, 88, 26, 62, 47, 49, 103, 75, 99, 117, 9, 90, 116, 106, 31, 95, 36, 52, 127, 119, 60, 23, 58, 71, 10, 118, 39, 120, 89, 100, 46, 72, 112, 33, 45, 83, 111, 2, 6, 91, 50, 44, 3, 28, 48, 29, 14, 114, 126, 109, 101, 77, 93, 40, 85, 107, 54, 104, 84, 64, 110, 102, 16, 73, 81, 96, 76, 66, 42, 32, 25, 108, 87, 86, 92, 79, 68, 78, 94, 5, 69, 43, 1, 98, 4, 125, 35, 65, 8, 0, 67], [105, 57, 115, 113, 53, 34, 27, 22, 20, 15, 30, 41, 63, 9, 17, 24, 13, 49, 127, 74, 120, 4, 94, 55, 39, 116, 61, 37, 85, 1, 68, 3, 47, 36, 11, 87, 76, 73, 29, 72, 78, 77, 28, 31, 6, 46, 118, 123, 48, 79, 88, 95, 58, 119, 93, 103, 60, 26, 8, 18, 107, 84, 54, 38, 92, 104, 124, 35, 90, 112, 52, 43, 83, 110, 56, 40, 100, 121, 45, 109, 126, 23, 42, 59, 106, 122, 10, 96, 21, 50, 44, 62, 117, 125, 108, 81, 64, 111, 32, 114, 33, 86, 89, 12, 70, 25, 80, 51, 97, 99, 5, 16, 19, 14, 75, 66, 91, 98, 69, 65, 101, 67, 82, 102, 0, 7, 71, 2], [108, 37, 126, 88, 19, 90, 78, 32, 75, 81, 44, 8, 5, 36, 93, 86, 85, 67, 21, 1, 24, 34, 61, 22, 0, 16, 15, 83, 18, 12, 11, 72, 20, 69, 119, 58, 80, 65, 17, 25, 28, 14, 89, 13, 84, 87, 103, 23, 73, 10, 2, 98, 77, 74, 79, 35, 91, 27, 29, 30, 3, 76, 9, 94, 71, 82, 46, 26, 100, 118, 127, 68, 70, 95, 97, 125, 31, 53, 6, 7, 51, 92, 106, 64, 45, 52, 40, 66, 54, 4, 120, 122, 33, 113, 107, 117, 60, 115, 63, 99, 57, 123, 59, 105, 39, 42, 96, 111, 62, 104, 110, 43, 50, 114, 116, 102, 124, 109, 55, 47, 121, 101, 38, 48, 41, 49, 56, 112], [126, 108, 37, 44, 23, 58, 120, 57, 113, 51, 48, 61, 122, 63, 114, 118, 56, 62, 115, 116, 102, 104, 59, 32, 52, 119, 93, 124, 55, 53, 46, 54, 60, 125, 121, 101, 49, 100, 117, 110, 50, 103, 47, 45, 111, 123, 41, 109, 112, 40, 127, 106, 16, 107, 27, 42, 43, 90, 105, 39, 38, 91, 36, 35, 92, 84, 98, 99, 97, 95, 87, 33, 94, 34, 30, 25, 86, 88, 96, 29, 31, 85, 81, 28, 17, 20, 80, 89, 22, 74, 10, 2, 19, 24, 12, 26, 83, 82, 15, 0, 6, 65, 4, 21, 76, 66, 18, 70, 71, 13, 79, 78, 11, 67, 64, 7, 5, 9, 77, 69, 68, 3, 1, 73, 14, 75, 8, 72], [108, 61, 126, 44, 36, 119, 90, 85, 32, 122, 82, 93, 35, 24, 88, 37, 104, 58, 7, 19, 12, 15, 81, 13, 62, 91, 29, 101, 59, 95, 28, 63, 86, 46, 51, 20, 23, 79, 27, 120, 48, 78, 53, 57, 60, 96, 109, 87, 98, 116, 97, 115, 74, 89, 45, 71, 4, 18, 118, 114, 70, 66, 99, 52, 49, 33, 124, 64, 54, 125, 25, 127, 113, 56, 107, 117, 100, 34, 55, 9, 75, 41, 121, 26, 42, 92, 47, 31, 110, 30, 94, 123, 38, 16, 39, 112, 50, 76, 40, 102, 84, 6, 111, 106, 105, 65, 43, 103, 80, 21, 77, 2, 68, 22, 8, 83, 3, 11, 17, 0, 10, 5, 1, 73, 67, 69, 14, 72], [108, 44, 37, 126, 93, 23, 90, 58, 81, 24, 32, 61, 36, 85, 120, 19, 123, 41, 56, 86, 31, 29, 96, 118, 114, 110, 16, 78, 125, 112, 54, 105, 113, 88, 33, 63, 38, 103, 122, 48, 106, 87, 51, 111, 42, 109, 62, 115, 52, 57, 30, 47, 124, 119, 50, 102, 53, 127, 97, 43, 116, 27, 60, 34, 55, 121, 35, 45, 46, 99, 107, 98, 94, 74, 117, 49, 40, 84, 59, 104, 91, 7, 28, 25, 80, 39, 95, 100, 92, 26, 75, 82, 76, 89, 101, 13, 17, 9, 22, 10, 77, 15, 18, 0, 79, 71, 2, 83, 8, 67, 21, 64, 66, 5, 20, 12, 11, 70, 4, 68, 6, 73, 65, 14, 1, 69, 3, 72], [56, 126, 101, 62, 60, 122, 37, 125, 116, 123, 88, 53, 119, 58, 55, 51, 118, 120, 115, 117, 63, 48, 50, 89, 46, 127, 114, 84, 54, 124, 121, 33, 61, 59, 57, 103, 49, 14, 52, 11, 34, 113, 47, 92, 110, 39, 95, 107, 104, 44, 112, 98, 109, 108, 45, 111, 100, 106, 41, 40, 43, 93, 42, 35, 26, 16, 20, 38, 91, 105, 36, 15, 94, 99, 102, 18, 12, 22, 31, 82, 96, 90, 28, 25, 72, 86, 80, 32, 30, 68, 24, 87, 5, 23, 29, 17, 74, 97, 2, 7, 21, 70, 27, 79, 77, 19, 83, 85, 76, 81, 6, 73, 78, 64, 65, 9, 13, 75, 3, 0, 8, 66, 10, 67, 71, 69, 4, 1], [56, 126, 101, 116, 39, 62, 37, 20, 91, 53, 84, 26, 123, 127, 14, 125, 60, 119, 114, 33, 46, 100, 103, 120, 48, 54, 122, 118, 59, 51, 124, 55, 88, 58, 121, 45, 11, 104, 115, 40, 110, 50, 41, 36, 25, 106, 107, 63, 89, 61, 47, 117, 35, 34, 108, 44, 57, 99, 111, 52, 105, 42, 43, 112, 109, 95, 113, 29, 38, 16, 98, 49, 82, 31, 102, 94, 32, 12, 87, 93, 96, 83, 90, 92, 72, 15, 27, 30, 24, 28, 80, 97, 18, 77, 74, 86, 73, 22, 5, 6, 7, 68, 81, 70, 19, 21, 23, 65, 78, 79, 66, 75, 85, 9, 76, 17, 64, 2, 13, 8, 71, 67, 0, 10, 4, 3, 69, 1], [56, 126, 101, 60, 84, 116, 26, 40, 11, 21, 93, 62, 89, 28, 2, 125, 109, 68, 122, 127, 92, 33, 53, 55, 31, 118, 37, 79, 51, 29, 88, 24, 90, 114, 119, 124, 63, 58, 47, 123, 57, 61, 80, 48, 59, 110, 117, 50, 0, 103, 75, 120, 23, 121, 91, 52, 15, 16, 41, 54, 49, 108, 18, 106, 32, 34, 8, 115, 46, 100, 113, 112, 96, 67, 111, 35, 44, 17, 20, 30, 85, 70, 95, 105, 81, 19, 94, 77, 7, 45, 43, 22, 42, 82, 38, 9, 39, 107, 36, 99, 13, 104, 74, 76, 98, 3, 69, 102, 83, 5, 6, 73, 14, 87, 1, 65, 25, 27, 12, 72, 86, 10, 78, 4, 71, 97, 66, 64], [126, 56, 101, 62, 37, 88, 122, 53, 123, 15, 103, 125, 116, 24, 60, 91, 119, 120, 118, 23, 124, 92, 114, 48, 58, 127, 51, 117, 55, 63, 89, 54, 12, 33, 46, 121, 94, 50, 25, 61, 84, 59, 14, 6, 39, 49, 115, 57, 113, 52, 44, 47, 100, 11, 90, 45, 110, 18, 34, 112, 111, 20, 9, 99, 107, 17, 36, 105, 87, 7, 109, 40, 108, 95, 81, 98, 72, 22, 96, 104, 42, 102, 26, 35, 3, 28, 38, 106, 31, 32, 5, 86, 93, 68, 41, 79, 30, 82, 43, 80, 27, 16, 70, 97, 29, 74, 19, 64, 65, 76, 21, 66, 85, 1, 67, 8, 78, 2, 77, 73, 10, 4, 83, 75, 0, 71, 13, 69], [120, 109, 104, 124, 34, 123, 127, 59, 27, 89, 58, 60, 30, 52, 56, 125, 114, 86, 91, 54, 126, 118, 78, 121, 61, 113, 53, 62, 29, 45, 51, 50, 88, 119, 63, 40, 35, 110, 122, 84, 116, 94, 117, 19, 25, 49, 42, 55, 57, 112, 48, 43, 46, 107, 111, 47, 39, 115, 37, 106, 100, 108, 105, 41, 36, 10, 101, 103, 96, 44, 102, 99, 33, 21, 38, 18, 97, 26, 32, 31, 92, 28, 98, 87, 90, 95, 15, 22, 93, 17, 20, 16, 82, 14, 23, 85, 83, 9, 69, 80, 79, 24, 12, 76, 74, 13, 81, 73, 64, 5, 65, 77, 1, 6, 11, 7, 75, 4, 71, 68, 70, 72, 2, 67, 0, 8, 66, 3], [120, 109, 104, 123, 52, 58, 30, 127, 121, 59, 54, 124, 60, 122, 126, 61, 114, 112, 53, 56, 125, 117, 118, 45, 62, 51, 116, 113, 63, 110, 89, 107, 50, 49, 119, 57, 48, 78, 55, 115, 111, 46, 106, 47, 43, 42, 105, 34, 38, 108, 102, 25, 44, 18, 87, 41, 40, 101, 39, 100, 99, 103, 37, 94, 36, 98, 91, 35, 97, 27, 96, 88, 10, 33, 86, 32, 93, 28, 31, 95, 19, 85, 29, 82, 92, 90, 16, 84, 22, 26, 23, 74, 14, 21, 64, 20, 65, 83, 69, 1, 79, 15, 80, 76, 6, 17, 0, 5, 9, 24, 12, 81, 4, 3, 70, 66, 2, 67, 13, 11, 7, 71, 68, 73, 8, 75, 72, 77], [104, 120, 34, 88, 109, 17, 13, 75, 15, 7, 9, 86, 84, 92, 66, 71, 91, 2, 124, 11, 85, 19, 30, 69, 5, 4, 27, 40, 45, 22, 74, 0, 98, 68, 20, 64, 81, 82, 77, 24, 83, 79, 18, 80, 87, 29, 73, 26, 21, 76, 70, 107, 1, 14, 23, 94, 3, 72, 93, 90, 35, 8, 25, 123, 16, 47, 12, 6, 89, 56, 65, 116, 67, 78, 10, 59, 127, 46, 63, 31, 96, 54, 28, 95, 32, 97, 113, 106, 58, 52, 42, 99, 100, 101, 126, 55, 118, 43, 33, 37, 36, 112, 60, 105, 122, 125, 121, 114, 62, 117, 115, 49, 38, 110, 108, 61, 50, 39, 57, 53, 48, 102, 51, 103, 44, 119, 41, 111], [109, 104, 120, 34, 123, 78, 27, 59, 88, 116, 30, 112, 54, 86, 84, 52, 127, 125, 10, 121, 89, 40, 29, 18, 58, 126, 124, 60, 91, 114, 55, 56, 46, 113, 50, 61, 87, 122, 53, 62, 25, 110, 115, 26, 98, 45, 118, 63, 117, 119, 49, 19, 43, 48, 15, 51, 39, 42, 57, 100, 47, 36, 97, 90, 35, 106, 108, 38, 32, 28, 96, 107, 99, 101, 14, 31, 44, 102, 33, 111, 94, 17, 16, 9, 37, 105, 41, 92, 95, 23, 93, 103, 83, 82, 13, 22, 21, 76, 85, 20, 24, 80, 4, 6, 74, 79, 69, 12, 0, 2, 75, 73, 72, 11, 7, 81, 5, 71, 64, 1, 77, 70, 68, 65, 67, 8, 66, 3]], "model.layers.17.self_attn.k_proj": [[42, 36, 114, 60, 86, 93, 91, 80, 83, 89, 11, 63, 14, 19, 124, 119, 0, 53, 125, 46, 9, 69, 113, 111, 59, 25, 56, 54, 120, 126, 76, 50, 47, 44, 57, 115, 123, 118, 127, 116, 117, 32, 45, 43, 15, 2, 33, 71, 62, 51, 48, 122, 101, 121, 110, 49, 4, 55, 108, 41, 52, 24, 103, 104, 66, 106, 40, 105, 112, 58, 102, 90, 74, 98, 107, 1, 109, 39, 97, 18, 30, 77, 61, 5, 35, 88, 12, 34, 31, 100, 87, 95, 38, 81, 37, 20, 23, 17, 99, 28, 21, 6, 96, 72, 82, 70, 8, 92, 27, 26, 84, 94, 10, 79, 85, 65, 78, 7, 67, 13, 68, 29, 3, 64, 22, 16, 73, 75], [126, 39, 93, 85, 15, 82, 24, 1, 76, 5, 73, 71, 64, 48, 112, 74, 26, 50, 3, 120, 116, 96, 35, 121, 119, 117, 77, 118, 57, 115, 110, 105, 41, 16, 113, 114, 63, 60, 97, 54, 55, 42, 125, 46, 56, 52, 43, 49, 6, 29, 84, 34, 4, 40, 59, 122, 66, 61, 32, 27, 123, 62, 53, 90, 47, 75, 124, 99, 19, 51, 107, 127, 72, 87, 78, 38, 86, 109, 44, 111, 58, 37, 70, 100, 108, 23, 45, 104, 101, 25, 14, 83, 22, 11, 36, 106, 89, 13, 68, 95, 28, 69, 33, 81, 94, 2, 17, 102, 98, 31, 91, 92, 0, 30, 80, 20, 10, 8, 88, 9, 65, 67, 18, 21, 7, 103, 12, 79], [109, 58, 102, 30, 59, 8, 45, 13, 74, 19, 25, 86, 16, 70, 3, 97, 89, 65, 99, 28, 23, 0, 46, 32, 49, 47, 69, 36, 127, 121, 12, 126, 94, 115, 18, 15, 62, 91, 51, 84, 118, 53, 61, 120, 111, 107, 63, 116, 35, 77, 117, 48, 125, 11, 114, 83, 43, 101, 20, 87, 9, 110, 24, 27, 57, 106, 50, 52, 54, 68, 78, 4, 98, 123, 112, 113, 124, 122, 56, 29, 105, 17, 44, 37, 55, 119, 85, 31, 42, 60, 34, 7, 108, 104, 71, 64, 41, 39, 103, 40, 2, 100, 80, 90, 81, 6, 66, 26, 93, 82, 21, 5, 10, 96, 14, 88, 95, 75, 33, 79, 72, 92, 67, 73, 22, 76, 1, 38], [104, 126, 34, 50, 51, 115, 93, 23, 84, 26, 114, 13, 80, 111, 18, 45, 75, 56, 124, 59, 53, 70, 105, 72, 48, 127, 65, 119, 4, 58, 81, 73, 122, 64, 55, 57, 125, 103, 118, 94, 123, 3, 49, 60, 121, 99, 63, 2, 30, 117, 61, 10, 109, 110, 106, 32, 120, 22, 46, 14, 29, 24, 108, 113, 7, 38, 62, 36, 12, 107, 87, 116, 92, 112, 95, 42, 52, 102, 41, 28, 44, 54, 90, 25, 39, 101, 83, 19, 31, 71, 100, 47, 86, 43, 91, 37, 21, 96, 35, 15, 27, 89, 76, 33, 98, 5, 97, 85, 78, 88, 17, 79, 9, 67, 69, 82, 1, 6, 0, 74, 77, 16, 8, 20, 68, 11, 66, 40], [41, 98, 57, 115, 113, 94, 24, 51, 11, 20, 15, 91, 13, 22, 17, 61, 27, 55, 49, 9, 63, 68, 62, 59, 85, 26, 25, 72, 127, 56, 53, 123, 19, 116, 6, 114, 101, 35, 99, 107, 7, 18, 102, 48, 80, 108, 28, 122, 109, 65, 104, 54, 87, 125, 16, 60, 118, 8, 84, 117, 66, 74, 47, 103, 82, 97, 43, 121, 111, 93, 120, 78, 45, 33, 119, 42, 52, 58, 44, 105, 110, 124, 112, 96, 36, 50, 40, 46, 100, 76, 126, 3, 32, 73, 95, 5, 106, 29, 77, 31, 64, 39, 92, 90, 0, 67, 37, 79, 75, 89, 21, 23, 69, 70, 12, 83, 88, 71, 38, 81, 34, 2, 86, 10, 30, 14, 4, 1], [44, 126, 86, 101, 108, 100, 96, 61, 29, 58, 78, 90, 57, 19, 8, 51, 63, 119, 75, 120, 62, 81, 55, 125, 5, 124, 114, 47, 117, 116, 59, 122, 118, 123, 53, 16, 67, 60, 46, 74, 111, 56, 52, 112, 115, 110, 54, 0, 50, 121, 49, 88, 106, 127, 48, 109, 113, 23, 34, 65, 104, 42, 85, 99, 105, 39, 45, 98, 9, 107, 43, 41, 27, 66, 83, 40, 103, 82, 25, 38, 4, 70, 35, 13, 36, 102, 1, 94, 92, 28, 30, 73, 31, 26, 20, 93, 33, 95, 77, 97, 2, 68, 89, 15, 24, 7, 3, 17, 91, 12, 21, 79, 76, 84, 64, 18, 6, 72, 71, 32, 22, 80, 37, 11, 10, 87, 14, 69], [126, 37, 56, 22, 97, 62, 51, 125, 122, 123, 59, 119, 61, 60, 53, 116, 127, 58, 118, 50, 63, 48, 121, 120, 117, 124, 52, 49, 57, 112, 114, 55, 113, 54, 92, 47, 104, 115, 46, 94, 111, 27, 109, 110, 44, 42, 108, 45, 107, 103, 38, 93, 33, 43, 106, 39, 105, 41, 89, 82, 40, 35, 102, 101, 80, 84, 36, 98, 96, 99, 88, 86, 28, 34, 19, 77, 79, 100, 91, 32, 95, 30, 74, 90, 25, 3, 29, 9, 31, 7, 5, 85, 87, 26, 17, 23, 15, 81, 64, 16, 83, 21, 76, 24, 14, 65, 75, 72, 12, 6, 18, 78, 13, 2, 68, 4, 73, 71, 20, 11, 8, 70, 10, 66, 67, 1, 69, 0], [120, 40, 45, 86, 98, 123, 54, 27, 109, 60, 17, 59, 127, 113, 94, 58, 7, 88, 61, 13, 126, 52, 56, 117, 114, 62, 63, 9, 15, 53, 121, 118, 119, 122, 48, 75, 34, 116, 110, 66, 57, 55, 49, 124, 50, 51, 115, 112, 111, 46, 43, 47, 125, 84, 19, 103, 42, 78, 44, 26, 10, 107, 18, 5, 39, 106, 89, 102, 65, 108, 64, 36, 31, 105, 41, 93, 16, 101, 38, 87, 21, 95, 69, 8, 6, 99, 67, 4, 35, 30, 33, 37, 72, 90, 28, 97, 96, 24, 100, 76, 20, 32, 11, 12, 29, 104, 85, 92, 23, 68, 80, 83, 3, 71, 70, 81, 91, 0, 25, 82, 77, 79, 14, 1, 74, 73, 22, 2]], "model.layers.17.self_attn.qk_proj": [[126, 120, 109, 58, 44, 114, 56, 60, 115, 45, 113, 108, 104, 29, 57, 42, 61, 51, 50, 59, 41, 40, 106, 55, 119, 22, 118, 123, 49, 34, 105, 124, 125, 116, 93, 87, 112, 86, 127, 62, 117, 90, 111, 24, 94, 98, 53, 63, 27, 80, 37, 16, 52, 47, 30, 89, 23, 100, 25, 26, 54, 121, 39, 88, 18, 91, 83, 13, 85, 82, 75, 101, 122, 19, 48, 21, 103, 77, 110, 35, 84, 11, 20, 15, 36, 73, 79, 17, 99, 102, 32, 96, 43, 107, 9, 46, 78, 81, 14, 92, 76, 72, 38, 12, 97, 69, 7, 8, 5, 74, 71, 3, 28, 6, 64, 67, 33, 10, 65, 1, 70, 0, 4, 95, 68, 66, 31, 2], [126, 120, 109, 56, 44, 58, 114, 60, 115, 45, 113, 108, 29, 57, 104, 42, 61, 59, 50, 51, 40, 106, 123, 41, 22, 119, 55, 118, 49, 105, 124, 125, 34, 86, 93, 53, 112, 47, 98, 87, 116, 37, 127, 111, 63, 90, 24, 94, 54, 52, 27, 101, 39, 62, 30, 26, 16, 25, 121, 80, 48, 23, 91, 18, 83, 103, 110, 100, 82, 35, 89, 13, 117, 21, 88, 85, 79, 19, 122, 20, 77, 11, 75, 36, 32, 84, 46, 102, 96, 99, 73, 78, 15, 9, 107, 76, 17, 92, 81, 97, 14, 43, 12, 72, 69, 5, 38, 74, 65, 71, 7, 10, 67, 8, 28, 0, 70, 33, 64, 1, 68, 3, 6, 31, 66, 4, 95, 2], [126, 120, 109, 56, 58, 44, 114, 60, 115, 45, 113, 108, 29, 104, 61, 42, 57, 51, 40, 59, 50, 106, 41, 55, 22, 123, 105, 124, 118, 119, 34, 86, 93, 90, 49, 125, 112, 98, 116, 127, 62, 39, 52, 26, 87, 27, 16, 121, 63, 47, 24, 100, 37, 101, 25, 94, 117, 30, 111, 53, 80, 91, 18, 122, 103, 48, 89, 54, 88, 82, 23, 32, 19, 83, 99, 85, 36, 15, 102, 35, 20, 21, 13, 77, 84, 79, 11, 73, 75, 110, 43, 96, 92, 46, 65, 9, 1, 17, 64, 5, 3, 78, 107, 70, 76, 14, 81, 97, 10, 8, 67, 74, 0, 33, 7, 38, 69, 12, 72, 71, 28, 4, 2, 6, 31, 68, 66, 95], [126, 120, 109, 58, 56, 44, 114, 60, 113, 115, 45, 108, 104, 29, 61, 57, 42, 51, 50, 40, 59, 41, 119, 106, 55, 49, 123, 105, 125, 118, 22, 34, 116, 124, 62, 52, 90, 93, 63, 53, 98, 39, 122, 86, 127, 94, 47, 87, 112, 16, 117, 121, 100, 27, 30, 37, 111, 85, 101, 25, 48, 80, 24, 88, 26, 54, 91, 18, 23, 15, 103, 89, 36, 19, 21, 110, 82, 35, 46, 102, 77, 20, 96, 84, 75, 79, 83, 13, 32, 99, 73, 43, 11, 67, 92, 17, 10, 65, 76, 70, 5, 78, 81, 14, 74, 9, 3, 1, 12, 64, 107, 97, 8, 0, 69, 38, 33, 7, 72, 6, 68, 28, 71, 4, 66, 2, 31, 95], [126, 120, 109, 58, 56, 44, 114, 60, 115, 113, 45, 108, 61, 57, 104, 42, 50, 59, 51, 29, 41, 40, 106, 123, 119, 105, 55, 124, 116, 62, 22, 49, 118, 34, 90, 47, 125, 86, 93, 98, 127, 112, 111, 87, 122, 39, 94, 63, 27, 16, 80, 117, 24, 100, 53, 88, 37, 89, 18, 121, 91, 52, 23, 48, 19, 83, 26, 82, 30, 25, 15, 54, 85, 77, 75, 20, 13, 35, 103, 110, 101, 102, 46, 84, 79, 21, 11, 36, 43, 9, 73, 3, 96, 78, 14, 17, 76, 81, 70, 32, 99, 8, 1, 10, 67, 92, 107, 7, 5, 69, 12, 97, 74, 0, 65, 6, 72, 64, 71, 28, 33, 68, 4, 38, 66, 31, 2, 95], [126, 120, 109, 56, 58, 44, 114, 60, 115, 113, 45, 108, 104, 29, 61, 57, 50, 42, 51, 59, 41, 40, 55, 22, 106, 123, 105, 49, 119, 124, 34, 116, 125, 118, 62, 86, 93, 87, 127, 63, 16, 98, 90, 27, 94, 24, 37, 80, 117, 47, 18, 112, 39, 111, 53, 88, 91, 85, 30, 13, 89, 19, 82, 26, 48, 122, 83, 121, 23, 54, 25, 84, 35, 15, 100, 79, 110, 75, 103, 77, 20, 21, 52, 101, 11, 46, 17, 102, 99, 96, 36, 9, 81, 97, 14, 12, 78, 73, 92, 32, 8, 10, 74, 107, 76, 43, 70, 5, 69, 7, 72, 71, 33, 65, 67, 28, 38, 1, 3, 64, 0, 6, 31, 95, 4, 68, 2, 66], [126, 120, 109, 58, 56, 44, 60, 114, 115, 113, 45, 108, 29, 57, 42, 104, 51, 61, 50, 106, 40, 59, 41, 123, 22, 55, 119, 124, 49, 105, 118, 34, 127, 125, 86, 87, 93, 24, 27, 53, 94, 47, 116, 90, 80, 37, 88, 62, 89, 111, 16, 98, 25, 63, 83, 121, 52, 19, 18, 84, 112, 117, 91, 122, 15, 54, 30, 26, 77, 39, 100, 23, 48, 75, 21, 82, 85, 110, 101, 13, 46, 35, 20, 36, 103, 102, 11, 99, 79, 96, 17, 14, 81, 78, 9, 12, 32, 73, 92, 10, 107, 76, 97, 43, 8, 33, 7, 28, 38, 69, 74, 72, 5, 3, 71, 1, 0, 31, 70, 67, 65, 68, 6, 64, 4, 95, 66, 2], [126, 120, 109, 58, 44, 56, 60, 114, 115, 113, 108, 45, 57, 29, 42, 61, 51, 104, 59, 50, 22, 123, 106, 41, 40, 55, 118, 119, 125, 53, 49, 86, 124, 90, 105, 93, 34, 62, 87, 27, 127, 94, 24, 25, 89, 88, 98, 116, 37, 112, 80, 47, 63, 101, 16, 52, 39, 111, 18, 91, 26, 100, 83, 23, 30, 117, 121, 19, 54, 122, 99, 15, 103, 85, 21, 13, 82, 84, 35, 77, 102, 20, 46, 48, 75, 36, 32, 110, 97, 79, 96, 81, 92, 73, 17, 11, 33, 14, 78, 9, 43, 28, 12, 107, 8, 69, 5, 71, 6, 10, 76, 7, 65, 72, 31, 0, 3, 74, 64, 67, 1, 38, 4, 95, 68, 66, 70, 2], [126, 120, 109, 58, 56, 44, 60, 114, 113, 115, 45, 108, 57, 29, 104, 42, 61, 51, 50, 59, 40, 106, 123, 41, 55, 22, 119, 86, 49, 34, 93, 105, 118, 127, 37, 47, 124, 122, 90, 53, 116, 94, 62, 25, 89, 87, 26, 111, 27, 63, 125, 24, 30, 98, 52, 121, 16, 88, 80, 18, 101, 112, 83, 48, 54, 23, 35, 46, 100, 91, 82, 39, 85, 15, 117, 103, 84, 21, 13, 20, 110, 36, 19, 102, 32, 11, 99, 77, 43, 75, 79, 78, 96, 17, 81, 97, 73, 92, 107, 14, 74, 9, 12, 10, 33, 76, 28, 6, 69, 71, 8, 38, 7, 5, 72, 64, 65, 1, 31, 0, 68, 67, 3, 95, 4, 66, 2, 70], [126, 120, 109, 58, 56, 44, 114, 60, 113, 115, 45, 108, 57, 29, 61, 104, 42, 51, 50, 40, 123, 41, 106, 62, 59, 119, 49, 22, 55, 86, 93, 127, 34, 52, 118, 124, 105, 37, 125, 121, 47, 116, 53, 94, 90, 87, 63, 54, 98, 30, 122, 111, 89, 101, 16, 80, 25, 39, 85, 112, 24, 88, 27, 117, 83, 100, 23, 26, 46, 82, 91, 13, 18, 11, 35, 77, 36, 48, 75, 79, 110, 21, 103, 20, 19, 84, 102, 99, 76, 81, 15, 96, 9, 73, 17, 78, 32, 43, 92, 107, 5, 8, 7, 97, 71, 69, 6, 72, 12, 14, 74, 28, 3, 65, 1, 10, 38, 0, 33, 67, 64, 4, 70, 95, 68, 66, 2, 31], [126, 120, 109, 58, 56, 44, 114, 60, 115, 45, 113, 108, 104, 29, 57, 42, 61, 51, 123, 41, 40, 59, 50, 55, 106, 125, 105, 34, 49, 22, 119, 118, 62, 124, 86, 53, 93, 80, 116, 112, 98, 90, 16, 47, 52, 127, 94, 37, 122, 111, 87, 89, 27, 63, 13, 24, 30, 18, 117, 39, 85, 54, 23, 103, 25, 88, 26, 15, 100, 91, 84, 19, 11, 75, 77, 83, 82, 121, 79, 20, 48, 101, 73, 21, 96, 110, 36, 9, 35, 46, 17, 5, 67, 6, 14, 81, 72, 92, 78, 32, 43, 102, 99, 1, 69, 71, 76, 7, 10, 12, 97, 74, 65, 3, 8, 0, 64, 70, 68, 38, 33, 107, 4, 28, 2, 66, 95, 31], [126, 120, 109, 58, 56, 44, 114, 60, 115, 108, 113, 45, 104, 29, 42, 57, 61, 50, 51, 40, 59, 106, 41, 123, 22, 55, 49, 34, 86, 125, 105, 118, 124, 119, 47, 62, 127, 52, 98, 80, 90, 53, 24, 93, 27, 87, 16, 116, 122, 117, 37, 89, 94, 26, 39, 121, 112, 88, 91, 13, 63, 18, 30, 111, 83, 103, 48, 19, 82, 85, 54, 11, 23, 101, 84, 100, 25, 79, 75, 21, 20, 15, 77, 35, 46, 36, 9, 110, 78, 14, 73, 81, 99, 102, 96, 12, 32, 43, 17, 71, 97, 92, 72, 33, 107, 10, 69, 7, 5, 76, 6, 74, 3, 67, 1, 8, 0, 38, 65, 70, 64, 28, 31, 4, 68, 2, 66, 95], [126, 120, 109, 56, 114, 58, 60, 44, 115, 113, 108, 45, 29, 57, 61, 42, 123, 51, 104, 50, 40, 106, 41, 59, 124, 125, 55, 119, 118, 22, 86, 105, 49, 93, 62, 122, 52, 37, 34, 90, 53, 94, 116, 87, 47, 127, 27, 24, 88, 98, 101, 89, 111, 30, 121, 112, 103, 54, 25, 82, 91, 117, 16, 80, 48, 46, 26, 100, 83, 18, 35, 110, 21, 85, 39, 19, 63, 96, 102, 99, 23, 13, 20, 36, 84, 32, 79, 97, 11, 81, 15, 77, 43, 75, 78, 92, 107, 12, 17, 73, 14, 33, 9, 10, 71, 28, 72, 5, 38, 74, 76, 70, 69, 8, 7, 31, 68, 67, 6, 95, 1, 65, 3, 0, 4, 66, 64, 2], [126, 120, 109, 56, 114, 58, 44, 60, 115, 108, 113, 45, 57, 29, 104, 51, 42, 61, 123, 50, 106, 40, 59, 119, 41, 118, 55, 22, 124, 86, 105, 125, 49, 34, 62, 127, 90, 116, 37, 93, 47, 53, 63, 54, 98, 52, 87, 30, 16, 111, 24, 117, 27, 94, 122, 80, 101, 100, 26, 25, 89, 121, 91, 112, 103, 88, 83, 23, 35, 39, 84, 13, 85, 48, 46, 19, 21, 18, 82, 11, 75, 79, 81, 99, 107, 9, 36, 102, 20, 32, 15, 77, 110, 43, 97, 78, 96, 73, 14, 71, 17, 5, 76, 70, 92, 10, 72, 64, 33, 12, 7, 65, 69, 0, 1, 74, 8, 3, 38, 67, 28, 4, 95, 31, 66, 68, 2, 6], [126, 120, 109, 58, 56, 44, 114, 60, 115, 113, 108, 45, 57, 29, 104, 42, 61, 51, 50, 123, 59, 106, 40, 41, 22, 55, 119, 49, 93, 105, 34, 118, 124, 98, 86, 87, 62, 125, 37, 80, 90, 47, 16, 52, 89, 53, 94, 111, 127, 122, 27, 39, 116, 24, 30, 54, 101, 46, 117, 112, 18, 100, 26, 21, 19, 91, 13, 82, 83, 11, 85, 103, 25, 75, 23, 84, 15, 63, 36, 81, 77, 20, 88, 107, 110, 73, 79, 121, 9, 35, 102, 17, 48, 78, 96, 99, 14, 12, 76, 92, 7, 32, 70, 10, 5, 97, 72, 71, 67, 43, 69, 8, 3, 64, 74, 33, 1, 0, 65, 38, 28, 4, 6, 68, 31, 2, 95, 66], [126, 120, 109, 56, 58, 44, 60, 114, 115, 113, 45, 108, 29, 57, 42, 61, 104, 50, 51, 59, 40, 123, 41, 55, 49, 119, 106, 105, 22, 34, 90, 124, 47, 62, 98, 116, 118, 125, 86, 117, 53, 111, 122, 37, 52, 127, 103, 30, 112, 24, 93, 94, 87, 26, 46, 54, 80, 39, 101, 16, 27, 63, 82, 25, 85, 13, 88, 19, 110, 91, 83, 89, 100, 11, 121, 18, 15, 75, 73, 21, 84, 36, 35, 23, 48, 77, 20, 79, 9, 102, 99, 96, 107, 81, 92, 78, 10, 12, 32, 14, 72, 76, 70, 17, 33, 69, 97, 43, 7, 67, 3, 8, 71, 65, 74, 38, 0, 1, 5, 64, 6, 28, 68, 4, 66, 95, 31, 2], [126, 120, 109, 114, 56, 44, 58, 60, 115, 108, 113, 45, 29, 57, 61, 42, 104, 51, 50, 40, 106, 123, 41, 59, 55, 49, 119, 118, 22, 86, 34, 105, 124, 62, 94, 52, 93, 116, 98, 125, 111, 90, 37, 47, 30, 53, 27, 117, 87, 127, 101, 39, 24, 122, 54, 63, 80, 112, 88, 25, 26, 91, 100, 89, 19, 82, 46, 48, 16, 21, 13, 85, 83, 103, 84, 35, 23, 121, 18, 96, 79, 102, 15, 36, 11, 110, 107, 99, 92, 20, 32, 75, 17, 12, 77, 81, 33, 43, 73, 78, 97, 9, 14, 10, 64, 69, 28, 71, 38, 76, 72, 74, 8, 5, 7, 65, 70, 67, 1, 0, 3, 95, 31, 4, 6, 2, 68, 66], [126, 120, 109, 58, 114, 44, 56, 60, 115, 113, 108, 45, 29, 57, 104, 42, 61, 51, 50, 106, 40, 123, 41, 59, 119, 55, 22, 49, 34, 105, 118, 93, 86, 62, 124, 125, 47, 111, 98, 90, 94, 52, 122, 26, 37, 116, 117, 87, 24, 63, 27, 30, 39, 53, 80, 112, 88, 85, 16, 89, 101, 127, 25, 91, 121, 100, 82, 18, 54, 83, 13, 110, 103, 46, 19, 23, 36, 11, 20, 102, 21, 35, 15, 32, 48, 99, 96, 12, 75, 79, 84, 77, 9, 92, 73, 17, 107, 81, 97, 78, 14, 43, 71, 33, 7, 69, 5, 74, 8, 72, 28, 38, 64, 67, 10, 1, 3, 0, 76, 65, 6, 70, 31, 68, 4, 66, 2, 95], [126, 120, 109, 58, 44, 60, 56, 114, 115, 113, 45, 108, 57, 104, 29, 61, 42, 51, 50, 40, 59, 123, 41, 124, 106, 119, 62, 22, 105, 49, 34, 118, 55, 37, 93, 47, 116, 52, 94, 98, 111, 90, 125, 87, 53, 122, 39, 100, 86, 127, 30, 112, 54, 121, 27, 80, 25, 26, 101, 117, 24, 18, 103, 35, 63, 16, 88, 110, 36, 89, 46, 23, 21, 83, 82, 91, 102, 85, 96, 19, 15, 75, 11, 48, 84, 13, 20, 99, 107, 79, 81, 73, 77, 32, 38, 92, 17, 97, 9, 12, 43, 76, 14, 78, 8, 1, 74, 71, 67, 6, 10, 5, 64, 7, 3, 69, 72, 28, 33, 65, 0, 70, 95, 68, 66, 31, 4, 2], [126, 120, 109, 58, 56, 114, 44, 60, 115, 113, 45, 108, 29, 57, 61, 104, 42, 51, 50, 40, 59, 41, 123, 22, 119, 106, 124, 49, 34, 55, 105, 118, 62, 125, 93, 98, 116, 52, 86, 94, 90, 37, 111, 112, 63, 47, 53, 16, 101, 87, 121, 127, 30, 25, 24, 27, 54, 26, 91, 80, 100, 103, 23, 122, 82, 89, 110, 18, 39, 48, 11, 85, 88, 83, 21, 19, 96, 46, 13, 117, 35, 84, 102, 15, 75, 107, 77, 99, 20, 36, 79, 92, 73, 81, 32, 14, 17, 9, 78, 97, 74, 76, 33, 10, 12, 8, 6, 5, 71, 43, 1, 7, 72, 38, 67, 28, 69, 65, 64, 3, 0, 95, 4, 70, 68, 31, 66, 2], [126, 120, 109, 58, 56, 114, 44, 60, 115, 113, 45, 108, 29, 104, 61, 42, 57, 51, 40, 50, 59, 123, 106, 49, 41, 55, 22, 62, 119, 124, 34, 118, 86, 105, 52, 125, 90, 93, 94, 116, 37, 63, 98, 53, 16, 47, 24, 87, 80, 117, 112, 111, 39, 30, 54, 26, 27, 91, 89, 88, 101, 82, 25, 23, 121, 48, 103, 13, 21, 85, 83, 127, 18, 100, 84, 20, 19, 110, 75, 11, 77, 36, 96, 79, 122, 102, 107, 46, 32, 15, 99, 35, 9, 17, 81, 92, 73, 12, 33, 43, 78, 14, 76, 10, 6, 71, 8, 97, 74, 7, 5, 72, 3, 28, 69, 0, 65, 1, 67, 38, 64, 31, 95, 70, 4, 68, 66, 2], [126, 120, 109, 58, 56, 114, 44, 60, 113, 115, 45, 108, 104, 29, 51, 61, 57, 42, 40, 106, 59, 50, 41, 62, 123, 119, 105, 124, 55, 118, 34, 49, 125, 86, 52, 22, 37, 87, 98, 93, 116, 47, 90, 121, 53, 63, 112, 111, 94, 117, 89, 16, 39, 24, 27, 127, 26, 88, 30, 110, 54, 122, 18, 80, 91, 101, 23, 83, 85, 48, 102, 82, 25, 21, 100, 20, 96, 19, 35, 13, 77, 46, 11, 36, 84, 107, 99, 17, 15, 79, 75, 92, 103, 12, 32, 33, 73, 81, 43, 0, 9, 78, 14, 67, 65, 64, 1, 5, 8, 10, 69, 72, 97, 6, 74, 76, 38, 71, 7, 28, 3, 4, 70, 31, 2, 68, 66, 95], [126, 120, 109, 58, 56, 44, 114, 60, 115, 113, 45, 108, 61, 29, 104, 57, 51, 42, 40, 50, 59, 123, 106, 41, 118, 62, 55, 22, 124, 119, 105, 49, 116, 86, 34, 93, 37, 98, 111, 94, 87, 90, 125, 53, 30, 117, 47, 112, 16, 121, 110, 52, 39, 54, 127, 27, 100, 103, 122, 91, 88, 63, 26, 101, 18, 89, 80, 24, 48, 19, 83, 20, 25, 82, 23, 21, 35, 36, 85, 107, 46, 77, 13, 99, 84, 102, 11, 32, 79, 96, 92, 75, 15, 17, 9, 12, 73, 33, 78, 81, 14, 43, 69, 3, 8, 97, 76, 7, 74, 10, 28, 38, 1, 65, 5, 6, 64, 68, 70, 71, 72, 0, 67, 31, 66, 95, 4, 2], [126, 120, 109, 56, 58, 114, 44, 60, 115, 113, 108, 45, 29, 104, 61, 42, 57, 51, 123, 50, 40, 106, 59, 41, 62, 22, 49, 118, 119, 55, 105, 124, 34, 116, 93, 47, 125, 86, 87, 98, 37, 63, 90, 52, 94, 111, 53, 30, 80, 91, 117, 24, 121, 88, 39, 16, 26, 18, 122, 127, 112, 100, 48, 27, 89, 19, 54, 101, 46, 85, 25, 110, 82, 20, 11, 83, 103, 15, 75, 23, 21, 36, 102, 35, 84, 77, 107, 96, 13, 79, 32, 73, 17, 92, 14, 76, 9, 99, 7, 12, 97, 81, 78, 8, 69, 43, 10, 38, 70, 33, 74, 5, 28, 71, 72, 67, 1, 0, 3, 65, 64, 68, 6, 95, 4, 31, 66, 2], [126, 120, 109, 58, 56, 44, 114, 60, 115, 113, 45, 108, 57, 29, 104, 42, 61, 51, 40, 123, 50, 106, 59, 41, 22, 55, 119, 105, 49, 118, 62, 34, 124, 93, 125, 86, 87, 121, 52, 47, 98, 39, 90, 116, 94, 37, 26, 111, 24, 63, 89, 127, 112, 117, 16, 54, 27, 18, 80, 30, 91, 82, 53, 88, 83, 122, 101, 100, 48, 23, 19, 21, 85, 77, 15, 20, 110, 75, 11, 13, 25, 84, 103, 35, 96, 36, 73, 17, 46, 79, 102, 9, 81, 76, 107, 92, 78, 32, 99, 74, 14, 12, 70, 43, 71, 7, 5, 72, 8, 69, 97, 10, 3, 38, 28, 67, 65, 33, 1, 64, 0, 4, 6, 31, 68, 95, 2, 66], [126, 120, 109, 56, 58, 44, 114, 60, 115, 113, 45, 108, 29, 104, 57, 42, 61, 123, 51, 50, 59, 40, 106, 119, 41, 49, 22, 118, 124, 105, 55, 34, 63, 62, 125, 121, 86, 116, 52, 90, 98, 93, 53, 87, 47, 24, 94, 54, 37, 39, 117, 101, 27, 26, 30, 127, 89, 111, 122, 112, 18, 48, 80, 16, 88, 91, 100, 25, 83, 35, 84, 23, 82, 19, 96, 36, 46, 110, 13, 21, 75, 85, 9, 102, 107, 103, 15, 11, 99, 92, 20, 77, 79, 73, 43, 76, 32, 97, 14, 17, 33, 78, 81, 74, 28, 38, 7, 10, 71, 5, 72, 70, 69, 12, 8, 67, 1, 65, 64, 0, 31, 95, 3, 68, 6, 66, 4, 2], [126, 120, 109, 58, 44, 56, 114, 60, 115, 108, 45, 113, 29, 104, 42, 57, 61, 51, 123, 50, 59, 40, 106, 119, 41, 124, 55, 118, 62, 125, 34, 22, 105, 90, 86, 53, 49, 116, 93, 94, 127, 52, 122, 37, 98, 47, 63, 117, 39, 112, 87, 111, 27, 54, 103, 30, 121, 101, 100, 48, 25, 88, 89, 18, 23, 24, 16, 26, 80, 83, 110, 91, 36, 84, 35, 99, 75, 82, 20, 21, 19, 46, 107, 13, 96, 43, 77, 102, 15, 85, 9, 11, 32, 17, 7, 79, 97, 14, 92, 78, 81, 73, 76, 33, 38, 72, 67, 74, 12, 69, 5, 70, 28, 3, 71, 31, 8, 64, 65, 10, 0, 1, 6, 68, 4, 95, 2, 66], [126, 120, 109, 58, 56, 44, 114, 60, 115, 113, 45, 108, 29, 104, 57, 42, 61, 51, 50, 40, 59, 106, 123, 41, 62, 22, 124, 118, 119, 49, 105, 55, 116, 87, 86, 47, 93, 34, 125, 122, 94, 121, 111, 98, 117, 63, 52, 37, 112, 90, 127, 30, 39, 80, 18, 24, 53, 16, 27, 89, 54, 26, 25, 101, 91, 83, 100, 13, 75, 84, 23, 19, 88, 82, 21, 48, 96, 110, 11, 35, 15, 79, 20, 36, 85, 77, 102, 107, 73, 99, 32, 9, 17, 81, 103, 46, 12, 14, 76, 78, 74, 10, 7, 5, 92, 97, 72, 1, 43, 69, 67, 71, 8, 64, 33, 6, 3, 65, 38, 70, 0, 4, 28, 68, 66, 95, 31, 2], [126, 120, 109, 58, 56, 44, 114, 60, 115, 113, 45, 108, 29, 61, 104, 57, 42, 40, 50, 51, 59, 123, 41, 106, 22, 49, 124, 105, 62, 55, 119, 118, 34, 86, 125, 63, 98, 47, 93, 116, 94, 111, 87, 30, 37, 90, 122, 16, 127, 112, 39, 27, 52, 100, 24, 117, 54, 80, 96, 91, 82, 101, 25, 26, 121, 89, 88, 18, 53, 110, 75, 46, 103, 83, 13, 85, 79, 48, 23, 19, 21, 35, 84, 36, 77, 11, 15, 102, 20, 73, 9, 43, 107, 14, 99, 81, 72, 76, 5, 92, 17, 32, 1, 74, 78, 97, 64, 65, 12, 10, 8, 0, 7, 3, 69, 6, 71, 38, 67, 33, 70, 28, 4, 66, 68, 95, 31, 2], [126, 120, 109, 56, 58, 44, 114, 115, 60, 113, 45, 108, 29, 104, 61, 51, 42, 57, 59, 50, 123, 40, 41, 106, 22, 118, 105, 49, 124, 119, 55, 34, 125, 86, 116, 93, 98, 87, 94, 47, 63, 53, 90, 127, 52, 37, 30, 117, 80, 24, 111, 112, 39, 62, 16, 54, 27, 121, 26, 82, 88, 25, 75, 83, 91, 13, 21, 100, 23, 89, 101, 18, 35, 48, 79, 96, 85, 77, 110, 122, 84, 46, 20, 11, 15, 19, 73, 103, 99, 36, 92, 107, 76, 14, 9, 78, 81, 43, 102, 97, 12, 17, 32, 72, 5, 6, 7, 10, 33, 74, 28, 69, 71, 8, 67, 3, 38, 1, 64, 65, 0, 70, 31, 4, 68, 2, 95, 66], [126, 120, 109, 56, 114, 58, 44, 115, 60, 113, 45, 108, 104, 29, 61, 42, 50, 57, 51, 123, 59, 40, 41, 106, 49, 118, 119, 55, 124, 105, 116, 22, 34, 125, 86, 52, 63, 112, 98, 62, 47, 30, 94, 87, 111, 127, 93, 39, 90, 37, 54, 101, 121, 27, 24, 26, 16, 53, 80, 100, 117, 122, 103, 91, 82, 23, 89, 48, 18, 96, 88, 85, 25, 75, 35, 13, 84, 15, 110, 19, 21, 9, 36, 73, 77, 83, 20, 79, 7, 11, 107, 99, 46, 14, 5, 6, 76, 102, 81, 32, 92, 78, 43, 12, 69, 17, 10, 97, 8, 74, 67, 72, 64, 0, 33, 65, 1, 71, 38, 3, 28, 4, 95, 68, 70, 31, 66, 2], [126, 120, 109, 44, 56, 114, 58, 60, 115, 108, 113, 45, 29, 104, 57, 61, 42, 51, 50, 59, 40, 41, 106, 22, 123, 55, 118, 116, 119, 125, 124, 34, 86, 105, 49, 62, 87, 93, 47, 98, 94, 37, 127, 111, 90, 27, 39, 53, 30, 80, 100, 24, 16, 52, 63, 117, 121, 112, 122, 26, 25, 19, 101, 91, 88, 54, 13, 23, 82, 75, 18, 48, 35, 89, 83, 85, 21, 15, 110, 84, 77, 79, 96, 20, 11, 103, 9, 73, 14, 46, 76, 36, 102, 107, 97, 43, 32, 99, 81, 92, 78, 7, 17, 6, 69, 12, 72, 8, 74, 28, 33, 38, 71, 5, 10, 67, 31, 1, 95, 68, 3, 4, 65, 64, 0, 70, 66, 2]], "model.layers.18.self_attn.q_proj": [[39, 52, 112, 113, 32, 26, 87, 85, 121, 49, 29, 90, 74, 79, 116, 70, 77, 20, 53, 93, 82, 80, 46, 44, 23, 125, 119, 0, 75, 57, 98, 124, 18, 55, 61, 68, 111, 3, 48, 60, 54, 123, 115, 110, 62, 106, 65, 126, 19, 7, 117, 107, 84, 99, 118, 38, 56, 96, 120, 42, 47, 43, 9, 50, 109, 8, 2, 40, 51, 58, 11, 105, 21, 17, 25, 97, 41, 101, 59, 102, 122, 35, 24, 45, 6, 127, 63, 89, 104, 94, 33, 37, 30, 114, 100, 28, 108, 66, 22, 34, 14, 86, 36, 31, 88, 27, 92, 83, 103, 15, 69, 91, 10, 95, 81, 5, 16, 76, 71, 72, 1, 78, 12, 73, 67, 13, 4, 64], [39, 113, 52, 110, 112, 49, 29, 46, 87, 85, 32, 116, 90, 53, 26, 80, 93, 60, 83, 92, 77, 125, 115, 108, 23, 44, 123, 79, 21, 31, 121, 98, 119, 56, 111, 88, 58, 8, 48, 124, 107, 61, 105, 122, 42, 101, 18, 74, 118, 126, 62, 100, 25, 57, 55, 33, 63, 104, 106, 97, 45, 43, 24, 70, 117, 54, 99, 35, 38, 41, 82, 89, 47, 114, 120, 59, 50, 40, 109, 51, 127, 102, 36, 86, 68, 12, 11, 28, 17, 78, 91, 96, 94, 37, 15, 22, 34, 84, 9, 95, 30, 20, 7, 76, 19, 13, 27, 72, 75, 6, 16, 81, 73, 14, 2, 4, 64, 71, 65, 3, 69, 10, 0, 103, 1, 67, 66, 5], [39, 113, 52, 49, 29, 85, 32, 87, 116, 90, 26, 121, 79, 60, 125, 110, 46, 93, 112, 119, 53, 44, 21, 77, 124, 111, 122, 59, 61, 96, 109, 118, 123, 80, 98, 84, 56, 115, 54, 82, 47, 55, 57, 18, 23, 8, 74, 108, 83, 101, 120, 50, 92, 43, 22, 88, 89, 37, 31, 48, 97, 127, 42, 41, 51, 11, 105, 38, 35, 91, 106, 45, 62, 58, 75, 107, 36, 104, 78, 70, 117, 33, 63, 28, 114, 126, 94, 15, 19, 86, 95, 102, 40, 30, 27, 34, 9, 99, 17, 100, 24, 16, 76, 68, 25, 20, 71, 7, 81, 65, 3, 14, 12, 103, 2, 13, 1, 0, 72, 73, 4, 67, 64, 10, 6, 5, 69, 66], [39, 113, 52, 112, 110, 49, 29, 32, 85, 116, 77, 122, 87, 26, 31, 98, 46, 93, 80, 48, 8, 119, 50, 83, 70, 79, 53, 18, 123, 120, 74, 44, 125, 111, 114, 60, 42, 58, 124, 88, 57, 100, 92, 21, 117, 118, 90, 56, 115, 23, 121, 61, 35, 7, 108, 45, 27, 109, 63, 101, 25, 37, 62, 43, 0, 59, 82, 51, 54, 28, 6, 86, 68, 99, 102, 36, 104, 107, 41, 97, 38, 47, 55, 106, 105, 126, 127, 69, 40, 33, 34, 12, 3, 94, 95, 13, 91, 11, 30, 78, 19, 24, 84, 22, 15, 96, 81, 89, 20, 65, 67, 66, 9, 2, 73, 75, 4, 71, 76, 72, 16, 14, 17, 10, 1, 64, 5, 103], [124, 63, 56, 100, 115, 36, 39, 110, 102, 122, 116, 111, 59, 54, 105, 58, 103, 57, 121, 120, 60, 49, 62, 127, 50, 45, 25, 117, 125, 47, 112, 123, 55, 48, 114, 53, 109, 93, 126, 35, 52, 42, 40, 113, 51, 101, 41, 34, 119, 46, 87, 118, 107, 108, 61, 32, 44, 99, 104, 43, 38, 106, 37, 80, 90, 96, 94, 20, 30, 98, 23, 24, 97, 33, 84, 27, 31, 95, 29, 73, 85, 91, 89, 19, 28, 22, 21, 92, 78, 26, 88, 11, 75, 16, 86, 18, 69, 83, 77, 82, 13, 7, 9, 14, 1, 71, 5, 6, 66, 17, 3, 2, 79, 81, 67, 4, 15, 70, 12, 72, 74, 10, 65, 76, 64, 0, 8, 68], [63, 124, 30, 39, 115, 100, 19, 36, 25, 96, 22, 12, 18, 17, 15, 99, 27, 89, 32, 13, 72, 24, 5, 103, 35, 74, 92, 6, 123, 122, 56, 45, 2, 54, 4, 1, 90, 120, 126, 28, 33, 71, 21, 121, 42, 85, 14, 113, 26, 98, 83, 125, 73, 84, 75, 11, 94, 108, 86, 117, 23, 69, 52, 9, 10, 0, 81, 20, 97, 7, 67, 101, 38, 112, 87, 118, 93, 60, 43, 29, 16, 57, 34, 47, 37, 78, 91, 107, 80, 82, 88, 3, 58, 105, 79, 44, 65, 127, 119, 48, 70, 59, 62, 95, 53, 40, 109, 51, 66, 76, 31, 102, 111, 104, 49, 77, 106, 110, 114, 50, 68, 64, 61, 55, 116, 41, 46, 8], [124, 63, 100, 36, 120, 98, 103, 38, 25, 96, 32, 84, 19, 87, 97, 45, 94, 101, 126, 39, 22, 56, 51, 89, 117, 59, 121, 58, 113, 27, 21, 17, 62, 34, 54, 31, 23, 107, 40, 86, 52, 33, 13, 47, 111, 48, 46, 112, 102, 90, 122, 127, 99, 15, 60, 24, 57, 43, 91, 125, 83, 116, 29, 118, 44, 26, 28, 119, 110, 114, 30, 88, 109, 106, 49, 61, 93, 123, 105, 115, 35, 55, 53, 108, 12, 80, 85, 37, 78, 42, 20, 11, 104, 41, 81, 18, 95, 92, 50, 7, 14, 16, 82, 5, 77, 6, 74, 79, 75, 73, 72, 69, 76, 4, 2, 71, 9, 64, 68, 70, 8, 10, 66, 65, 1, 67, 3, 0], [124, 63, 24, 100, 21, 30, 18, 17, 12, 22, 15, 39, 115, 8, 74, 72, 27, 4, 90, 96, 79, 84, 13, 92, 76, 36, 1, 25, 94, 122, 68, 64, 75, 26, 77, 51, 121, 0, 6, 7, 3, 83, 2, 33, 85, 69, 81, 31, 10, 28, 70, 19, 86, 89, 46, 14, 5, 78, 67, 11, 82, 66, 20, 16, 71, 23, 80, 102, 88, 65, 73, 87, 93, 29, 43, 111, 103, 95, 32, 9, 127, 97, 35, 91, 98, 114, 126, 42, 125, 44, 37, 99, 56, 40, 61, 45, 120, 52, 58, 34, 104, 105, 119, 50, 101, 118, 38, 53, 59, 108, 107, 123, 55, 106, 112, 41, 49, 116, 60, 57, 109, 110, 113, 48, 54, 117, 47, 62], [55, 102, 118, 123, 46, 97, 61, 62, 53, 116, 106, 21, 120, 27, 57, 51, 115, 112, 126, 58, 122, 119, 48, 49, 63, 114, 91, 124, 50, 45, 31, 109, 52, 117, 24, 99, 110, 127, 60, 95, 41, 125, 121, 54, 113, 56, 103, 111, 59, 14, 47, 108, 104, 44, 38, 87, 88, 40, 18, 28, 19, 78, 70, 6, 42, 39, 26, 105, 107, 92, 86, 43, 101, 36, 37, 100, 93, 98, 96, 35, 34, 32, 65, 33, 82, 23, 94, 25, 30, 29, 0, 89, 16, 84, 90, 85, 22, 76, 80, 64, 17, 1, 3, 68, 20, 4, 83, 67, 11, 12, 8, 15, 66, 81, 2, 71, 72, 5, 9, 75, 7, 69, 74, 79, 77, 73, 13, 10], [118, 102, 55, 123, 48, 97, 53, 62, 61, 27, 46, 24, 57, 91, 51, 21, 116, 120, 31, 38, 122, 126, 115, 50, 49, 119, 124, 112, 58, 114, 63, 110, 40, 117, 95, 106, 109, 52, 54, 113, 99, 121, 18, 127, 56, 86, 88, 125, 45, 47, 111, 41, 60, 59, 104, 14, 44, 39, 43, 103, 108, 100, 107, 42, 92, 33, 105, 26, 101, 94, 98, 37, 36, 32, 78, 19, 35, 70, 34, 96, 29, 93, 30, 25, 28, 22, 17, 23, 84, 87, 82, 90, 6, 16, 85, 89, 80, 83, 20, 76, 12, 65, 15, 81, 3, 0, 1, 8, 75, 9, 71, 73, 11, 68, 79, 67, 64, 5, 4, 66, 77, 7, 2, 69, 74, 72, 10, 13], [102, 55, 118, 97, 123, 86, 24, 84, 46, 15, 27, 82, 17, 88, 77, 90, 74, 18, 48, 11, 72, 76, 30, 38, 120, 91, 54, 8, 95, 69, 92, 106, 93, 62, 71, 104, 22, 5, 16, 3, 20, 9, 81, 29, 14, 119, 75, 10, 31, 7, 116, 13, 19, 79, 21, 89, 45, 25, 85, 26, 126, 83, 28, 80, 23, 12, 67, 122, 101, 94, 40, 1, 87, 33, 108, 98, 70, 124, 49, 78, 109, 61, 96, 73, 36, 64, 65, 53, 68, 6, 114, 32, 103, 34, 0, 66, 57, 4, 37, 35, 60, 2, 107, 99, 100, 59, 110, 44, 125, 58, 41, 113, 105, 42, 47, 39, 112, 43, 50, 111, 51, 117, 56, 63, 52, 127, 121, 115], [102, 118, 55, 97, 123, 84, 24, 86, 17, 46, 27, 15, 31, 62, 91, 14, 76, 90, 18, 38, 88, 73, 95, 22, 79, 101, 82, 120, 81, 53, 61, 48, 11, 54, 12, 104, 75, 80, 19, 74, 49, 106, 28, 83, 20, 71, 29, 119, 122, 6, 116, 23, 85, 51, 45, 30, 77, 10, 25, 126, 69, 96, 87, 21, 9, 89, 112, 16, 26, 2, 108, 92, 93, 7, 32, 57, 5, 13, 94, 109, 124, 67, 65, 35, 58, 98, 115, 125, 37, 114, 78, 72, 103, 8, 34, 63, 50, 59, 52, 110, 44, 99, 100, 111, 40, 60, 113, 127, 121, 47, 3, 56, 39, 66, 117, 36, 0, 42, 68, 41, 105, 70, 107, 43, 64, 1, 33, 4], [43, 36, 54, 96, 63, 60, 89, 20, 107, 82, 126, 50, 87, 115, 80, 62, 25, 21, 9, 52, 16, 61, 32, 79, 13, 48, 101, 112, 47, 75, 53, 39, 57, 29, 85, 41, 69, 71, 103, 122, 119, 111, 19, 106, 105, 35, 104, 45, 18, 84, 55, 86, 23, 40, 127, 94, 46, 59, 125, 99, 88, 44, 93, 121, 28, 26, 90, 38, 100, 58, 92, 97, 51, 78, 6, 98, 110, 108, 120, 33, 10, 37, 114, 15, 74, 27, 123, 124, 7, 116, 56, 17, 102, 83, 113, 118, 24, 49, 67, 77, 95, 12, 8, 11, 109, 34, 31, 14, 22, 72, 30, 91, 117, 81, 76, 42, 66, 73, 4, 1, 5, 2, 70, 64, 3, 0, 65, 68], [43, 60, 96, 36, 63, 107, 89, 48, 123, 20, 126, 82, 21, 119, 46, 111, 25, 19, 85, 44, 80, 26, 42, 55, 112, 23, 13, 51, 122, 79, 9, 45, 61, 54, 18, 75, 41, 53, 59, 87, 16, 62, 50, 39, 105, 69, 52, 57, 103, 38, 40, 106, 116, 27, 121, 113, 101, 71, 114, 92, 109, 84, 49, 32, 58, 115, 35, 104, 95, 117, 124, 108, 125, 56, 86, 33, 11, 90, 127, 37, 81, 110, 88, 98, 29, 99, 83, 118, 34, 100, 30, 102, 24, 7, 120, 93, 97, 17, 91, 47, 94, 77, 1, 31, 22, 28, 8, 15, 0, 14, 72, 3, 73, 78, 67, 12, 10, 6, 2, 74, 5, 68, 76, 70, 66, 4, 64, 65], [43, 96, 54, 36, 63, 47, 20, 89, 107, 25, 60, 119, 82, 9, 80, 16, 87, 21, 69, 79, 18, 111, 28, 71, 13, 48, 55, 112, 75, 120, 53, 38, 32, 126, 19, 61, 123, 41, 62, 50, 115, 51, 84, 85, 57, 110, 104, 40, 103, 39, 45, 29, 67, 106, 122, 125, 1, 118, 59, 95, 26, 37, 116, 44, 64, 121, 56, 127, 76, 58, 100, 113, 108, 49, 7, 114, 102, 65, 105, 52, 83, 46, 94, 109, 124, 117, 91, 86, 90, 101, 99, 34, 92, 23, 30, 35, 22, 42, 73, 98, 27, 93, 4, 97, 33, 6, 14, 66, 0, 72, 81, 74, 78, 15, 88, 31, 11, 5, 24, 10, 3, 68, 2, 17, 8, 77, 12, 70], [43, 54, 96, 36, 60, 89, 107, 82, 20, 87, 75, 63, 25, 80, 79, 71, 111, 13, 9, 47, 29, 69, 85, 16, 21, 77, 126, 97, 40, 32, 41, 38, 92, 106, 18, 119, 115, 28, 34, 117, 53, 121, 67, 19, 44, 27, 46, 57, 109, 58, 50, 103, 14, 48, 101, 10, 84, 35, 55, 122, 45, 93, 65, 95, 1, 114, 91, 23, 118, 51, 12, 37, 2, 83, 112, 15, 104, 88, 94, 31, 78, 123, 62, 30, 66, 59, 116, 99, 90, 11, 100, 64, 26, 61, 42, 127, 22, 56, 113, 33, 49, 7, 120, 24, 74, 81, 76, 73, 39, 110, 125, 98, 8, 124, 52, 17, 108, 5, 86, 4, 102, 105, 6, 70, 72, 68, 0, 3], [120, 104, 59, 113, 109, 51, 62, 110, 22, 56, 88, 57, 119, 112, 90, 52, 83, 41, 21, 114, 36, 98, 55, 116, 107, 50, 103, 29, 115, 123, 93, 54, 95, 43, 38, 42, 124, 49, 60, 122, 99, 45, 117, 105, 126, 102, 61, 48, 106, 58, 33, 30, 127, 108, 39, 118, 47, 125, 44, 46, 111, 53, 27, 121, 63, 101, 37, 97, 35, 28, 100, 92, 31, 96, 80, 10, 32, 34, 79, 86, 40, 74, 17, 25, 91, 94, 81, 19, 76, 23, 85, 77, 84, 26, 13, 24, 89, 14, 15, 20, 71, 87, 72, 82, 16, 18, 7, 12, 11, 67, 69, 3, 9, 78, 5, 6, 75, 8, 1, 70, 65, 68, 73, 0, 66, 4, 2, 64], [104, 120, 59, 113, 98, 88, 18, 80, 65, 22, 6, 76, 93, 9, 110, 15, 14, 62, 68, 40, 112, 119, 72, 57, 83, 84, 97, 32, 51, 28, 36, 100, 26, 123, 29, 1, 67, 82, 74, 52, 11, 5, 8, 24, 70, 81, 99, 61, 4, 27, 86, 21, 91, 90, 46, 19, 107, 75, 66, 117, 34, 55, 116, 33, 58, 77, 16, 124, 54, 37, 49, 114, 118, 50, 31, 23, 25, 60, 13, 42, 109, 127, 115, 53, 78, 38, 3, 87, 106, 17, 126, 89, 122, 30, 69, 101, 12, 20, 92, 108, 64, 85, 105, 71, 41, 56, 45, 95, 96, 35, 0, 7, 102, 94, 43, 125, 48, 44, 103, 10, 111, 47, 2, 63, 79, 73, 121, 39], [113, 104, 120, 59, 88, 98, 22, 93, 52, 51, 83, 57, 29, 21, 112, 80, 90, 119, 62, 110, 124, 114, 76, 28, 116, 81, 55, 123, 50, 11, 95, 18, 122, 117, 118, 15, 108, 54, 49, 42, 96, 115, 58, 61, 41, 85, 100, 39, 14, 56, 53, 47, 84, 46, 109, 60, 127, 44, 125, 91, 27, 92, 31, 36, 86, 48, 43, 103, 35, 26, 101, 126, 105, 97, 45, 40, 121, 106, 38, 82, 6, 99, 72, 111, 19, 17, 102, 65, 63, 13, 30, 79, 25, 74, 24, 107, 23, 33, 37, 94, 87, 10, 77, 32, 89, 9, 34, 12, 20, 5, 75, 68, 3, 8, 71, 66, 16, 69, 7, 67, 78, 0, 2, 1, 4, 64, 70, 73], [59, 104, 120, 113, 112, 57, 62, 51, 83, 36, 43, 55, 105, 89, 119, 52, 50, 98, 95, 60, 110, 124, 49, 126, 115, 90, 35, 121, 117, 122, 88, 45, 97, 92, 56, 109, 123, 21, 61, 118, 102, 54, 116, 58, 42, 46, 103, 127, 17, 107, 114, 47, 48, 44, 15, 125, 23, 108, 41, 106, 63, 74, 34, 53, 100, 39, 101, 32, 99, 37, 111, 38, 19, 10, 26, 29, 30, 96, 13, 93, 28, 24, 33, 25, 31, 81, 94, 84, 79, 91, 5, 67, 40, 85, 87, 3, 71, 20, 0, 77, 22, 65, 69, 27, 14, 64, 18, 7, 76, 11, 75, 66, 86, 1, 68, 9, 72, 6, 82, 80, 2, 8, 4, 12, 78, 73, 70, 16], [127, 54, 122, 125, 100, 62, 126, 119, 120, 41, 40, 36, 42, 28, 117, 106, 118, 56, 83, 115, 92, 112, 58, 124, 59, 113, 39, 55, 49, 46, 57, 111, 53, 123, 63, 86, 52, 116, 99, 61, 114, 121, 48, 104, 47, 60, 51, 50, 105, 107, 37, 103, 108, 82, 110, 43, 45, 44, 38, 109, 35, 15, 74, 94, 101, 33, 25, 102, 98, 29, 34, 31, 80, 20, 96, 89, 90, 71, 95, 77, 24, 79, 97, 32, 88, 67, 26, 22, 75, 30, 91, 93, 65, 19, 27, 18, 23, 21, 6, 14, 85, 87, 10, 7, 68, 66, 84, 0, 13, 76, 73, 17, 78, 4, 1, 64, 8, 81, 16, 2, 12, 11, 70, 9, 72, 3, 69, 5], [122, 54, 127, 40, 100, 125, 24, 90, 33, 31, 62, 120, 105, 99, 19, 36, 86, 26, 126, 28, 106, 119, 53, 25, 43, 81, 102, 41, 98, 20, 88, 87, 49, 69, 35, 94, 115, 85, 59, 76, 66, 73, 61, 32, 7, 104, 56, 91, 27, 52, 34, 15, 110, 23, 8, 57, 38, 83, 72, 22, 75, 114, 29, 58, 63, 12, 78, 5, 101, 3, 109, 113, 92, 117, 48, 123, 42, 60, 111, 51, 17, 124, 16, 116, 37, 70, 103, 74, 112, 93, 55, 121, 96, 47, 82, 10, 21, 13, 50, 11, 9, 14, 30, 95, 46, 118, 39, 1, 89, 4, 80, 108, 107, 45, 77, 6, 44, 67, 18, 79, 84, 2, 71, 64, 65, 68, 0, 97], [54, 122, 127, 100, 41, 40, 92, 33, 106, 120, 125, 126, 36, 24, 103, 28, 83, 86, 119, 117, 94, 32, 26, 99, 115, 15, 42, 62, 49, 31, 59, 90, 29, 21, 105, 57, 96, 88, 53, 104, 82, 124, 113, 56, 39, 58, 95, 63, 74, 112, 35, 38, 34, 16, 123, 114, 55, 118, 48, 80, 61, 50, 98, 52, 37, 22, 51, 121, 46, 89, 101, 27, 102, 23, 47, 97, 85, 19, 77, 116, 111, 60, 107, 20, 43, 30, 110, 25, 87, 91, 13, 79, 109, 81, 44, 93, 75, 108, 76, 18, 12, 45, 71, 78, 14, 11, 17, 84, 8, 6, 10, 73, 9, 66, 4, 67, 72, 65, 7, 0, 69, 68, 70, 1, 64, 3, 5, 2], [127, 122, 54, 100, 41, 40, 126, 86, 26, 33, 28, 120, 15, 36, 42, 43, 117, 119, 96, 125, 83, 106, 49, 53, 57, 59, 21, 92, 118, 39, 124, 38, 115, 88, 103, 62, 107, 56, 24, 58, 35, 19, 114, 46, 108, 95, 112, 61, 37, 48, 105, 110, 81, 52, 123, 47, 63, 55, 113, 102, 17, 104, 50, 60, 111, 97, 116, 31, 99, 34, 98, 121, 51, 101, 44, 30, 22, 45, 13, 84, 109, 82, 32, 74, 77, 10, 94, 29, 11, 18, 93, 90, 89, 91, 87, 78, 27, 23, 14, 71, 20, 7, 85, 25, 79, 80, 75, 16, 67, 76, 72, 73, 8, 6, 4, 66, 1, 65, 12, 68, 9, 0, 64, 3, 70, 69, 2, 5], [105, 98, 117, 86, 96, 28, 53, 20, 52, 116, 25, 41, 94, 38, 80, 126, 109, 56, 63, 119, 123, 45, 111, 82, 19, 14, 44, 83, 62, 118, 71, 75, 120, 89, 77, 87, 115, 54, 78, 8, 49, 21, 112, 79, 23, 48, 51, 10, 50, 58, 57, 102, 61, 30, 46, 55, 59, 37, 39, 124, 27, 114, 125, 6, 107, 100, 127, 16, 43, 40, 93, 31, 35, 101, 104, 29, 60, 103, 121, 26, 42, 97, 110, 2, 85, 122, 4, 95, 113, 106, 17, 33, 36, 99, 47, 108, 9, 90, 34, 24, 22, 91, 88, 84, 18, 7, 32, 64, 81, 1, 92, 76, 12, 11, 15, 67, 68, 13, 73, 70, 0, 74, 66, 3, 65, 72, 5, 69], [105, 98, 96, 86, 20, 117, 82, 53, 75, 25, 41, 123, 79, 80, 52, 77, 63, 8, 116, 28, 94, 6, 126, 10, 16, 118, 89, 2, 119, 112, 4, 59, 62, 56, 45, 115, 44, 91, 111, 3, 109, 11, 57, 120, 13, 30, 88, 84, 26, 23, 54, 48, 97, 7, 51, 38, 17, 93, 50, 22, 74, 127, 67, 29, 114, 83, 18, 0, 58, 14, 31, 95, 102, 21, 61, 85, 78, 70, 39, 76, 104, 81, 19, 40, 107, 55, 92, 36, 15, 5, 24, 60, 64, 101, 125, 35, 121, 124, 106, 27, 113, 68, 87, 32, 1, 37, 90, 33, 72, 43, 49, 47, 110, 73, 34, 69, 99, 66, 65, 9, 103, 46, 122, 12, 42, 100, 108, 71], [105, 98, 86, 96, 117, 82, 8, 53, 79, 25, 63, 20, 75, 80, 4, 77, 41, 94, 2, 64, 123, 62, 6, 89, 48, 116, 118, 0, 115, 52, 72, 28, 66, 1, 29, 68, 13, 126, 16, 71, 69, 70, 87, 44, 85, 10, 112, 30, 65, 51, 109, 45, 11, 59, 119, 56, 57, 50, 88, 5, 18, 7, 24, 26, 93, 19, 111, 120, 35, 22, 78, 17, 15, 127, 21, 84, 3, 74, 76, 58, 39, 114, 12, 9, 100, 92, 60, 106, 23, 73, 14, 83, 102, 99, 67, 27, 40, 38, 121, 55, 31, 95, 91, 97, 61, 49, 101, 113, 122, 36, 124, 34, 81, 47, 33, 37, 90, 46, 54, 110, 32, 125, 107, 42, 103, 104, 43, 108], [105, 98, 20, 28, 96, 25, 86, 82, 41, 117, 53, 123, 80, 94, 63, 116, 77, 75, 52, 118, 79, 126, 115, 16, 59, 56, 44, 8, 89, 111, 62, 119, 10, 50, 57, 17, 120, 48, 109, 112, 51, 71, 45, 127, 84, 18, 12, 13, 30, 38, 22, 23, 6, 91, 95, 31, 55, 83, 78, 81, 76, 88, 54, 27, 61, 60, 19, 39, 74, 93, 46, 33, 124, 24, 104, 106, 7, 49, 34, 37, 26, 114, 58, 4, 102, 43, 107, 122, 11, 99, 15, 9, 2, 125, 87, 97, 14, 85, 92, 36, 90, 29, 21, 110, 101, 72, 100, 32, 35, 121, 40, 42, 68, 103, 70, 113, 69, 108, 47, 3, 1, 0, 64, 66, 5, 73, 65, 67], [112, 105, 113, 125, 110, 41, 114, 89, 126, 104, 117, 54, 61, 27, 84, 127, 57, 59, 58, 56, 107, 123, 30, 91, 99, 48, 52, 51, 46, 111, 49, 108, 47, 55, 120, 92, 42, 115, 101, 119, 53, 94, 122, 43, 109, 23, 118, 44, 116, 62, 86, 25, 121, 124, 106, 50, 63, 60, 34, 102, 36, 45, 39, 37, 100, 40, 98, 33, 38, 35, 103, 90, 21, 97, 32, 15, 96, 28, 82, 95, 88, 31, 79, 18, 80, 29, 93, 81, 26, 87, 85, 17, 20, 22, 24, 83, 13, 12, 19, 78, 3, 14, 76, 69, 74, 75, 65, 77, 16, 11, 10, 9, 8, 71, 72, 73, 6, 5, 70, 7, 67, 68, 66, 1, 2, 4, 64, 0], [105, 112, 86, 30, 41, 84, 91, 80, 82, 78, 27, 76, 98, 99, 89, 94, 126, 113, 9, 10, 7, 110, 61, 114, 74, 34, 25, 52, 71, 35, 127, 14, 58, 125, 20, 49, 23, 109, 88, 67, 54, 69, 57, 59, 3, 123, 56, 117, 19, 47, 13, 46, 62, 5, 22, 111, 18, 108, 81, 48, 51, 118, 55, 77, 116, 17, 21, 85, 16, 107, 43, 120, 115, 119, 37, 79, 40, 32, 73, 50, 122, 92, 11, 60, 93, 24, 102, 83, 53, 124, 65, 63, 28, 121, 15, 106, 8, 4, 104, 97, 36, 44, 87, 64, 42, 45, 90, 12, 95, 38, 39, 29, 26, 103, 33, 75, 31, 101, 96, 72, 100, 2, 70, 66, 0, 1, 6, 68], [112, 105, 86, 91, 41, 30, 84, 25, 27, 58, 126, 89, 15, 62, 80, 113, 106, 82, 33, 111, 114, 110, 17, 127, 116, 104, 52, 124, 78, 94, 83, 117, 76, 49, 61, 46, 48, 39, 125, 59, 92, 57, 11, 56, 107, 10, 85, 47, 98, 36, 99, 54, 13, 51, 35, 123, 45, 7, 87, 60, 101, 23, 32, 119, 63, 108, 18, 22, 29, 6, 121, 120, 115, 44, 12, 109, 71, 55, 93, 21, 97, 40, 43, 96, 118, 20, 95, 72, 34, 16, 37, 31, 53, 122, 28, 42, 88, 50, 26, 38, 103, 90, 69, 2, 9, 79, 24, 102, 81, 100, 64, 14, 19, 67, 68, 75, 74, 5, 77, 8, 73, 4, 66, 1, 70, 65, 0, 3], [105, 112, 30, 84, 86, 89, 41, 98, 126, 82, 48, 113, 118, 123, 110, 25, 80, 35, 85, 45, 31, 91, 99, 52, 54, 94, 88, 61, 125, 78, 27, 58, 115, 9, 59, 127, 92, 116, 109, 117, 39, 114, 33, 17, 57, 12, 60, 32, 49, 121, 95, 76, 108, 6, 40, 73, 56, 111, 47, 74, 120, 18, 103, 51, 62, 26, 97, 79, 55, 53, 122, 75, 20, 106, 63, 19, 22, 107, 104, 93, 90, 119, 13, 42, 28, 124, 102, 46, 21, 3, 100, 101, 43, 50, 44, 83, 23, 37, 4, 36, 10, 87, 96, 72, 38, 24, 15, 14, 29, 34, 11, 16, 81, 77, 68, 1, 71, 69, 70, 67, 5, 8, 7, 65, 0, 66, 2, 64]], "model.layers.18.self_attn.k_proj": [[113, 52, 103, 110, 96, 93, 90, 87, 85, 18, 80, 112, 77, 49, 55, 44, 124, 74, 48, 119, 54, 79, 118, 53, 20, 70, 121, 57, 46, 62, 105, 61, 86, 56, 125, 51, 43, 34, 111, 116, 8, 126, 127, 109, 120, 115, 64, 123, 50, 47, 108, 117, 41, 58, 0, 68, 65, 59, 107, 102, 63, 45, 122, 42, 114, 9, 60, 40, 106, 104, 38, 19, 7, 83, 99, 37, 101, 2, 3, 30, 28, 76, 36, 98, 95, 1, 4, 92, 78, 81, 88, 97, 35, 33, 75, 25, 5, 11, 94, 100, 12, 24, 91, 89, 27, 73, 31, 66, 17, 69, 14, 72, 84, 16, 22, 15, 29, 67, 13, 71, 23, 21, 26, 82, 32, 6, 39, 10], [63, 124, 36, 22, 120, 15, 30, 17, 74, 103, 12, 56, 72, 18, 13, 54, 4, 32, 27, 24, 117, 62, 60, 51, 122, 64, 107, 46, 121, 2, 44, 58, 126, 21, 47, 118, 59, 109, 28, 61, 69, 57, 114, 45, 10, 39, 38, 119, 113, 79, 50, 53, 49, 55, 43, 48, 116, 40, 19, 125, 115, 108, 42, 123, 127, 106, 105, 110, 104, 8, 112, 52, 111, 41, 102, 1, 25, 100, 37, 97, 67, 26, 101, 34, 7, 76, 29, 33, 35, 96, 95, 98, 90, 99, 71, 6, 85, 93, 91, 78, 94, 73, 31, 75, 82, 92, 23, 84, 88, 80, 3, 20, 87, 11, 5, 81, 14, 9, 83, 86, 16, 0, 89, 66, 77, 65, 68, 70], [55, 118, 38, 123, 33, 86, 91, 24, 61, 62, 48, 15, 116, 53, 18, 95, 119, 126, 120, 122, 17, 112, 102, 115, 109, 77, 49, 51, 57, 84, 124, 117, 63, 114, 110, 21, 11, 45, 52, 90, 31, 46, 50, 74, 104, 19, 44, 113, 54, 58, 121, 76, 125, 111, 127, 60, 37, 59, 56, 105, 108, 7, 3, 16, 103, 30, 5, 107, 42, 23, 78, 35, 47, 8, 106, 43, 41, 1, 39, 94, 27, 40, 9, 100, 99, 36, 32, 6, 14, 93, 98, 64, 20, 89, 101, 29, 72, 82, 34, 87, 12, 28, 96, 88, 25, 75, 26, 92, 85, 79, 66, 71, 83, 13, 80, 22, 10, 69, 4, 73, 67, 81, 68, 97, 2, 70, 65, 0], [107, 60, 100, 32, 89, 54, 47, 87, 20, 80, 63, 82, 75, 21, 9, 43, 53, 79, 126, 13, 69, 71, 1, 117, 111, 118, 29, 51, 64, 121, 61, 2, 57, 67, 52, 0, 50, 62, 114, 102, 115, 127, 124, 92, 48, 122, 125, 49, 56, 34, 103, 7, 41, 40, 77, 105, 119, 46, 108, 58, 45, 110, 120, 116, 94, 123, 42, 112, 37, 86, 113, 39, 44, 30, 3, 27, 109, 59, 38, 101, 81, 55, 104, 91, 19, 28, 31, 90, 106, 11, 22, 26, 78, 99, 85, 33, 35, 98, 72, 83, 95, 93, 4, 14, 70, 68, 8, 74, 97, 17, 6, 76, 15, 10, 66, 88, 25, 24, 12, 5, 18, 16, 23, 73, 65, 36, 96, 84], [40, 120, 59, 34, 22, 113, 29, 49, 90, 14, 80, 119, 31, 51, 9, 88, 56, 112, 57, 18, 76, 52, 6, 83, 118, 123, 110, 117, 68, 124, 109, 61, 116, 50, 58, 62, 43, 60, 98, 115, 54, 122, 55, 114, 102, 72, 53, 46, 127, 95, 125, 45, 65, 101, 0, 108, 126, 121, 63, 47, 28, 105, 111, 48, 99, 107, 82, 91, 81, 44, 16, 39, 106, 42, 79, 41, 103, 36, 89, 30, 2, 21, 66, 23, 38, 37, 32, 27, 11, 96, 75, 13, 17, 97, 35, 86, 100, 67, 71, 33, 92, 94, 74, 24, 85, 69, 3, 25, 73, 84, 5, 20, 78, 15, 104, 64, 87, 26, 10, 93, 77, 7, 70, 12, 1, 8, 4, 19], [122, 54, 127, 36, 97, 120, 125, 124, 86, 53, 62, 119, 126, 57, 118, 104, 121, 49, 58, 56, 117, 113, 48, 112, 50, 51, 52, 123, 59, 42, 26, 60, 114, 115, 55, 43, 116, 61, 63, 39, 47, 105, 106, 41, 111, 46, 94, 81, 110, 93, 28, 109, 38, 29, 107, 40, 19, 45, 100, 108, 24, 44, 30, 15, 83, 73, 103, 69, 27, 33, 67, 21, 82, 99, 102, 75, 87, 101, 76, 4, 25, 6, 8, 23, 88, 65, 34, 37, 91, 85, 98, 32, 78, 16, 64, 31, 35, 90, 12, 92, 20, 13, 0, 17, 95, 96, 10, 89, 66, 71, 84, 14, 22, 80, 79, 77, 18, 7, 2, 11, 72, 74, 1, 5, 70, 9, 68, 3], [41, 53, 34, 25, 63, 30, 52, 79, 86, 80, 117, 126, 20, 75, 32, 8, 48, 10, 77, 51, 82, 108, 116, 47, 45, 59, 123, 109, 118, 6, 4, 2, 56, 50, 64, 120, 119, 62, 1, 105, 113, 9, 40, 57, 71, 55, 111, 106, 61, 83, 28, 87, 18, 54, 14, 29, 114, 31, 67, 69, 70, 110, 127, 103, 23, 92, 44, 46, 58, 35, 36, 124, 74, 21, 0, 94, 122, 102, 37, 66, 115, 90, 121, 3, 33, 81, 107, 88, 24, 93, 39, 49, 112, 101, 97, 100, 125, 78, 60, 104, 91, 12, 38, 13, 5, 85, 42, 22, 43, 17, 73, 27, 26, 76, 19, 98, 15, 11, 84, 95, 96, 72, 99, 65, 7, 68, 16, 89], [41, 112, 48, 94, 86, 113, 35, 27, 82, 110, 80, 89, 126, 84, 78, 49, 105, 61, 52, 125, 58, 59, 76, 9, 114, 115, 111, 123, 54, 50, 34, 57, 127, 117, 51, 91, 109, 60, 108, 62, 98, 10, 45, 7, 116, 47, 118, 56, 55, 5, 63, 119, 120, 53, 96, 46, 121, 124, 107, 1, 81, 37, 43, 40, 36, 44, 88, 122, 102, 101, 16, 39, 106, 79, 12, 100, 30, 67, 97, 104, 21, 83, 42, 38, 31, 103, 32, 33, 13, 93, 29, 95, 8, 87, 99, 24, 26, 28, 17, 69, 23, 75, 15, 11, 14, 64, 90, 92, 74, 19, 20, 6, 18, 85, 71, 72, 25, 77, 68, 66, 22, 70, 73, 4, 2, 3, 65, 0]], "model.layers.18.self_attn.qk_proj": [[113, 112, 63, 124, 55, 118, 41, 54, 122, 52, 120, 59, 60, 105, 107, 127, 53, 43, 123, 36, 86, 48, 22, 102, 110, 117, 126, 25, 62, 49, 30, 84, 100, 89, 29, 51, 119, 82, 40, 18, 20, 16, 80, 96, 38, 57, 116, 15, 61, 115, 56, 46, 79, 109, 77, 34, 125, 94, 47, 23, 58, 50, 98, 27, 26, 114, 24, 45, 104, 39, 103, 121, 111, 85, 32, 21, 92, 88, 87, 93, 13, 42, 91, 8, 10, 75, 11, 90, 81, 72, 76, 74, 19, 31, 44, 97, 9, 17, 33, 95, 37, 14, 35, 108, 12, 83, 106, 28, 78, 73, 7, 71, 6, 101, 0, 99, 64, 69, 5, 2, 70, 65, 67, 68, 1, 3, 4, 66], [113, 112, 63, 124, 55, 118, 54, 41, 52, 120, 122, 59, 60, 105, 107, 127, 43, 53, 123, 86, 102, 36, 22, 117, 110, 48, 49, 25, 126, 100, 89, 30, 29, 84, 62, 18, 116, 82, 16, 15, 40, 119, 94, 46, 20, 57, 96, 56, 51, 79, 47, 61, 38, 80, 77, 104, 58, 125, 103, 50, 39, 34, 26, 27, 23, 24, 115, 87, 109, 98, 114, 85, 21, 88, 92, 32, 13, 42, 8, 10, 93, 45, 121, 90, 111, 81, 97, 74, 75, 11, 91, 35, 28, 83, 44, 9, 12, 76, 19, 95, 31, 106, 108, 72, 17, 6, 69, 37, 78, 14, 33, 99, 0, 101, 71, 64, 7, 67, 73, 65, 66, 68, 1, 4, 70, 2, 5, 3], [113, 112, 63, 124, 55, 118, 54, 41, 122, 52, 120, 59, 105, 60, 107, 127, 43, 53, 123, 22, 86, 36, 48, 102, 126, 110, 25, 117, 49, 30, 29, 100, 89, 84, 51, 94, 62, 56, 82, 40, 104, 116, 47, 18, 20, 119, 79, 109, 38, 96, 58, 39, 57, 16, 27, 125, 15, 80, 26, 61, 103, 114, 23, 98, 115, 46, 50, 34, 45, 24, 85, 87, 77, 13, 88, 121, 90, 91, 8, 32, 21, 42, 92, 111, 75, 93, 11, 10, 19, 6, 33, 81, 106, 44, 64, 28, 31, 97, 108, 83, 35, 12, 95, 76, 72, 9, 14, 74, 0, 37, 2, 101, 7, 69, 65, 17, 78, 67, 73, 3, 1, 66, 5, 4, 68, 71, 70, 99], [113, 112, 63, 124, 55, 54, 118, 41, 52, 120, 122, 59, 60, 105, 107, 127, 53, 43, 123, 36, 117, 48, 22, 102, 126, 110, 49, 86, 25, 62, 51, 116, 89, 47, 82, 58, 100, 56, 30, 125, 119, 96, 46, 29, 20, 61, 18, 15, 94, 79, 57, 84, 39, 16, 115, 40, 103, 80, 38, 114, 50, 104, 109, 34, 27, 26, 24, 13, 23, 98, 75, 111, 77, 45, 121, 87, 85, 21, 93, 32, 97, 106, 8, 91, 90, 42, 92, 10, 88, 44, 76, 74, 81, 35, 11, 0, 6, 108, 83, 37, 72, 95, 17, 64, 31, 28, 3, 12, 14, 66, 2, 78, 1, 73, 19, 33, 9, 7, 70, 71, 4, 69, 101, 5, 68, 65, 99, 67], [113, 112, 63, 124, 55, 54, 118, 41, 52, 122, 120, 60, 59, 105, 107, 127, 53, 43, 123, 48, 22, 110, 117, 36, 86, 126, 25, 62, 49, 116, 102, 125, 82, 51, 89, 30, 20, 56, 47, 57, 84, 16, 79, 100, 18, 119, 109, 29, 58, 61, 15, 40, 94, 115, 38, 96, 104, 98, 111, 46, 80, 26, 103, 50, 23, 114, 34, 13, 39, 77, 45, 121, 21, 8, 27, 24, 88, 85, 106, 10, 93, 75, 90, 32, 87, 44, 42, 81, 92, 12, 97, 91, 11, 108, 19, 28, 74, 76, 78, 72, 14, 33, 31, 17, 83, 95, 73, 35, 37, 6, 101, 70, 9, 0, 7, 66, 64, 3, 69, 65, 2, 4, 71, 68, 5, 1, 99, 67], [113, 63, 112, 124, 55, 118, 54, 41, 52, 122, 120, 60, 59, 105, 107, 127, 43, 53, 123, 22, 48, 86, 110, 117, 36, 126, 102, 25, 51, 49, 15, 89, 30, 82, 18, 62, 116, 79, 20, 100, 57, 96, 40, 80, 125, 16, 84, 109, 119, 47, 29, 58, 50, 39, 115, 56, 34, 94, 98, 103, 61, 104, 46, 23, 114, 77, 38, 13, 24, 21, 26, 27, 111, 85, 88, 8, 32, 87, 42, 93, 75, 10, 11, 97, 90, 45, 92, 81, 78, 12, 83, 74, 31, 17, 121, 28, 76, 106, 91, 44, 19, 72, 95, 14, 9, 35, 33, 108, 71, 37, 73, 101, 99, 70, 64, 0, 6, 69, 7, 2, 1, 66, 65, 5, 67, 4, 68, 3], [113, 63, 112, 124, 55, 118, 41, 54, 122, 52, 120, 60, 59, 105, 107, 43, 127, 53, 123, 22, 86, 48, 36, 126, 49, 25, 110, 117, 30, 102, 82, 18, 62, 89, 96, 84, 15, 29, 51, 47, 16, 100, 80, 20, 79, 40, 58, 56, 57, 119, 94, 77, 104, 23, 98, 34, 38, 115, 27, 61, 116, 125, 26, 32, 109, 24, 88, 50, 46, 114, 103, 13, 85, 91, 39, 21, 75, 93, 111, 87, 92, 121, 8, 10, 74, 97, 11, 90, 78, 31, 12, 81, 35, 33, 95, 76, 42, 44, 19, 17, 14, 101, 45, 106, 83, 9, 108, 73, 72, 28, 99, 70, 71, 37, 64, 7, 5, 65, 69, 2, 66, 0, 1, 68, 67, 6, 4, 3], [113, 63, 112, 124, 55, 54, 118, 41, 52, 120, 122, 59, 60, 105, 107, 127, 43, 22, 53, 123, 36, 86, 102, 126, 48, 117, 25, 30, 110, 49, 119, 62, 29, 84, 89, 82, 16, 20, 56, 18, 96, 100, 40, 47, 80, 51, 94, 57, 79, 15, 98, 116, 38, 125, 46, 23, 26, 61, 27, 104, 50, 115, 24, 58, 39, 85, 88, 34, 91, 13, 32, 114, 109, 77, 21, 87, 103, 121, 93, 90, 111, 92, 33, 75, 19, 31, 17, 97, 10, 42, 95, 11, 81, 8, 45, 44, 14, 108, 78, 9, 83, 76, 106, 12, 70, 35, 74, 72, 28, 99, 37, 73, 64, 101, 5, 71, 7, 1, 0, 68, 2, 69, 3, 4, 66, 65, 67, 6], [113, 63, 112, 124, 55, 118, 54, 41, 52, 120, 122, 60, 59, 105, 107, 127, 53, 43, 22, 123, 36, 102, 110, 86, 126, 48, 117, 25, 89, 49, 30, 84, 57, 119, 96, 29, 20, 18, 79, 82, 40, 38, 62, 94, 116, 16, 100, 56, 47, 46, 125, 80, 15, 51, 115, 27, 58, 61, 104, 24, 98, 39, 34, 88, 26, 32, 87, 13, 114, 21, 23, 103, 77, 85, 93, 50, 92, 90, 97, 11, 109, 111, 75, 28, 106, 108, 81, 91, 72, 10, 19, 121, 95, 17, 31, 12, 42, 35, 74, 33, 76, 45, 8, 44, 83, 78, 70, 14, 101, 37, 99, 73, 9, 7, 5, 71, 64, 68, 0, 69, 65, 3, 4, 67, 1, 2, 66, 6], [113, 112, 63, 124, 55, 54, 118, 41, 52, 120, 122, 60, 59, 105, 107, 127, 123, 53, 43, 48, 102, 117, 36, 22, 86, 126, 25, 110, 62, 49, 57, 100, 116, 125, 18, 51, 82, 30, 47, 89, 40, 119, 20, 56, 29, 58, 84, 79, 61, 80, 38, 16, 96, 15, 46, 27, 104, 26, 94, 34, 115, 39, 98, 50, 24, 85, 103, 77, 21, 32, 88, 72, 13, 109, 75, 23, 10, 93, 45, 87, 106, 111, 121, 92, 114, 97, 31, 74, 90, 76, 81, 108, 35, 95, 19, 91, 44, 28, 11, 8, 42, 83, 78, 12, 14, 17, 9, 70, 71, 37, 73, 7, 101, 64, 33, 5, 99, 67, 68, 3, 0, 65, 4, 69, 6, 2, 1, 66], [113, 112, 63, 124, 55, 54, 41, 118, 120, 122, 52, 60, 59, 105, 107, 127, 53, 43, 123, 117, 48, 22, 126, 36, 102, 86, 110, 116, 62, 25, 51, 18, 49, 56, 82, 89, 20, 100, 61, 79, 96, 47, 57, 30, 80, 125, 15, 84, 40, 119, 16, 46, 58, 38, 29, 104, 77, 50, 98, 115, 39, 34, 72, 94, 13, 23, 109, 24, 114, 103, 27, 26, 45, 75, 85, 87, 32, 111, 93, 121, 21, 10, 92, 11, 88, 90, 8, 28, 81, 106, 76, 12, 74, 17, 97, 14, 83, 78, 6, 35, 91, 42, 73, 44, 64, 71, 37, 31, 2, 108, 19, 9, 69, 0, 95, 7, 33, 101, 68, 70, 1, 65, 5, 4, 67, 66, 3, 99], [113, 63, 112, 124, 55, 41, 118, 54, 52, 120, 122, 60, 59, 105, 107, 127, 43, 53, 123, 22, 86, 48, 102, 36, 117, 126, 25, 89, 84, 18, 110, 82, 30, 100, 49, 96, 80, 15, 20, 79, 29, 62, 51, 40, 56, 16, 116, 98, 47, 46, 94, 57, 115, 119, 77, 85, 23, 38, 58, 125, 104, 61, 34, 13, 24, 26, 72, 27, 75, 87, 103, 39, 109, 21, 32, 50, 93, 11, 88, 111, 74, 10, 90, 114, 97, 92, 19, 81, 45, 121, 31, 91, 17, 78, 14, 95, 12, 106, 76, 6, 44, 33, 108, 8, 9, 35, 83, 42, 73, 28, 99, 101, 71, 7, 37, 64, 68, 5, 2, 70, 1, 66, 3, 69, 0, 4, 67, 65], [113, 63, 112, 124, 55, 118, 54, 41, 52, 122, 120, 60, 59, 105, 107, 127, 43, 123, 53, 36, 48, 102, 86, 22, 117, 25, 110, 126, 30, 100, 62, 29, 96, 49, 89, 38, 18, 82, 40, 51, 20, 94, 84, 47, 80, 79, 58, 61, 16, 15, 56, 125, 116, 115, 57, 119, 98, 46, 23, 24, 39, 27, 88, 26, 104, 21, 85, 34, 32, 103, 50, 87, 90, 97, 109, 121, 13, 93, 77, 111, 91, 31, 72, 92, 75, 19, 45, 114, 10, 95, 11, 106, 35, 17, 83, 44, 28, 42, 81, 33, 74, 78, 14, 76, 12, 37, 73, 108, 6, 101, 99, 8, 9, 7, 71, 69, 64, 66, 4, 1, 65, 5, 0, 67, 2, 68, 70, 3], [113, 63, 112, 124, 55, 118, 54, 41, 52, 122, 120, 59, 60, 107, 105, 127, 43, 53, 123, 22, 86, 48, 62, 117, 36, 102, 110, 126, 49, 25, 89, 100, 30, 82, 61, 51, 15, 18, 125, 96, 47, 80, 29, 20, 119, 58, 40, 115, 98, 50, 94, 79, 57, 38, 84, 116, 46, 56, 16, 39, 24, 34, 104, 121, 27, 21, 23, 85, 72, 13, 103, 77, 114, 88, 26, 75, 10, 32, 109, 111, 87, 93, 74, 97, 92, 11, 12, 35, 90, 106, 45, 33, 83, 91, 28, 31, 81, 19, 8, 95, 6, 42, 17, 0, 73, 76, 14, 7, 108, 44, 78, 65, 71, 101, 69, 64, 9, 67, 99, 37, 5, 4, 3, 66, 1, 68, 2, 70], [113, 63, 112, 124, 55, 41, 54, 118, 52, 120, 122, 59, 60, 105, 107, 43, 127, 53, 123, 22, 48, 117, 102, 86, 36, 110, 126, 25, 100, 62, 89, 51, 82, 15, 30, 40, 80, 20, 96, 18, 61, 79, 49, 115, 84, 125, 29, 47, 56, 57, 94, 46, 23, 16, 116, 98, 50, 34, 58, 38, 85, 72, 39, 13, 27, 119, 77, 26, 21, 104, 103, 45, 88, 111, 93, 32, 24, 10, 11, 75, 109, 74, 121, 87, 8, 114, 83, 12, 91, 81, 97, 90, 28, 17, 31, 106, 76, 44, 92, 33, 78, 95, 19, 35, 42, 6, 73, 14, 7, 101, 64, 69, 9, 108, 37, 4, 71, 0, 66, 3, 1, 68, 67, 65, 70, 2, 99, 5], [113, 112, 63, 124, 55, 118, 54, 41, 52, 120, 122, 59, 60, 105, 107, 127, 53, 43, 123, 22, 117, 48, 86, 36, 102, 110, 62, 126, 100, 25, 89, 82, 116, 96, 30, 15, 49, 20, 56, 51, 46, 84, 18, 40, 79, 80, 16, 47, 61, 57, 125, 94, 29, 115, 98, 77, 119, 23, 50, 58, 38, 39, 85, 34, 24, 13, 111, 72, 103, 121, 104, 114, 75, 27, 10, 26, 11, 88, 109, 32, 87, 74, 42, 45, 97, 106, 8, 21, 81, 93, 92, 12, 76, 90, 19, 95, 83, 91, 44, 108, 17, 31, 14, 9, 78, 6, 35, 33, 28, 101, 73, 7, 37, 4, 70, 64, 0, 5, 2, 71, 1, 65, 99, 67, 69, 68, 66, 3], [113, 63, 112, 124, 55, 118, 41, 52, 54, 120, 122, 59, 60, 105, 107, 127, 53, 43, 123, 48, 86, 36, 22, 126, 102, 117, 25, 30, 82, 110, 62, 49, 89, 18, 96, 80, 29, 20, 40, 47, 94, 84, 100, 16, 15, 104, 46, 57, 125, 61, 38, 79, 51, 98, 115, 39, 119, 56, 116, 23, 26, 58, 24, 27, 103, 34, 50, 21, 111, 85, 13, 109, 32, 88, 77, 97, 114, 87, 121, 91, 93, 75, 92, 42, 90, 74, 8, 19, 11, 31, 106, 10, 95, 76, 28, 108, 44, 17, 33, 72, 81, 35, 12, 45, 83, 78, 37, 14, 70, 101, 73, 69, 9, 64, 71, 65, 2, 99, 7, 6, 0, 4, 68, 1, 66, 67, 3, 5], [113, 63, 112, 124, 55, 54, 118, 41, 52, 120, 122, 60, 105, 59, 107, 43, 123, 127, 53, 48, 36, 86, 102, 22, 117, 126, 25, 89, 49, 110, 30, 96, 29, 94, 62, 40, 18, 82, 20, 84, 116, 56, 100, 47, 80, 38, 15, 79, 104, 16, 119, 46, 58, 57, 23, 115, 27, 77, 125, 98, 39, 34, 24, 61, 26, 51, 85, 21, 13, 88, 32, 111, 103, 50, 114, 11, 87, 74, 90, 92, 121, 109, 8, 97, 93, 91, 75, 10, 95, 19, 81, 106, 72, 12, 70, 31, 14, 42, 28, 35, 33, 108, 83, 76, 78, 44, 17, 71, 0, 45, 9, 1, 69, 3, 73, 64, 37, 68, 7, 66, 101, 65, 99, 6, 4, 2, 5, 67], [113, 112, 63, 124, 55, 54, 118, 41, 52, 120, 122, 59, 60, 105, 107, 53, 127, 43, 123, 36, 48, 117, 22, 102, 86, 126, 62, 116, 56, 110, 25, 57, 47, 100, 125, 30, 49, 46, 115, 89, 20, 18, 96, 40, 38, 82, 94, 61, 51, 84, 80, 29, 119, 34, 15, 104, 79, 16, 114, 58, 121, 39, 98, 32, 23, 27, 77, 50, 103, 111, 8, 88, 21, 24, 109, 74, 87, 26, 106, 85, 13, 45, 91, 11, 92, 90, 97, 95, 93, 10, 75, 35, 31, 42, 17, 76, 37, 19, 81, 72, 108, 28, 44, 83, 70, 12, 33, 14, 9, 99, 71, 0, 64, 101, 73, 69, 1, 78, 3, 4, 7, 65, 2, 66, 67, 68, 5, 6], [113, 112, 63, 124, 55, 54, 118, 52, 41, 120, 122, 59, 60, 105, 107, 127, 53, 43, 48, 123, 117, 102, 36, 22, 86, 126, 110, 56, 62, 100, 25, 30, 49, 57, 116, 47, 15, 96, 119, 51, 125, 89, 61, 18, 94, 29, 84, 46, 115, 39, 20, 40, 82, 79, 16, 38, 80, 23, 98, 34, 27, 13, 103, 21, 58, 104, 26, 50, 8, 24, 109, 121, 88, 87, 114, 32, 77, 45, 111, 97, 85, 93, 92, 74, 11, 10, 95, 90, 91, 31, 108, 28, 76, 75, 106, 33, 83, 42, 12, 35, 19, 17, 81, 78, 72, 44, 37, 14, 70, 9, 64, 73, 65, 71, 5, 101, 0, 4, 7, 99, 2, 69, 1, 67, 68, 3, 66, 6], [113, 112, 63, 124, 55, 54, 118, 52, 41, 120, 122, 59, 60, 105, 107, 127, 43, 53, 123, 117, 36, 48, 22, 102, 86, 126, 25, 62, 89, 96, 110, 51, 56, 57, 30, 119, 100, 116, 47, 49, 84, 94, 38, 20, 79, 61, 15, 29, 98, 18, 115, 80, 40, 82, 125, 46, 23, 34, 58, 16, 121, 26, 104, 111, 50, 77, 27, 24, 39, 88, 103, 13, 85, 32, 8, 97, 21, 114, 109, 75, 87, 93, 92, 91, 90, 19, 10, 106, 11, 95, 78, 81, 76, 31, 74, 17, 108, 12, 35, 83, 42, 28, 33, 72, 44, 45, 14, 37, 70, 71, 73, 9, 101, 99, 64, 65, 7, 0, 1, 3, 67, 4, 6, 5, 68, 66, 69, 2], [113, 112, 63, 124, 55, 54, 118, 52, 41, 120, 122, 59, 60, 105, 107, 127, 43, 53, 123, 117, 48, 36, 126, 86, 62, 22, 25, 102, 116, 110, 56, 89, 30, 61, 51, 57, 100, 125, 47, 49, 119, 94, 38, 84, 96, 20, 82, 40, 80, 79, 115, 15, 29, 18, 98, 46, 58, 16, 104, 34, 50, 103, 121, 27, 23, 26, 77, 111, 88, 32, 24, 85, 114, 39, 21, 13, 90, 91, 8, 93, 87, 11, 92, 109, 106, 75, 97, 74, 19, 95, 28, 10, 35, 31, 17, 83, 42, 108, 44, 12, 72, 76, 45, 0, 81, 14, 64, 33, 6, 78, 9, 71, 70, 37, 2, 7, 73, 99, 1, 101, 65, 69, 68, 67, 5, 3, 66, 4], [113, 63, 112, 124, 55, 54, 118, 52, 41, 120, 122, 59, 60, 105, 107, 127, 43, 123, 53, 48, 117, 36, 102, 22, 86, 25, 126, 110, 62, 57, 30, 116, 51, 119, 100, 40, 96, 47, 61, 84, 89, 38, 56, 29, 18, 94, 20, 82, 15, 16, 49, 46, 125, 79, 98, 23, 104, 50, 34, 80, 26, 24, 115, 58, 103, 111, 39, 27, 121, 87, 77, 32, 85, 88, 21, 109, 93, 114, 97, 35, 13, 31, 28, 45, 90, 106, 92, 91, 8, 42, 83, 75, 74, 108, 95, 19, 44, 11, 81, 76, 10, 6, 33, 12, 72, 17, 78, 9, 14, 101, 37, 0, 64, 7, 65, 71, 73, 1, 99, 5, 4, 69, 66, 2, 67, 3, 70, 68], [113, 63, 112, 124, 55, 118, 54, 52, 41, 120, 122, 59, 60, 105, 107, 127, 43, 53, 123, 48, 22, 36, 117, 86, 102, 126, 116, 25, 62, 110, 96, 51, 30, 100, 57, 18, 119, 16, 89, 61, 49, 47, 15, 94, 84, 82, 29, 20, 79, 40, 38, 125, 34, 98, 39, 46, 23, 104, 26, 50, 56, 80, 103, 77, 115, 58, 24, 27, 121, 13, 32, 21, 85, 109, 8, 74, 88, 92, 114, 90, 75, 111, 93, 97, 87, 72, 10, 91, 95, 81, 11, 19, 45, 106, 76, 83, 28, 42, 12, 6, 17, 31, 35, 14, 78, 108, 44, 7, 73, 37, 9, 33, 71, 99, 101, 0, 4, 5, 68, 67, 69, 1, 3, 64, 66, 65, 70, 2], [113, 112, 63, 124, 55, 118, 54, 41, 52, 122, 120, 59, 60, 105, 107, 127, 43, 123, 53, 22, 117, 86, 48, 36, 102, 25, 62, 126, 89, 116, 30, 110, 20, 16, 51, 84, 18, 115, 82, 61, 100, 96, 40, 119, 79, 57, 47, 15, 49, 38, 80, 29, 94, 23, 98, 46, 109, 58, 125, 34, 56, 50, 104, 26, 88, 103, 27, 114, 77, 13, 111, 85, 32, 75, 21, 121, 39, 24, 10, 87, 90, 42, 72, 11, 93, 31, 8, 92, 97, 74, 28, 91, 76, 45, 81, 19, 83, 95, 6, 106, 35, 17, 78, 12, 108, 33, 44, 14, 73, 101, 9, 64, 7, 99, 71, 4, 65, 0, 37, 69, 66, 2, 5, 3, 1, 68, 67, 70], [113, 63, 112, 124, 55, 118, 54, 41, 52, 120, 122, 59, 60, 105, 107, 127, 43, 123, 53, 48, 86, 36, 22, 117, 102, 62, 126, 25, 30, 110, 100, 89, 116, 29, 51, 96, 94, 20, 119, 40, 61, 56, 57, 18, 16, 82, 47, 84, 15, 38, 49, 125, 46, 109, 115, 23, 98, 58, 80, 50, 104, 24, 79, 77, 26, 34, 121, 85, 103, 27, 21, 13, 88, 92, 39, 87, 11, 93, 111, 32, 114, 72, 91, 74, 97, 42, 90, 75, 10, 31, 95, 81, 19, 45, 106, 33, 8, 12, 28, 76, 108, 17, 83, 44, 78, 35, 73, 14, 6, 9, 37, 0, 101, 7, 99, 65, 69, 2, 3, 71, 64, 67, 5, 68, 70, 66, 4, 1], [113, 112, 63, 124, 55, 118, 54, 41, 52, 120, 122, 60, 59, 105, 107, 127, 43, 123, 53, 36, 117, 48, 102, 62, 22, 110, 126, 86, 25, 61, 116, 89, 49, 30, 18, 100, 51, 56, 96, 40, 119, 57, 84, 47, 29, 125, 20, 121, 23, 58, 39, 16, 38, 98, 104, 94, 82, 46, 50, 115, 79, 34, 15, 80, 109, 114, 26, 111, 77, 103, 27, 24, 13, 88, 32, 85, 97, 21, 42, 72, 87, 93, 92, 90, 75, 74, 91, 106, 35, 11, 45, 108, 10, 44, 19, 17, 12, 31, 81, 83, 76, 28, 95, 37, 33, 101, 8, 78, 14, 73, 99, 6, 9, 0, 7, 70, 64, 69, 5, 71, 4, 68, 67, 66, 3, 2, 1, 65], [113, 112, 63, 124, 55, 54, 118, 41, 120, 52, 122, 60, 59, 105, 107, 127, 43, 53, 123, 22, 48, 36, 117, 126, 102, 86, 110, 62, 25, 61, 20, 89, 18, 47, 100, 82, 30, 51, 125, 96, 49, 56, 116, 79, 40, 80, 15, 84, 16, 119, 29, 46, 57, 23, 58, 38, 94, 50, 104, 121, 88, 77, 34, 115, 27, 26, 103, 72, 13, 39, 85, 111, 24, 114, 32, 21, 93, 92, 98, 11, 109, 74, 75, 91, 90, 45, 97, 87, 10, 19, 12, 28, 106, 17, 76, 81, 42, 8, 78, 31, 35, 95, 70, 83, 7, 9, 44, 0, 73, 14, 108, 69, 99, 3, 71, 65, 37, 64, 101, 4, 33, 5, 2, 1, 68, 6, 67, 66], [113, 63, 112, 124, 55, 118, 41, 54, 120, 52, 122, 60, 59, 105, 107, 127, 123, 53, 43, 48, 117, 36, 62, 22, 86, 110, 51, 102, 126, 119, 49, 30, 25, 125, 100, 96, 89, 47, 61, 40, 18, 115, 57, 56, 20, 15, 29, 84, 46, 116, 16, 79, 82, 94, 39, 34, 23, 104, 58, 38, 50, 103, 77, 121, 80, 26, 98, 72, 109, 45, 85, 32, 27, 92, 13, 93, 111, 21, 114, 106, 74, 10, 42, 90, 11, 24, 75, 88, 97, 87, 81, 108, 95, 35, 76, 70, 91, 28, 78, 31, 44, 12, 8, 19, 17, 33, 9, 5, 0, 64, 83, 14, 37, 67, 7, 65, 1, 73, 71, 101, 66, 69, 3, 4, 2, 99, 68, 6], [113, 112, 63, 124, 55, 118, 54, 41, 52, 120, 122, 60, 59, 105, 107, 127, 53, 43, 123, 48, 117, 22, 36, 86, 110, 102, 126, 62, 51, 119, 25, 49, 89, 18, 30, 100, 82, 79, 56, 46, 125, 20, 84, 116, 115, 15, 40, 29, 61, 96, 94, 16, 47, 80, 23, 109, 77, 98, 57, 39, 38, 34, 103, 24, 58, 13, 114, 50, 72, 121, 32, 42, 21, 88, 85, 104, 45, 111, 92, 27, 93, 87, 11, 76, 10, 97, 75, 74, 26, 106, 17, 90, 108, 91, 81, 14, 19, 8, 44, 95, 70, 83, 31, 28, 35, 12, 78, 9, 33, 7, 73, 71, 5, 101, 64, 67, 37, 69, 4, 99, 65, 3, 2, 0, 1, 68, 6, 66], [113, 112, 63, 124, 55, 118, 54, 41, 52, 120, 122, 59, 60, 105, 107, 127, 53, 43, 123, 48, 117, 102, 86, 36, 62, 22, 51, 110, 126, 25, 116, 30, 89, 100, 49, 125, 82, 96, 29, 61, 47, 16, 40, 20, 115, 119, 94, 39, 79, 18, 15, 84, 23, 58, 121, 56, 57, 109, 77, 50, 26, 34, 38, 104, 80, 98, 46, 114, 103, 27, 72, 85, 74, 88, 10, 24, 21, 87, 42, 32, 92, 111, 45, 97, 93, 75, 13, 76, 91, 8, 11, 90, 70, 14, 81, 31, 7, 19, 83, 12, 33, 5, 78, 95, 35, 17, 28, 106, 73, 108, 71, 44, 9, 0, 64, 69, 3, 4, 1, 65, 68, 67, 101, 66, 2, 37, 6, 99], [113, 112, 63, 124, 55, 118, 54, 41, 52, 122, 120, 60, 59, 105, 107, 127, 43, 53, 123, 86, 36, 102, 48, 22, 117, 25, 126, 62, 110, 100, 82, 29, 30, 51, 15, 49, 84, 89, 18, 16, 96, 61, 79, 116, 20, 47, 40, 119, 80, 94, 125, 38, 34, 56, 77, 57, 26, 98, 115, 23, 39, 27, 109, 46, 50, 88, 13, 24, 114, 58, 85, 21, 103, 92, 121, 32, 10, 72, 104, 74, 75, 42, 111, 45, 91, 97, 76, 87, 93, 11, 8, 95, 90, 106, 81, 83, 14, 19, 12, 78, 31, 33, 44, 28, 17, 73, 35, 108, 70, 9, 7, 71, 101, 37, 69, 99, 5, 67, 64, 6, 68, 4, 65, 66, 0, 1, 3, 2]], "model.layers.19.self_attn.q_proj": [[124, 110, 63, 115, 58, 119, 101, 120, 57, 46, 112, 52, 60, 123, 127, 109, 53, 59, 56, 116, 54, 88, 126, 50, 108, 61, 122, 55, 94, 111, 121, 114, 104, 51, 37, 47, 62, 97, 48, 40, 44, 49, 113, 117, 125, 45, 27, 19, 24, 118, 90, 34, 41, 105, 42, 81, 98, 106, 43, 107, 96, 31, 22, 39, 89, 102, 26, 16, 92, 9, 100, 38, 103, 36, 35, 78, 91, 99, 93, 25, 18, 30, 80, 29, 32, 73, 17, 20, 95, 23, 67, 85, 15, 28, 21, 69, 77, 84, 33, 12, 6, 14, 87, 83, 86, 10, 70, 79, 75, 13, 4, 1, 82, 68, 72, 0, 74, 5, 11, 64, 3, 65, 66, 8, 7, 76, 71, 2], [63, 57, 46, 101, 123, 112, 59, 110, 124, 120, 47, 97, 53, 121, 119, 81, 109, 114, 90, 24, 94, 111, 34, 105, 60, 19, 88, 87, 122, 126, 31, 85, 55, 104, 27, 91, 117, 58, 45, 52, 61, 25, 56, 106, 20, 39, 22, 116, 32, 28, 78, 42, 16, 38, 10, 107, 62, 44, 41, 54, 83, 127, 113, 50, 108, 14, 102, 100, 17, 80, 37, 49, 35, 51, 118, 40, 26, 12, 103, 36, 95, 96, 125, 43, 115, 89, 21, 48, 84, 98, 99, 93, 74, 30, 23, 29, 86, 92, 15, 11, 76, 77, 75, 6, 67, 7, 72, 18, 70, 13, 9, 73, 82, 68, 33, 79, 8, 69, 66, 1, 71, 4, 0, 2, 3, 64, 65, 5], [63, 124, 110, 57, 115, 101, 58, 46, 50, 122, 97, 88, 52, 60, 27, 120, 49, 55, 116, 81, 56, 59, 112, 123, 94, 119, 42, 121, 109, 111, 54, 126, 24, 125, 105, 127, 62, 117, 114, 44, 51, 93, 113, 37, 53, 84, 61, 90, 47, 31, 104, 20, 85, 108, 45, 6, 103, 118, 75, 73, 9, 41, 40, 67, 106, 48, 65, 43, 36, 38, 16, 4, 39, 72, 22, 14, 107, 0, 17, 100, 68, 12, 83, 80, 69, 30, 102, 87, 71, 91, 95, 7, 26, 15, 99, 19, 96, 11, 2, 35, 10, 74, 25, 3, 29, 34, 66, 77, 64, 32, 28, 92, 98, 13, 23, 21, 82, 70, 1, 8, 89, 18, 5, 79, 86, 76, 78, 33], [124, 63, 110, 101, 54, 46, 122, 119, 58, 59, 28, 112, 61, 55, 62, 120, 94, 56, 114, 111, 57, 90, 50, 53, 113, 116, 126, 123, 127, 121, 60, 125, 118, 97, 82, 22, 117, 48, 37, 47, 52, 115, 18, 49, 108, 109, 51, 41, 45, 44, 43, 39, 107, 32, 19, 106, 86, 102, 100, 42, 27, 92, 36, 30, 104, 40, 105, 25, 38, 103, 99, 34, 14, 35, 98, 96, 78, 20, 15, 33, 83, 88, 31, 77, 12, 26, 10, 29, 93, 24, 95, 89, 87, 23, 84, 74, 91, 13, 85, 76, 79, 21, 81, 17, 8, 75, 7, 72, 11, 80, 71, 9, 16, 0, 70, 68, 73, 67, 3, 2, 6, 66, 4, 5, 65, 69, 64, 1], [59, 118, 39, 46, 105, 127, 63, 34, 113, 112, 60, 119, 53, 54, 111, 50, 48, 126, 61, 122, 30, 125, 109, 49, 123, 89, 58, 97, 57, 121, 115, 56, 110, 43, 52, 25, 47, 104, 116, 55, 51, 107, 31, 108, 45, 62, 114, 36, 44, 41, 42, 120, 117, 102, 23, 33, 106, 28, 40, 82, 37, 38, 22, 94, 90, 84, 27, 98, 91, 18, 80, 101, 78, 87, 86, 99, 100, 26, 35, 32, 93, 103, 95, 96, 29, 14, 92, 21, 24, 19, 75, 20, 8, 124, 0, 76, 16, 12, 7, 88, 67, 66, 9, 2, 68, 70, 71, 73, 79, 6, 85, 65, 81, 3, 69, 4, 64, 83, 11, 1, 72, 17, 13, 5, 15, 10, 77, 74], [39, 59, 118, 34, 124, 90, 46, 84, 43, 79, 75, 54, 60, 122, 98, 30, 112, 49, 109, 127, 21, 19, 88, 111, 25, 94, 115, 76, 119, 23, 63, 89, 105, 22, 113, 9, 38, 87, 56, 8, 41, 106, 57, 31, 44, 81, 110, 33, 50, 70, 92, 48, 82, 116, 125, 100, 114, 53, 27, 62, 120, 99, 107, 42, 40, 73, 108, 58, 45, 123, 93, 104, 55, 95, 126, 121, 35, 91, 20, 18, 37, 52, 51, 61, 14, 72, 97, 28, 47, 6, 16, 86, 13, 24, 36, 96, 3, 102, 29, 11, 12, 101, 32, 26, 117, 71, 80, 66, 85, 78, 15, 7, 83, 2, 67, 68, 17, 10, 5, 69, 77, 4, 65, 103, 64, 0, 1, 74], [118, 39, 59, 34, 124, 127, 46, 105, 54, 63, 43, 55, 89, 112, 90, 84, 50, 120, 47, 57, 49, 113, 30, 115, 122, 53, 51, 125, 107, 60, 119, 80, 35, 75, 126, 45, 21, 19, 116, 123, 110, 25, 8, 111, 109, 22, 82, 88, 48, 52, 104, 27, 94, 33, 56, 121, 44, 61, 108, 62, 98, 92, 117, 58, 106, 37, 78, 79, 31, 38, 23, 40, 101, 103, 86, 99, 91, 42, 95, 24, 114, 97, 93, 12, 87, 102, 81, 32, 26, 100, 41, 20, 29, 18, 76, 14, 7, 36, 73, 28, 71, 96, 16, 13, 3, 67, 11, 70, 2, 69, 66, 68, 6, 10, 9, 0, 72, 4, 64, 77, 65, 85, 1, 83, 15, 5, 17, 74], [39, 59, 118, 34, 81, 90, 21, 13, 19, 79, 10, 46, 69, 54, 100, 65, 8, 68, 74, 115, 77, 33, 3, 11, 75, 95, 49, 55, 38, 120, 122, 71, 85, 30, 94, 0, 32, 88, 87, 18, 17, 107, 56, 112, 23, 44, 57, 63, 25, 126, 86, 67, 24, 83, 58, 119, 113, 5, 76, 72, 15, 41, 127, 89, 7, 111, 4, 12, 16, 26, 20, 43, 29, 80, 91, 14, 64, 110, 99, 22, 78, 84, 60, 123, 66, 92, 70, 37, 6, 105, 31, 1, 27, 36, 82, 96, 73, 98, 50, 35, 124, 93, 9, 47, 28, 45, 2, 53, 101, 125, 52, 114, 102, 121, 103, 109, 48, 62, 61, 104, 116, 97, 51, 40, 42, 117, 108, 106], [105, 112, 34, 84, 18, 12, 15, 27, 22, 5, 71, 48, 9, 41, 96, 2, 64, 89, 53, 82, 91, 58, 13, 4, 122, 30, 83, 1, 20, 25, 79, 63, 86, 118, 76, 87, 7, 74, 31, 78, 80, 50, 19, 85, 69, 119, 120, 70, 75, 94, 127, 16, 73, 11, 14, 81, 10, 92, 77, 46, 98, 17, 68, 6, 103, 60, 90, 28, 21, 24, 37, 72, 93, 23, 65, 107, 113, 61, 3, 26, 67, 59, 8, 56, 52, 114, 32, 115, 66, 57, 88, 110, 29, 95, 0, 123, 33, 62, 49, 55, 35, 125, 44, 36, 126, 101, 42, 99, 116, 51, 97, 47, 54, 104, 100, 102, 124, 109, 111, 43, 39, 117, 45, 38, 106, 40, 108, 121], [112, 105, 53, 25, 127, 58, 118, 89, 56, 34, 114, 54, 101, 83, 125, 96, 32, 49, 48, 120, 124, 116, 55, 52, 57, 93, 59, 33, 41, 113, 119, 62, 117, 115, 126, 61, 60, 107, 50, 106, 121, 122, 104, 45, 111, 110, 98, 51, 63, 44, 109, 47, 42, 46, 94, 123, 43, 108, 102, 37, 103, 100, 27, 38, 36, 39, 23, 99, 35, 40, 81, 87, 18, 95, 30, 22, 97, 77, 29, 31, 13, 6, 28, 8, 92, 10, 90, 68, 24, 91, 84, 16, 65, 26, 88, 86, 70, 15, 4, 19, 14, 85, 17, 80, 82, 11, 67, 21, 1, 74, 72, 75, 64, 3, 7, 78, 12, 0, 20, 66, 73, 71, 79, 5, 9, 2, 76, 69], [105, 112, 34, 15, 22, 12, 84, 18, 9, 27, 41, 89, 48, 71, 53, 5, 96, 4, 91, 58, 25, 13, 85, 2, 78, 81, 75, 64, 122, 19, 50, 67, 30, 1, 80, 31, 86, 20, 77, 82, 63, 79, 119, 72, 59, 83, 95, 88, 69, 73, 118, 21, 37, 76, 74, 7, 46, 11, 57, 3, 60, 26, 14, 6, 65, 23, 92, 28, 17, 127, 70, 62, 93, 87, 8, 24, 115, 98, 56, 61, 52, 68, 107, 125, 90, 33, 16, 120, 114, 110, 36, 10, 66, 47, 94, 35, 29, 126, 55, 116, 51, 113, 0, 97, 32, 42, 103, 123, 49, 100, 124, 102, 43, 54, 109, 117, 39, 101, 38, 99, 44, 111, 45, 104, 121, 106, 108, 40], [105, 53, 112, 34, 41, 48, 88, 25, 89, 94, 27, 33, 98, 13, 22, 84, 58, 56, 114, 118, 101, 96, 125, 120, 59, 19, 18, 78, 57, 80, 91, 124, 116, 117, 55, 62, 127, 107, 119, 49, 93, 68, 113, 6, 75, 115, 60, 50, 122, 70, 100, 15, 110, 52, 63, 54, 126, 83, 103, 47, 61, 51, 111, 4, 37, 29, 121, 92, 12, 104, 45, 97, 109, 30, 31, 42, 71, 38, 46, 123, 65, 36, 23, 44, 102, 43, 67, 74, 21, 99, 108, 10, 26, 106, 1, 24, 35, 0, 95, 39, 11, 3, 86, 81, 77, 16, 32, 40, 82, 14, 90, 9, 28, 72, 85, 17, 8, 87, 2, 20, 66, 64, 5, 7, 79, 73, 69, 76], [120, 121, 53, 57, 118, 126, 63, 113, 124, 51, 59, 60, 58, 123, 125, 115, 49, 116, 122, 119, 117, 62, 127, 56, 112, 54, 47, 55, 99, 50, 61, 114, 48, 111, 83, 44, 108, 110, 52, 13, 45, 103, 109, 46, 43, 41, 107, 40, 31, 32, 90, 106, 42, 105, 39, 38, 102, 100, 35, 9, 69, 34, 3, 97, 104, 101, 21, 82, 71, 96, 37, 28, 2, 36, 70, 98, 18, 76, 85, 68, 77, 23, 33, 30, 66, 11, 81, 92, 25, 26, 72, 0, 10, 93, 15, 29, 94, 84, 24, 86, 88, 22, 20, 16, 1, 89, 91, 75, 4, 79, 27, 78, 12, 5, 95, 65, 80, 17, 14, 19, 7, 64, 87, 73, 8, 74, 67, 6], [121, 120, 53, 57, 113, 63, 58, 118, 60, 125, 124, 126, 59, 56, 117, 119, 51, 116, 123, 55, 115, 48, 114, 99, 49, 62, 50, 61, 112, 122, 54, 52, 47, 43, 44, 110, 45, 108, 127, 111, 109, 46, 39, 41, 40, 42, 102, 106, 107, 105, 89, 90, 100, 83, 103, 35, 26, 104, 38, 32, 3, 101, 96, 37, 31, 2, 71, 72, 36, 82, 70, 34, 98, 33, 0, 13, 4, 69, 16, 76, 11, 91, 9, 92, 21, 27, 29, 22, 97, 95, 1, 94, 93, 77, 85, 8, 87, 30, 23, 15, 18, 86, 28, 88, 10, 68, 14, 25, 64, 19, 80, 12, 20, 78, 65, 84, 75, 17, 74, 79, 24, 66, 6, 7, 81, 67, 5, 73], [121, 120, 126, 40, 53, 99, 36, 63, 58, 124, 39, 51, 42, 106, 117, 88, 49, 113, 89, 59, 57, 102, 26, 122, 96, 31, 60, 123, 56, 28, 50, 46, 118, 119, 24, 105, 16, 116, 87, 112, 110, 55, 125, 32, 90, 98, 34, 82, 52, 103, 127, 35, 10, 115, 30, 54, 48, 95, 47, 100, 25, 45, 37, 38, 111, 104, 44, 41, 109, 61, 62, 33, 114, 22, 83, 43, 80, 21, 107, 27, 91, 97, 101, 29, 108, 69, 72, 92, 93, 19, 94, 15, 9, 70, 13, 71, 23, 11, 77, 84, 3, 86, 14, 85, 76, 20, 81, 79, 18, 17, 68, 74, 2, 0, 1, 12, 7, 65, 75, 78, 8, 4, 6, 73, 67, 64, 66, 5], [121, 120, 118, 39, 63, 117, 126, 124, 53, 116, 57, 51, 102, 125, 56, 60, 54, 119, 123, 58, 113, 49, 35, 99, 62, 83, 105, 112, 15, 40, 36, 44, 127, 114, 61, 48, 52, 59, 122, 42, 45, 111, 50, 47, 55, 38, 108, 107, 115, 101, 32, 106, 103, 110, 21, 46, 24, 13, 96, 88, 41, 109, 90, 26, 81, 16, 31, 43, 100, 37, 75, 34, 104, 91, 33, 25, 20, 28, 84, 69, 92, 97, 79, 98, 9, 27, 71, 89, 85, 74, 86, 87, 29, 94, 23, 22, 30, 77, 19, 93, 12, 76, 10, 11, 14, 17, 80, 5, 7, 3, 73, 95, 82, 18, 68, 78, 70, 8, 67, 4, 0, 72, 2, 65, 66, 6, 64, 1], [55, 105, 101, 120, 116, 49, 32, 112, 25, 87, 46, 57, 110, 81, 91, 109, 27, 48, 47, 119, 28, 60, 96, 94, 39, 113, 126, 44, 54, 59, 115, 63, 89, 107, 118, 84, 127, 76, 78, 85, 83, 11, 50, 106, 37, 20, 14, 122, 104, 31, 123, 58, 52, 111, 125, 61, 124, 108, 71, 88, 99, 51, 121, 19, 92, 114, 56, 45, 42, 103, 38, 43, 117, 26, 97, 62, 30, 35, 95, 34, 98, 21, 7, 86, 53, 22, 29, 73, 100, 18, 24, 102, 93, 90, 79, 15, 17, 33, 40, 5, 16, 12, 80, 70, 36, 82, 68, 41, 10, 75, 3, 23, 8, 9, 74, 2, 4, 77, 13, 72, 6, 69, 67, 65, 66, 1, 64, 0], [105, 55, 109, 116, 101, 120, 32, 112, 57, 46, 87, 25, 113, 28, 60, 110, 81, 119, 91, 104, 49, 35, 89, 84, 48, 121, 85, 39, 88, 111, 92, 42, 108, 37, 78, 27, 58, 114, 11, 107, 97, 117, 53, 31, 96, 95, 127, 125, 118, 56, 61, 94, 124, 126, 63, 62, 38, 44, 115, 99, 59, 93, 30, 54, 14, 45, 26, 50, 52, 29, 51, 98, 122, 76, 100, 106, 20, 41, 123, 33, 17, 73, 36, 79, 47, 103, 40, 12, 23, 43, 102, 86, 83, 16, 21, 24, 22, 34, 7, 19, 15, 71, 80, 75, 82, 18, 90, 10, 74, 5, 70, 6, 72, 77, 9, 3, 8, 4, 13, 2, 67, 68, 69, 65, 1, 0, 64, 66], [55, 105, 101, 120, 46, 112, 116, 57, 32, 87, 25, 39, 81, 28, 126, 47, 119, 48, 94, 84, 27, 89, 50, 56, 113, 34, 92, 118, 14, 122, 91, 60, 124, 125, 127, 38, 11, 111, 104, 78, 115, 45, 83, 110, 58, 36, 114, 108, 96, 54, 121, 109, 52, 117, 20, 31, 103, 106, 95, 42, 44, 49, 30, 107, 63, 123, 33, 37, 73, 29, 59, 79, 61, 70, 43, 51, 85, 62, 72, 99, 53, 19, 100, 102, 22, 97, 86, 21, 93, 35, 98, 17, 8, 41, 76, 40, 24, 12, 82, 90, 26, 88, 16, 75, 80, 18, 10, 15, 5, 7, 3, 6, 23, 4, 68, 9, 71, 77, 69, 66, 74, 2, 67, 13, 65, 64, 0, 1], [105, 57, 120, 116, 46, 112, 32, 55, 101, 119, 39, 113, 127, 87, 92, 94, 28, 53, 62, 104, 50, 115, 25, 126, 60, 114, 124, 38, 108, 58, 52, 27, 121, 56, 54, 111, 123, 84, 107, 98, 110, 61, 48, 122, 117, 44, 36, 106, 96, 59, 42, 51, 100, 118, 47, 63, 43, 125, 45, 109, 89, 91, 83, 79, 41, 49, 85, 33, 99, 88, 81, 35, 86, 29, 37, 95, 22, 20, 77, 30, 34, 97, 21, 18, 26, 31, 103, 40, 93, 102, 14, 78, 74, 82, 24, 90, 73, 23, 13, 75, 80, 70, 11, 76, 16, 5, 15, 64, 19, 17, 12, 7, 66, 0, 8, 2, 67, 3, 65, 72, 1, 10, 69, 68, 71, 4, 6, 9], [102, 62, 56, 55, 97, 22, 29, 19, 89, 35, 15, 88, 93, 38, 31, 76, 45, 84, 27, 60, 17, 90, 25, 33, 21, 12, 86, 46, 96, 30, 81, 95, 43, 14, 98, 78, 50, 100, 7, 26, 9, 24, 44, 61, 101, 91, 40, 87, 79, 94, 57, 122, 116, 23, 67, 71, 83, 59, 10, 34, 20, 39, 127, 85, 32, 92, 53, 28, 121, 54, 103, 73, 36, 99, 82, 18, 115, 105, 114, 117, 63, 113, 13, 104, 111, 11, 49, 124, 16, 112, 70, 41, 58, 80, 37, 125, 48, 109, 42, 8, 119, 106, 68, 51, 110, 2, 107, 123, 52, 108, 120, 75, 47, 1, 69, 126, 118, 74, 77, 0, 3, 5, 65, 72, 4, 64, 66, 6], [56, 102, 97, 55, 62, 29, 15, 45, 19, 89, 22, 60, 76, 88, 38, 93, 7, 69, 17, 82, 10, 74, 2, 59, 32, 49, 31, 81, 3, 54, 33, 40, 46, 86, 58, 25, 91, 9, 98, 68, 112, 21, 104, 43, 50, 122, 28, 27, 64, 26, 11, 13, 110, 120, 108, 90, 44, 78, 84, 73, 57, 14, 23, 117, 121, 53, 124, 61, 80, 100, 116, 101, 83, 1, 37, 115, 126, 51, 6, 12, 48, 20, 47, 114, 52, 96, 36, 87, 30, 107, 63, 119, 41, 35, 127, 118, 125, 92, 123, 75, 109, 85, 113, 67, 99, 39, 42, 106, 103, 4, 8, 94, 71, 16, 24, 77, 18, 111, 70, 105, 34, 79, 95, 72, 5, 0, 66, 65], [55, 102, 62, 56, 97, 29, 22, 38, 93, 19, 60, 15, 76, 74, 88, 12, 69, 27, 28, 13, 45, 17, 90, 81, 84, 25, 118, 32, 104, 10, 23, 82, 73, 89, 21, 31, 49, 37, 79, 42, 11, 35, 58, 16, 30, 53, 50, 101, 61, 92, 46, 109, 98, 94, 86, 7, 71, 107, 117, 26, 91, 96, 44, 83, 59, 57, 106, 114, 121, 68, 24, 43, 2, 100, 110, 124, 126, 87, 48, 47, 54, 20, 39, 36, 112, 52, 85, 125, 113, 63, 33, 95, 99, 108, 116, 119, 78, 123, 75, 9, 3, 105, 14, 127, 115, 41, 122, 51, 80, 111, 120, 34, 40, 5, 103, 77, 18, 67, 72, 64, 6, 4, 8, 70, 66, 0, 1, 65], [102, 62, 56, 97, 55, 50, 29, 43, 40, 22, 61, 45, 25, 38, 89, 19, 126, 27, 17, 42, 127, 116, 18, 88, 46, 91, 57, 15, 59, 24, 53, 13, 114, 123, 93, 8, 54, 39, 109, 60, 113, 76, 125, 81, 117, 121, 111, 104, 124, 52, 115, 119, 47, 58, 122, 120, 63, 107, 112, 110, 6, 10, 87, 48, 77, 51, 49, 106, 31, 100, 20, 44, 86, 108, 103, 26, 118, 101, 65, 84, 30, 33, 105, 78, 35, 94, 11, 95, 41, 9, 37, 23, 72, 5, 99, 36, 14, 98, 69, 28, 96, 7, 74, 73, 90, 3, 75, 83, 68, 34, 66, 82, 32, 92, 85, 80, 21, 70, 16, 2, 1, 4, 67, 12, 79, 64, 71, 0], [41, 120, 47, 34, 57, 105, 22, 93, 84, 80, 109, 60, 78, 76, 88, 117, 45, 26, 103, 61, 118, 127, 125, 74, 126, 110, 108, 8, 90, 52, 113, 86, 114, 59, 124, 58, 119, 75, 35, 49, 89, 48, 116, 99, 111, 20, 1, 123, 101, 53, 81, 51, 62, 54, 104, 24, 28, 3, 43, 29, 7, 56, 19, 31, 112, 87, 2, 69, 92, 70, 107, 121, 17, 4, 25, 95, 18, 63, 50, 16, 55, 73, 115, 122, 27, 44, 102, 13, 21, 42, 94, 32, 91, 100, 106, 96, 11, 40, 46, 33, 71, 85, 36, 79, 39, 14, 23, 37, 10, 83, 6, 97, 30, 82, 77, 15, 38, 12, 98, 5, 9, 72, 65, 66, 68, 67, 0, 64], [41, 120, 57, 34, 84, 22, 88, 109, 93, 60, 110, 116, 29, 108, 90, 80, 49, 95, 42, 105, 76, 52, 123, 24, 26, 35, 74, 39, 127, 126, 113, 104, 78, 81, 25, 44, 82, 61, 40, 53, 124, 101, 112, 19, 43, 54, 119, 111, 48, 45, 122, 125, 7, 59, 121, 86, 55, 107, 58, 98, 63, 97, 115, 32, 62, 38, 106, 56, 37, 51, 96, 27, 18, 28, 118, 103, 79, 85, 36, 117, 114, 92, 83, 20, 102, 47, 16, 91, 50, 17, 71, 94, 46, 15, 89, 21, 23, 31, 100, 30, 99, 70, 33, 14, 87, 77, 13, 75, 8, 4, 69, 66, 68, 11, 73, 1, 12, 9, 65, 10, 5, 2, 72, 3, 6, 67, 64, 0], [41, 120, 34, 47, 70, 57, 64, 8, 76, 78, 93, 67, 66, 80, 87, 105, 7, 22, 84, 74, 1, 124, 0, 60, 3, 19, 11, 88, 13, 65, 18, 86, 117, 101, 126, 61, 20, 83, 69, 59, 26, 5, 72, 110, 73, 90, 82, 68, 121, 108, 16, 89, 31, 37, 25, 9, 2, 109, 79, 10, 75, 17, 111, 14, 4, 122, 24, 12, 114, 92, 32, 27, 116, 112, 6, 23, 77, 58, 85, 71, 81, 15, 95, 127, 100, 91, 102, 21, 115, 94, 62, 113, 43, 119, 28, 30, 107, 125, 103, 53, 48, 104, 99, 55, 33, 97, 50, 45, 96, 35, 36, 51, 63, 49, 118, 38, 39, 44, 46, 106, 123, 56, 40, 42, 54, 52, 29, 98], [120, 41, 34, 109, 22, 88, 48, 84, 47, 60, 113, 93, 117, 26, 110, 49, 119, 51, 124, 43, 61, 111, 29, 58, 24, 125, 50, 55, 80, 115, 81, 62, 63, 127, 116, 57, 114, 123, 108, 112, 54, 42, 126, 56, 78, 105, 90, 118, 36, 53, 40, 121, 102, 74, 44, 46, 35, 52, 28, 59, 107, 37, 122, 76, 106, 7, 95, 86, 39, 19, 45, 101, 38, 87, 99, 103, 18, 104, 100, 97, 27, 32, 83, 20, 31, 25, 33, 30, 94, 92, 96, 91, 17, 89, 70, 98, 11, 79, 73, 68, 8, 21, 1, 82, 23, 75, 15, 16, 77, 66, 9, 85, 13, 14, 71, 10, 12, 67, 5, 69, 65, 4, 6, 2, 64, 72, 3, 0], [38, 48, 112, 24, 125, 84, 17, 109, 27, 22, 91, 97, 78, 47, 18, 10, 107, 35, 95, 81, 121, 43, 11, 98, 118, 77, 115, 46, 52, 49, 119, 86, 102, 20, 68, 13, 50, 26, 120, 90, 54, 59, 92, 40, 34, 29, 88, 53, 7, 14, 15, 56, 108, 89, 82, 55, 30, 9, 37, 96, 103, 42, 117, 51, 39, 60, 64, 106, 110, 28, 87, 94, 32, 69, 126, 61, 113, 83, 123, 105, 41, 45, 25, 63, 122, 111, 85, 19, 93, 44, 33, 116, 114, 127, 8, 80, 72, 124, 23, 104, 31, 58, 21, 100, 73, 57, 79, 16, 76, 36, 99, 6, 101, 2, 12, 75, 74, 62, 5, 71, 70, 67, 65, 4, 1, 3, 66, 0], [48, 38, 112, 24, 22, 93, 107, 84, 123, 17, 52, 50, 27, 91, 95, 118, 53, 30, 20, 98, 94, 115, 78, 125, 111, 99, 113, 49, 117, 55, 126, 45, 97, 81, 19, 119, 104, 77, 58, 110, 92, 41, 109, 28, 47, 102, 10, 36, 13, 116, 86, 105, 101, 32, 88, 35, 57, 18, 54, 80, 90, 122, 61, 121, 62, 120, 108, 34, 106, 39, 33, 40, 44, 56, 59, 43, 42, 31, 100, 124, 63, 60, 103, 127, 51, 37, 72, 96, 114, 8, 26, 46, 25, 29, 65, 23, 87, 11, 16, 68, 9, 71, 85, 89, 21, 14, 12, 75, 82, 83, 15, 7, 6, 76, 64, 79, 74, 5, 2, 73, 67, 69, 70, 4, 66, 3, 1, 0], [38, 48, 112, 24, 22, 125, 84, 107, 17, 93, 19, 80, 95, 10, 20, 78, 109, 50, 62, 13, 77, 33, 18, 27, 47, 98, 97, 68, 94, 111, 28, 92, 72, 81, 34, 35, 75, 56, 119, 6, 52, 88, 96, 8, 86, 90, 26, 9, 30, 91, 82, 49, 116, 14, 32, 31, 69, 99, 64, 43, 67, 12, 54, 53, 41, 117, 55, 29, 126, 89, 16, 15, 45, 120, 21, 36, 83, 61, 85, 114, 0, 79, 73, 39, 74, 1, 121, 57, 23, 7, 118, 59, 51, 87, 63, 25, 46, 100, 44, 110, 76, 40, 124, 58, 123, 2, 106, 5, 42, 66, 104, 37, 115, 101, 103, 65, 102, 113, 127, 11, 108, 71, 70, 105, 60, 122, 4, 3], [38, 48, 112, 24, 22, 107, 84, 93, 17, 62, 123, 97, 78, 10, 121, 30, 20, 110, 125, 18, 98, 49, 27, 96, 95, 115, 94, 50, 33, 35, 127, 116, 19, 34, 13, 45, 124, 91, 120, 72, 43, 77, 59, 86, 126, 101, 105, 51, 14, 53, 92, 111, 119, 102, 113, 41, 52, 28, 118, 80, 57, 7, 68, 109, 103, 106, 32, 55, 81, 88, 89, 40, 36, 47, 54, 117, 8, 104, 114, 42, 60, 5, 21, 99, 63, 58, 122, 26, 61, 44, 56, 39, 74, 12, 31, 100, 9, 108, 46, 25, 37, 29, 87, 82, 64, 3, 11, 65, 90, 75, 15, 16, 83, 2, 71, 66, 67, 79, 76, 85, 23, 70, 6, 69, 73, 4, 1, 0]], "model.layers.19.self_attn.k_proj": [[63, 124, 110, 37, 33, 22, 53, 55, 112, 113, 59, 122, 114, 121, 120, 125, 54, 116, 61, 126, 62, 127, 119, 50, 49, 117, 56, 111, 47, 57, 123, 118, 58, 60, 30, 48, 109, 92, 51, 105, 43, 52, 14, 108, 44, 90, 45, 15, 104, 36, 69, 35, 12, 81, 71, 101, 107, 115, 3, 9, 46, 85, 88, 99, 74, 106, 40, 39, 42, 96, 41, 102, 38, 86, 103, 91, 20, 1, 77, 82, 64, 34, 19, 72, 100, 24, 11, 25, 98, 78, 32, 75, 70, 29, 18, 87, 66, 31, 26, 93, 95, 68, 89, 94, 76, 23, 16, 28, 27, 21, 80, 83, 84, 97, 79, 0, 13, 4, 10, 2, 8, 7, 73, 5, 67, 17, 65, 6], [118, 59, 103, 98, 94, 10, 79, 81, 13, 21, 69, 19, 75, 110, 25, 8, 97, 90, 80, 78, 0, 122, 44, 43, 57, 49, 23, 48, 108, 84, 120, 87, 77, 22, 71, 82, 26, 115, 35, 74, 76, 42, 2, 106, 54, 107, 119, 95, 1, 123, 52, 102, 68, 91, 41, 113, 9, 7, 121, 112, 55, 53, 63, 50, 88, 127, 14, 27, 67, 24, 65, 101, 93, 58, 100, 62, 99, 56, 104, 60, 117, 126, 92, 105, 111, 51, 114, 38, 116, 125, 28, 61, 47, 109, 36, 17, 96, 5, 32, 124, 73, 40, 37, 4, 83, 18, 70, 11, 12, 31, 46, 33, 45, 86, 72, 66, 6, 89, 29, 85, 3, 16, 30, 39, 20, 15, 34, 64], [41, 112, 98, 22, 48, 9, 27, 64, 15, 12, 71, 84, 2, 63, 5, 25, 114, 18, 53, 62, 122, 125, 56, 113, 94, 117, 59, 124, 1, 60, 120, 58, 119, 57, 83, 118, 116, 13, 51, 50, 126, 55, 49, 4, 46, 47, 105, 115, 54, 45, 32, 111, 74, 97, 29, 123, 110, 108, 61, 70, 52, 43, 127, 121, 78, 75, 107, 80, 67, 42, 37, 85, 88, 44, 87, 109, 103, 106, 104, 102, 101, 100, 40, 19, 93, 28, 21, 39, 8, 66, 95, 35, 81, 38, 30, 36, 72, 6, 11, 99, 10, 14, 16, 90, 92, 31, 26, 33, 17, 96, 91, 0, 24, 73, 76, 65, 34, 69, 3, 89, 77, 23, 86, 68, 79, 7, 20, 82], [121, 120, 35, 22, 104, 126, 124, 95, 57, 49, 60, 117, 59, 46, 112, 63, 50, 38, 58, 51, 119, 92, 127, 106, 111, 48, 123, 118, 125, 56, 122, 113, 61, 115, 116, 91, 41, 52, 54, 103, 45, 36, 47, 28, 109, 110, 62, 18, 42, 108, 55, 32, 114, 102, 43, 12, 44, 20, 101, 53, 14, 40, 81, 39, 107, 105, 26, 94, 37, 34, 79, 29, 80, 88, 74, 97, 99, 100, 27, 96, 33, 70, 13, 23, 98, 9, 8, 71, 31, 24, 30, 21, 89, 93, 83, 87, 25, 90, 3, 4, 10, 11, 86, 84, 16, 15, 17, 1, 69, 75, 85, 2, 19, 73, 7, 72, 82, 78, 5, 76, 68, 64, 77, 6, 67, 0, 66, 65], [55, 37, 110, 116, 120, 96, 112, 41, 30, 91, 89, 28, 57, 81, 45, 124, 87, 23, 78, 103, 56, 109, 83, 102, 84, 52, 49, 36, 60, 11, 123, 31, 40, 25, 34, 76, 85, 94, 121, 117, 62, 99, 8, 71, 73, 111, 39, 97, 54, 126, 58, 14, 44, 12, 59, 125, 115, 114, 50, 122, 22, 17, 61, 24, 119, 35, 118, 51, 127, 107, 43, 93, 79, 33, 18, 48, 95, 9, 47, 63, 21, 108, 42, 106, 113, 68, 6, 5, 2, 32, 70, 27, 26, 88, 15, 90, 92, 98, 104, 3, 29, 80, 100, 86, 53, 19, 16, 7, 38, 46, 82, 67, 20, 74, 75, 13, 10, 72, 1, 65, 105, 64, 0, 77, 69, 4, 101, 66], [62, 56, 38, 55, 33, 22, 93, 15, 19, 89, 17, 76, 81, 59, 7, 109, 29, 120, 102, 78, 110, 57, 90, 53, 121, 88, 74, 27, 12, 60, 119, 10, 69, 117, 124, 103, 63, 2, 113, 125, 104, 54, 45, 9, 31, 61, 77, 58, 116, 47, 0, 49, 107, 126, 118, 114, 122, 21, 112, 52, 39, 44, 127, 115, 34, 111, 46, 48, 13, 87, 123, 84, 108, 41, 3, 37, 99, 51, 23, 18, 106, 80, 96, 105, 71, 73, 36, 24, 79, 30, 95, 94, 50, 4, 92, 16, 14, 91, 85, 83, 32, 40, 42, 28, 67, 65, 6, 26, 75, 100, 20, 68, 101, 11, 8, 64, 98, 82, 43, 35, 5, 25, 72, 86, 70, 97, 66, 1], [105, 120, 98, 47, 29, 22, 57, 64, 84, 8, 80, 76, 111, 78, 67, 88, 74, 56, 70, 48, 66, 69, 60, 50, 26, 19, 119, 46, 117, 126, 124, 61, 82, 114, 44, 115, 53, 116, 125, 63, 62, 122, 43, 45, 113, 95, 59, 7, 23, 118, 41, 99, 112, 51, 55, 65, 58, 127, 81, 107, 110, 52, 49, 18, 33, 54, 89, 71, 123, 106, 27, 109, 42, 38, 121, 4, 101, 3, 104, 87, 15, 37, 83, 39, 77, 79, 40, 13, 103, 108, 28, 102, 96, 25, 30, 31, 2, 1, 91, 94, 32, 34, 16, 35, 85, 92, 36, 100, 12, 97, 21, 73, 11, 75, 5, 9, 24, 90, 20, 68, 17, 6, 93, 72, 0, 10, 14, 86], [112, 48, 102, 22, 84, 24, 78, 107, 18, 17, 10, 13, 33, 68, 93, 72, 31, 92, 9, 109, 125, 94, 65, 19, 64, 12, 98, 6, 27, 30, 62, 80, 71, 2, 67, 77, 52, 91, 85, 8, 119, 5, 32, 35, 121, 113, 123, 11, 7, 105, 34, 36, 28, 118, 43, 61, 26, 111, 87, 106, 56, 75, 69, 120, 50, 115, 122, 83, 47, 89, 126, 23, 63, 79, 58, 49, 97, 40, 16, 90, 51, 53, 99, 45, 29, 46, 104, 76, 103, 117, 41, 25, 44, 101, 54, 100, 21, 60, 70, 124, 15, 57, 42, 20, 37, 55, 95, 127, 108, 96, 110, 116, 73, 74, 114, 59, 39, 38, 82, 14, 88, 3, 86, 81, 4, 66, 1, 0]], "model.layers.19.self_attn.qk_proj": [[112, 120, 55, 48, 62, 59, 56, 63, 118, 121, 124, 41, 110, 57, 105, 116, 86, 38, 102, 47, 98, 22, 53, 125, 50, 20, 111, 46, 58, 29, 60, 122, 93, 119, 84, 126, 113, 37, 25, 127, 17, 91, 51, 24, 89, 27, 109, 79, 61, 88, 12, 49, 76, 81, 83, 19, 90, 115, 97, 78, 54, 101, 14, 117, 114, 94, 123, 34, 82, 15, 52, 33, 35, 39, 32, 26, 45, 107, 87, 10, 30, 13, 18, 43, 103, 74, 92, 31, 44, 16, 77, 106, 72, 23, 108, 21, 95, 28, 96, 42, 9, 73, 11, 104, 71, 64, 80, 5, 40, 99, 75, 85, 36, 6, 7, 69, 0, 8, 100, 2, 70, 66, 67, 3, 4, 68, 65, 1], [112, 120, 55, 48, 59, 62, 56, 121, 63, 118, 124, 41, 110, 105, 57, 116, 86, 38, 102, 47, 53, 98, 58, 22, 125, 119, 50, 84, 91, 37, 111, 113, 20, 89, 126, 127, 93, 29, 46, 60, 25, 76, 24, 83, 12, 17, 49, 51, 109, 88, 79, 78, 114, 117, 81, 123, 34, 27, 61, 122, 90, 35, 19, 107, 33, 94, 97, 54, 115, 15, 18, 32, 39, 43, 103, 14, 92, 52, 26, 101, 30, 87, 10, 82, 74, 13, 45, 104, 96, 23, 44, 16, 77, 108, 31, 95, 40, 7, 9, 42, 21, 106, 28, 80, 73, 69, 99, 5, 0, 75, 71, 85, 11, 8, 64, 100, 6, 72, 70, 36, 2, 68, 66, 67, 4, 1, 65, 3], [112, 120, 48, 55, 59, 62, 56, 121, 63, 118, 41, 124, 105, 110, 57, 116, 86, 38, 102, 47, 22, 53, 58, 98, 29, 125, 93, 126, 20, 84, 46, 119, 49, 113, 127, 60, 122, 91, 89, 25, 50, 24, 81, 37, 111, 109, 88, 27, 19, 90, 34, 54, 94, 79, 51, 61, 12, 15, 76, 17, 35, 33, 97, 18, 117, 115, 107, 78, 26, 14, 83, 32, 39, 103, 101, 123, 52, 30, 114, 43, 23, 108, 45, 87, 8, 92, 13, 10, 82, 77, 96, 74, 95, 16, 42, 64, 31, 0, 11, 104, 44, 99, 9, 7, 21, 69, 5, 71, 80, 70, 28, 106, 36, 73, 100, 75, 66, 2, 3, 85, 40, 68, 4, 1, 67, 72, 6, 65], [112, 120, 48, 55, 62, 59, 63, 56, 118, 121, 124, 41, 110, 105, 57, 116, 38, 86, 102, 47, 126, 58, 53, 22, 29, 98, 84, 93, 89, 50, 46, 27, 91, 25, 20, 113, 123, 119, 49, 127, 51, 122, 125, 34, 81, 94, 15, 61, 37, 19, 76, 117, 24, 12, 115, 109, 78, 17, 88, 54, 79, 14, 60, 90, 107, 39, 83, 114, 97, 32, 111, 101, 35, 30, 33, 52, 18, 82, 45, 43, 23, 92, 87, 103, 8, 108, 104, 10, 26, 96, 95, 74, 13, 44, 106, 77, 0, 70, 69, 16, 64, 31, 71, 99, 5, 73, 42, 9, 80, 11, 7, 21, 75, 2, 40, 85, 66, 36, 3, 100, 68, 28, 6, 67, 4, 72, 65, 1], [112, 120, 48, 55, 62, 59, 121, 56, 63, 118, 124, 41, 110, 105, 57, 116, 38, 86, 47, 22, 102, 53, 98, 126, 20, 58, 29, 125, 84, 61, 25, 60, 51, 27, 46, 93, 122, 127, 119, 78, 17, 81, 19, 76, 49, 111, 37, 117, 12, 91, 89, 88, 50, 113, 79, 34, 24, 94, 15, 115, 90, 123, 14, 54, 97, 103, 18, 83, 101, 109, 30, 45, 33, 8, 43, 82, 106, 52, 32, 39, 13, 107, 74, 35, 23, 10, 114, 77, 73, 104, 96, 87, 108, 44, 31, 16, 11, 26, 92, 28, 71, 5, 64, 95, 7, 99, 9, 69, 70, 100, 85, 0, 42, 36, 21, 75, 40, 68, 66, 80, 2, 67, 3, 4, 72, 6, 65, 1], [112, 120, 55, 48, 62, 59, 56, 63, 121, 118, 124, 41, 110, 57, 105, 116, 86, 38, 102, 47, 22, 98, 84, 25, 29, 20, 126, 119, 53, 58, 27, 17, 113, 46, 49, 37, 81, 89, 76, 12, 88, 24, 78, 60, 93, 15, 83, 19, 122, 125, 127, 52, 50, 54, 14, 117, 123, 79, 111, 51, 91, 61, 90, 94, 115, 109, 97, 82, 34, 33, 13, 18, 39, 32, 43, 74, 101, 107, 10, 30, 8, 114, 103, 35, 96, 92, 44, 23, 45, 87, 16, 106, 104, 21, 108, 73, 11, 31, 28, 5, 80, 71, 77, 85, 26, 0, 42, 9, 75, 95, 69, 7, 99, 70, 64, 2, 66, 40, 6, 36, 100, 67, 3, 68, 72, 4, 1, 65], [112, 120, 55, 48, 62, 59, 121, 56, 63, 118, 41, 124, 57, 110, 105, 116, 86, 102, 38, 47, 22, 29, 20, 84, 98, 58, 17, 125, 53, 119, 24, 60, 25, 93, 111, 126, 27, 109, 12, 46, 19, 50, 49, 89, 76, 90, 14, 37, 81, 52, 91, 122, 78, 79, 88, 39, 117, 113, 83, 127, 15, 94, 61, 34, 97, 123, 82, 114, 32, 51, 18, 45, 33, 101, 54, 115, 92, 30, 8, 13, 96, 23, 10, 43, 103, 74, 104, 26, 35, 77, 87, 16, 31, 80, 107, 21, 85, 28, 9, 11, 44, 42, 108, 71, 106, 5, 7, 95, 99, 73, 100, 69, 6, 75, 64, 70, 40, 36, 0, 2, 68, 3, 67, 66, 1, 4, 72, 65], [112, 120, 48, 55, 62, 59, 56, 121, 63, 118, 41, 124, 105, 57, 110, 116, 86, 102, 38, 47, 53, 22, 29, 84, 98, 93, 24, 58, 126, 119, 20, 60, 111, 109, 27, 46, 37, 17, 89, 122, 25, 91, 50, 117, 81, 76, 88, 125, 12, 49, 54, 19, 90, 15, 107, 14, 83, 79, 94, 114, 78, 39, 113, 34, 123, 32, 115, 61, 97, 33, 101, 127, 51, 18, 35, 82, 92, 52, 26, 43, 103, 96, 23, 45, 77, 10, 30, 42, 104, 87, 8, 16, 74, 31, 44, 28, 13, 80, 21, 99, 7, 9, 71, 108, 5, 11, 36, 40, 85, 6, 106, 95, 64, 73, 0, 69, 75, 100, 2, 66, 72, 3, 4, 68, 70, 67, 1, 65], [112, 120, 55, 48, 62, 59, 56, 63, 118, 121, 41, 124, 105, 110, 57, 116, 86, 102, 47, 38, 53, 22, 29, 126, 84, 98, 119, 37, 93, 60, 122, 25, 58, 27, 91, 17, 20, 88, 24, 125, 109, 81, 114, 54, 94, 46, 50, 111, 113, 89, 12, 15, 49, 19, 127, 83, 33, 76, 123, 14, 117, 79, 107, 39, 61, 90, 97, 51, 34, 32, 35, 115, 52, 101, 18, 78, 103, 43, 13, 30, 82, 77, 92, 104, 26, 42, 87, 74, 23, 45, 10, 28, 31, 108, 44, 96, 16, 7, 99, 21, 6, 80, 36, 9, 8, 40, 73, 95, 11, 106, 5, 71, 85, 75, 64, 69, 100, 72, 0, 2, 70, 3, 67, 4, 66, 68, 1, 65], [112, 120, 48, 55, 62, 59, 56, 118, 63, 121, 41, 124, 57, 105, 110, 116, 102, 38, 86, 47, 22, 53, 98, 84, 58, 29, 125, 60, 126, 25, 93, 20, 37, 49, 12, 46, 119, 27, 88, 89, 122, 113, 50, 91, 81, 117, 61, 127, 109, 114, 19, 123, 76, 54, 94, 111, 24, 17, 97, 83, 79, 34, 107, 15, 115, 39, 32, 51, 14, 30, 10, 78, 103, 33, 101, 90, 92, 35, 104, 31, 82, 45, 74, 43, 77, 18, 13, 44, 42, 52, 23, 108, 26, 96, 9, 87, 106, 6, 16, 7, 99, 80, 95, 5, 0, 71, 72, 73, 69, 11, 28, 8, 64, 36, 40, 75, 21, 100, 85, 68, 67, 70, 66, 2, 4, 3, 1, 65], [112, 120, 55, 48, 62, 59, 118, 121, 56, 63, 124, 41, 110, 57, 105, 116, 38, 86, 102, 22, 53, 47, 29, 46, 20, 98, 25, 60, 84, 50, 126, 125, 122, 27, 58, 93, 119, 81, 117, 12, 61, 97, 89, 76, 88, 14, 101, 37, 78, 17, 113, 19, 15, 51, 91, 49, 83, 39, 24, 79, 127, 111, 10, 18, 114, 115, 54, 34, 94, 103, 30, 90, 109, 106, 123, 33, 107, 32, 72, 74, 82, 35, 43, 104, 77, 11, 5, 9, 92, 6, 96, 45, 13, 42, 31, 23, 52, 87, 16, 108, 26, 64, 44, 69, 73, 80, 7, 71, 0, 28, 2, 66, 21, 75, 95, 85, 36, 99, 8, 70, 68, 40, 67, 3, 4, 100, 65, 1], [112, 120, 48, 55, 62, 59, 56, 121, 63, 118, 124, 41, 105, 110, 57, 116, 86, 38, 47, 22, 102, 53, 29, 20, 84, 60, 98, 119, 27, 81, 93, 126, 50, 25, 17, 125, 46, 122, 58, 88, 37, 117, 12, 19, 89, 76, 24, 78, 34, 113, 109, 79, 83, 51, 97, 49, 15, 94, 61, 39, 14, 18, 111, 91, 107, 90, 32, 33, 115, 114, 74, 54, 101, 10, 103, 127, 106, 82, 52, 30, 123, 35, 87, 77, 104, 72, 26, 42, 31, 11, 13, 16, 9, 108, 96, 23, 80, 28, 45, 92, 43, 73, 44, 21, 99, 71, 95, 5, 85, 7, 0, 64, 69, 75, 6, 66, 36, 70, 3, 2, 100, 40, 68, 4, 8, 67, 65, 1], [112, 120, 48, 55, 62, 59, 121, 56, 63, 118, 41, 124, 110, 105, 57, 116, 86, 102, 47, 38, 53, 22, 119, 29, 84, 98, 58, 60, 20, 125, 93, 24, 27, 50, 126, 37, 122, 109, 89, 88, 117, 17, 49, 25, 91, 81, 113, 114, 76, 61, 19, 111, 12, 33, 51, 39, 46, 54, 15, 78, 34, 123, 83, 115, 90, 127, 107, 79, 52, 94, 32, 103, 35, 18, 92, 101, 26, 82, 74, 97, 14, 30, 96, 28, 72, 10, 77, 87, 44, 23, 13, 45, 106, 31, 80, 108, 104, 42, 85, 16, 21, 71, 43, 9, 99, 95, 100, 36, 11, 7, 69, 40, 5, 73, 70, 75, 0, 64, 6, 66, 67, 2, 68, 4, 65, 3, 8, 1], [112, 120, 55, 48, 59, 62, 56, 121, 63, 118, 124, 41, 105, 57, 110, 116, 86, 102, 38, 47, 22, 60, 53, 125, 58, 98, 84, 93, 119, 50, 29, 126, 27, 46, 25, 20, 61, 122, 113, 109, 12, 91, 49, 37, 117, 81, 17, 88, 89, 111, 115, 19, 76, 35, 24, 127, 34, 94, 101, 15, 54, 52, 97, 51, 79, 14, 114, 78, 33, 30, 107, 123, 72, 32, 18, 39, 26, 83, 90, 10, 82, 103, 74, 13, 104, 31, 23, 87, 96, 80, 77, 73, 92, 7, 16, 71, 106, 0, 42, 69, 45, 21, 95, 43, 108, 44, 70, 9, 99, 11, 85, 5, 28, 64, 40, 75, 100, 36, 66, 2, 4, 67, 6, 68, 3, 65, 1, 8], [112, 120, 55, 48, 62, 59, 56, 118, 121, 63, 41, 124, 110, 105, 57, 116, 86, 38, 102, 47, 98, 125, 84, 22, 29, 119, 53, 25, 20, 93, 60, 27, 12, 17, 58, 24, 126, 81, 50, 37, 117, 76, 113, 94, 46, 34, 49, 91, 78, 61, 19, 15, 88, 89, 14, 39, 122, 109, 111, 101, 97, 79, 35, 52, 83, 30, 18, 51, 72, 33, 54, 115, 10, 127, 123, 103, 82, 74, 90, 107, 13, 32, 26, 31, 23, 114, 73, 87, 106, 45, 92, 96, 9, 80, 71, 16, 77, 43, 69, 44, 64, 70, 104, 108, 11, 85, 5, 7, 0, 36, 99, 28, 95, 66, 40, 42, 21, 75, 6, 67, 68, 3, 2, 8, 100, 65, 4, 1], [112, 120, 48, 55, 62, 59, 56, 63, 118, 121, 41, 124, 110, 105, 57, 116, 86, 102, 38, 47, 22, 53, 29, 58, 98, 84, 20, 27, 125, 17, 117, 46, 76, 119, 126, 25, 60, 37, 81, 93, 113, 49, 50, 61, 24, 12, 34, 122, 89, 15, 91, 88, 19, 14, 94, 101, 78, 107, 79, 123, 51, 109, 52, 97, 115, 111, 83, 127, 35, 10, 54, 74, 39, 33, 18, 30, 82, 13, 90, 31, 32, 106, 72, 114, 103, 9, 26, 43, 77, 11, 73, 80, 44, 87, 45, 104, 92, 96, 42, 69, 71, 23, 95, 7, 108, 16, 70, 40, 85, 64, 5, 21, 75, 28, 99, 36, 0, 8, 2, 66, 67, 6, 100, 3, 68, 4, 1, 65], [112, 120, 48, 55, 62, 59, 56, 121, 118, 63, 41, 124, 105, 110, 57, 116, 86, 38, 102, 22, 53, 47, 98, 126, 29, 60, 58, 119, 20, 84, 125, 27, 46, 88, 50, 34, 49, 93, 37, 91, 89, 17, 81, 24, 25, 117, 122, 19, 113, 76, 109, 127, 12, 51, 33, 90, 83, 61, 32, 111, 94, 52, 79, 15, 97, 54, 78, 82, 39, 107, 92, 101, 18, 14, 114, 123, 30, 26, 74, 115, 43, 103, 35, 87, 96, 31, 10, 106, 13, 104, 77, 44, 23, 80, 16, 85, 28, 95, 42, 21, 45, 108, 40, 99, 36, 72, 8, 73, 5, 71, 9, 64, 70, 0, 11, 7, 75, 69, 100, 66, 6, 3, 2, 68, 4, 67, 1, 65], [112, 120, 48, 55, 62, 59, 56, 118, 121, 63, 41, 124, 105, 110, 57, 116, 38, 86, 102, 47, 22, 53, 98, 20, 29, 93, 113, 60, 46, 119, 84, 58, 125, 37, 89, 27, 91, 126, 25, 122, 17, 88, 50, 12, 49, 24, 76, 19, 117, 81, 109, 94, 15, 14, 79, 90, 127, 123, 83, 78, 61, 32, 34, 33, 30, 82, 74, 114, 107, 111, 39, 97, 115, 101, 103, 52, 54, 35, 51, 26, 10, 92, 18, 43, 13, 104, 87, 77, 31, 96, 23, 80, 0, 42, 73, 71, 16, 45, 28, 85, 106, 8, 21, 36, 7, 9, 5, 69, 108, 44, 95, 6, 64, 99, 75, 72, 11, 40, 70, 66, 2, 100, 67, 3, 4, 68, 65, 1], [112, 120, 48, 55, 62, 59, 63, 118, 56, 121, 41, 124, 110, 105, 57, 116, 38, 86, 47, 102, 53, 98, 22, 46, 125, 126, 29, 50, 93, 117, 27, 20, 25, 58, 84, 122, 89, 17, 127, 113, 37, 119, 114, 115, 91, 60, 81, 49, 19, 61, 12, 24, 94, 34, 33, 14, 109, 76, 52, 88, 123, 79, 83, 97, 15, 30, 101, 107, 51, 32, 90, 39, 54, 92, 104, 35, 82, 78, 74, 103, 8, 18, 31, 111, 43, 10, 87, 26, 45, 13, 96, 108, 77, 106, 44, 73, 23, 36, 6, 40, 16, 0, 80, 9, 71, 64, 69, 7, 42, 21, 28, 5, 11, 75, 95, 99, 85, 100, 3, 2, 70, 68, 66, 72, 4, 67, 65, 1], [112, 120, 48, 55, 62, 59, 63, 56, 118, 121, 41, 124, 110, 105, 57, 116, 86, 102, 38, 47, 53, 98, 22, 29, 125, 46, 84, 58, 25, 126, 27, 117, 89, 37, 20, 93, 119, 91, 17, 61, 24, 12, 50, 34, 60, 76, 49, 113, 109, 83, 14, 127, 111, 88, 81, 51, 115, 122, 33, 94, 114, 79, 32, 19, 123, 15, 78, 10, 54, 8, 97, 74, 107, 90, 104, 103, 82, 101, 39, 43, 30, 52, 92, 31, 77, 35, 106, 18, 13, 96, 26, 87, 80, 108, 44, 45, 28, 23, 6, 21, 73, 16, 9, 11, 95, 71, 69, 99, 75, 42, 5, 7, 64, 85, 0, 40, 36, 100, 66, 2, 70, 68, 72, 4, 1, 67, 3, 65], [112, 120, 48, 55, 62, 56, 59, 118, 63, 121, 124, 41, 110, 105, 57, 116, 86, 38, 102, 47, 53, 22, 98, 119, 25, 126, 125, 29, 20, 93, 27, 58, 60, 117, 61, 46, 84, 114, 89, 127, 113, 50, 91, 76, 37, 24, 122, 49, 109, 17, 19, 83, 81, 115, 78, 88, 123, 12, 94, 79, 14, 97, 30, 34, 52, 51, 15, 54, 107, 33, 18, 103, 32, 10, 43, 82, 111, 39, 101, 90, 8, 28, 106, 77, 13, 26, 35, 9, 104, 74, 44, 42, 92, 45, 87, 31, 80, 21, 23, 96, 16, 75, 95, 69, 6, 71, 73, 85, 11, 99, 7, 108, 5, 0, 36, 40, 64, 2, 70, 4, 67, 66, 3, 100, 68, 72, 65, 1], [112, 120, 48, 55, 62, 59, 56, 121, 63, 118, 41, 124, 110, 105, 57, 116, 86, 38, 102, 47, 58, 22, 98, 53, 126, 29, 119, 93, 20, 117, 49, 50, 125, 61, 25, 27, 51, 60, 46, 89, 84, 37, 115, 17, 91, 113, 123, 83, 114, 109, 88, 122, 76, 12, 127, 24, 81, 54, 52, 94, 14, 79, 19, 97, 18, 15, 103, 78, 32, 33, 34, 8, 30, 39, 43, 107, 92, 26, 82, 45, 111, 74, 90, 10, 13, 77, 87, 35, 31, 101, 96, 104, 21, 28, 80, 23, 44, 95, 9, 64, 0, 108, 69, 40, 106, 42, 7, 99, 5, 16, 71, 11, 73, 85, 75, 6, 36, 70, 100, 66, 4, 2, 67, 65, 3, 68, 1, 72], [112, 120, 48, 55, 59, 62, 56, 121, 118, 63, 41, 124, 105, 110, 57, 116, 38, 86, 102, 47, 22, 53, 58, 98, 119, 126, 29, 50, 60, 49, 20, 117, 113, 27, 91, 93, 61, 51, 25, 46, 89, 24, 17, 37, 125, 123, 84, 122, 76, 127, 114, 111, 88, 81, 12, 54, 15, 115, 94, 52, 19, 79, 33, 109, 83, 30, 78, 34, 107, 14, 90, 35, 97, 32, 103, 92, 26, 101, 43, 45, 77, 82, 18, 8, 10, 106, 104, 31, 39, 44, 74, 13, 87, 99, 21, 23, 108, 36, 80, 28, 16, 95, 96, 9, 7, 42, 0, 70, 73, 85, 71, 5, 11, 75, 40, 100, 69, 6, 64, 2, 66, 4, 67, 68, 72, 3, 1, 65], [112, 120, 48, 55, 62, 56, 59, 121, 118, 63, 124, 41, 110, 105, 57, 116, 86, 38, 102, 47, 22, 58, 29, 126, 98, 53, 119, 25, 20, 84, 27, 89, 125, 93, 113, 50, 24, 61, 91, 117, 60, 46, 15, 115, 81, 37, 88, 17, 94, 109, 123, 76, 122, 12, 127, 49, 51, 111, 97, 32, 34, 114, 78, 19, 14, 83, 33, 79, 30, 10, 107, 54, 39, 82, 18, 35, 74, 104, 92, 13, 101, 103, 90, 96, 8, 73, 52, 31, 77, 43, 87, 21, 23, 26, 106, 44, 45, 9, 16, 71, 28, 7, 42, 69, 75, 95, 80, 40, 70, 11, 5, 108, 85, 100, 0, 99, 2, 6, 64, 68, 36, 72, 67, 66, 4, 3, 65, 1], [112, 120, 48, 55, 62, 59, 121, 56, 118, 63, 41, 124, 110, 105, 57, 116, 86, 38, 22, 47, 102, 58, 98, 60, 20, 53, 29, 84, 25, 113, 126, 89, 119, 125, 17, 88, 81, 24, 50, 27, 61, 12, 93, 76, 49, 78, 97, 37, 19, 117, 123, 46, 91, 127, 109, 34, 122, 15, 111, 14, 83, 107, 54, 51, 103, 79, 39, 10, 33, 101, 115, 32, 94, 82, 114, 18, 90, 26, 30, 74, 13, 77, 52, 35, 43, 92, 31, 106, 87, 96, 28, 23, 9, 16, 45, 80, 104, 7, 21, 42, 44, 73, 70, 75, 69, 108, 8, 71, 5, 72, 11, 85, 0, 64, 40, 36, 100, 99, 95, 66, 2, 3, 68, 67, 6, 4, 65, 1], [112, 120, 48, 55, 62, 56, 59, 121, 118, 63, 124, 41, 105, 110, 57, 116, 86, 102, 38, 47, 53, 22, 125, 58, 98, 119, 29, 60, 84, 20, 113, 126, 49, 27, 91, 88, 46, 37, 89, 117, 122, 123, 93, 25, 61, 50, 76, 107, 12, 24, 34, 17, 127, 109, 111, 81, 32, 19, 78, 114, 51, 83, 54, 33, 115, 94, 97, 79, 103, 15, 30, 26, 35, 90, 14, 74, 39, 18, 82, 101, 43, 92, 87, 10, 96, 42, 44, 23, 31, 77, 28, 13, 45, 52, 21, 40, 16, 7, 95, 80, 104, 108, 99, 106, 72, 36, 70, 9, 85, 75, 69, 73, 71, 8, 5, 0, 100, 11, 64, 2, 66, 67, 6, 68, 1, 3, 4, 65], [112, 120, 48, 55, 56, 62, 59, 63, 121, 118, 124, 41, 105, 110, 57, 116, 47, 38, 86, 102, 53, 22, 98, 119, 126, 50, 58, 29, 20, 60, 125, 122, 113, 91, 93, 27, 61, 37, 25, 88, 111, 49, 84, 114, 46, 89, 107, 117, 51, 34, 24, 115, 109, 81, 123, 17, 76, 127, 15, 30, 12, 90, 39, 54, 83, 97, 33, 79, 14, 32, 101, 35, 103, 19, 94, 43, 92, 42, 104, 18, 78, 23, 10, 82, 52, 74, 44, 45, 26, 87, 77, 72, 96, 13, 16, 106, 99, 95, 108, 21, 28, 36, 75, 31, 80, 5, 71, 73, 9, 70, 69, 40, 100, 7, 64, 11, 0, 2, 85, 67, 66, 4, 8, 6, 3, 68, 65, 1], [112, 120, 48, 55, 56, 62, 59, 121, 63, 118, 124, 41, 110, 105, 57, 116, 86, 38, 102, 47, 22, 53, 98, 126, 119, 84, 58, 29, 125, 122, 50, 20, 46, 54, 60, 89, 93, 113, 17, 24, 27, 127, 25, 76, 12, 49, 51, 37, 78, 115, 81, 61, 91, 15, 117, 19, 109, 79, 123, 111, 83, 88, 97, 14, 114, 34, 39, 18, 94, 30, 32, 33, 10, 35, 90, 103, 101, 72, 107, 52, 74, 45, 13, 82, 77, 43, 92, 26, 87, 9, 16, 23, 71, 73, 64, 31, 44, 7, 5, 28, 96, 42, 108, 104, 75, 80, 21, 69, 0, 95, 99, 106, 40, 85, 70, 11, 36, 66, 6, 2, 8, 100, 3, 68, 67, 4, 65, 1], [112, 120, 55, 48, 62, 59, 56, 63, 121, 118, 124, 41, 110, 105, 57, 116, 86, 38, 102, 47, 98, 22, 58, 53, 60, 125, 119, 20, 122, 46, 113, 25, 126, 29, 27, 84, 51, 50, 89, 49, 76, 83, 93, 81, 127, 114, 78, 37, 12, 17, 91, 111, 97, 61, 79, 19, 24, 117, 15, 115, 88, 34, 109, 94, 54, 33, 101, 123, 45, 35, 14, 82, 43, 30, 92, 10, 90, 18, 52, 72, 107, 32, 44, 103, 104, 31, 77, 106, 9, 74, 23, 39, 13, 108, 87, 0, 69, 64, 21, 75, 5, 96, 71, 26, 73, 95, 6, 36, 16, 28, 7, 80, 85, 66, 42, 11, 99, 40, 67, 4, 100, 68, 2, 3, 1, 70, 8, 65], [112, 120, 55, 48, 62, 59, 56, 121, 118, 63, 124, 41, 110, 105, 57, 116, 86, 102, 38, 47, 22, 58, 98, 53, 20, 119, 46, 60, 29, 122, 125, 84, 49, 113, 76, 93, 25, 24, 123, 91, 27, 51, 37, 12, 81, 17, 126, 54, 89, 19, 88, 15, 14, 50, 83, 78, 115, 127, 79, 111, 34, 97, 114, 117, 101, 82, 109, 94, 61, 90, 72, 10, 33, 39, 43, 32, 30, 35, 18, 107, 87, 26, 103, 52, 92, 74, 44, 45, 106, 13, 96, 9, 23, 77, 28, 16, 6, 108, 5, 21, 104, 85, 95, 73, 71, 42, 80, 31, 7, 36, 75, 40, 69, 11, 64, 99, 2, 0, 100, 66, 3, 70, 67, 4, 8, 68, 1, 65], [112, 120, 55, 48, 59, 62, 121, 56, 118, 63, 124, 41, 110, 105, 57, 116, 38, 102, 86, 47, 98, 22, 58, 53, 60, 122, 29, 46, 20, 113, 119, 125, 126, 84, 89, 49, 24, 12, 93, 76, 51, 50, 81, 91, 127, 115, 27, 25, 123, 17, 88, 37, 97, 15, 61, 78, 14, 111, 54, 83, 101, 19, 30, 34, 72, 79, 103, 117, 94, 39, 33, 35, 109, 107, 92, 114, 32, 10, 45, 18, 82, 90, 52, 26, 74, 9, 108, 106, 6, 23, 71, 13, 44, 5, 16, 69, 95, 73, 87, 7, 96, 80, 21, 99, 31, 77, 64, 43, 85, 104, 28, 11, 75, 40, 0, 42, 2, 3, 100, 66, 36, 8, 4, 68, 70, 67, 1, 65], [112, 120, 55, 48, 62, 59, 56, 63, 121, 118, 124, 41, 110, 105, 57, 116, 86, 102, 38, 47, 58, 22, 53, 98, 50, 20, 93, 29, 60, 113, 24, 126, 84, 125, 89, 25, 49, 119, 37, 81, 12, 27, 46, 111, 91, 127, 17, 76, 61, 122, 51, 78, 15, 123, 88, 19, 79, 14, 97, 109, 94, 115, 32, 54, 90, 33, 39, 117, 34, 83, 35, 101, 52, 10, 45, 74, 92, 114, 72, 103, 107, 82, 18, 30, 26, 96, 87, 77, 44, 43, 106, 13, 108, 73, 23, 80, 16, 71, 11, 36, 6, 21, 95, 5, 9, 28, 31, 7, 75, 104, 99, 40, 42, 69, 85, 64, 100, 4, 3, 8, 70, 0, 67, 2, 68, 66, 65, 1]], "model.layers.20.self_attn.q_proj": [[114, 126, 101, 110, 46, 98, 19, 86, 29, 92, 25, 120, 24, 67, 124, 82, 12, 89, 9, 87, 28, 37, 119, 7, 49, 90, 16, 60, 23, 51, 13, 74, 115, 79, 31, 122, 58, 65, 127, 62, 77, 112, 121, 100, 116, 54, 4, 0, 97, 57, 88, 43, 118, 53, 125, 39, 61, 111, 108, 96, 34, 55, 50, 15, 14, 63, 32, 113, 47, 48, 40, 94, 30, 5, 93, 6, 56, 59, 64, 20, 109, 123, 42, 44, 117, 66, 1, 35, 72, 107, 68, 95, 45, 52, 2, 17, 27, 36, 83, 41, 26, 3, 70, 102, 38, 80, 104, 33, 105, 84, 106, 91, 81, 103, 18, 21, 99, 69, 8, 78, 73, 10, 85, 75, 71, 22, 76, 11], [46, 126, 114, 110, 101, 120, 98, 49, 124, 92, 55, 115, 58, 122, 19, 60, 119, 28, 37, 40, 54, 127, 86, 121, 116, 52, 53, 125, 118, 112, 57, 50, 51, 47, 61, 48, 62, 56, 108, 111, 90, 31, 42, 63, 113, 59, 24, 123, 43, 89, 109, 117, 105, 91, 45, 103, 44, 29, 106, 88, 15, 104, 82, 102, 39, 107, 41, 25, 95, 36, 16, 94, 35, 100, 23, 99, 85, 7, 38, 22, 33, 97, 13, 93, 96, 87, 34, 14, 79, 9, 32, 26, 21, 30, 27, 83, 73, 12, 17, 20, 84, 80, 8, 77, 81, 72, 11, 18, 78, 75, 66, 74, 10, 68, 6, 5, 4, 71, 76, 3, 1, 69, 64, 70, 2, 65, 67, 0], [126, 101, 110, 114, 46, 98, 28, 92, 120, 19, 86, 115, 124, 14, 24, 60, 58, 121, 82, 123, 23, 29, 89, 119, 116, 125, 37, 42, 39, 122, 36, 49, 31, 55, 118, 112, 103, 54, 109, 48, 25, 105, 127, 57, 62, 99, 47, 53, 51, 16, 111, 50, 59, 61, 56, 117, 26, 100, 91, 63, 33, 104, 95, 38, 32, 45, 30, 113, 83, 93, 52, 35, 94, 40, 41, 44, 85, 97, 87, 90, 96, 12, 107, 27, 108, 43, 84, 7, 102, 74, 34, 106, 21, 13, 81, 22, 15, 17, 88, 79, 80, 5, 8, 20, 18, 76, 78, 75, 71, 77, 3, 72, 9, 11, 73, 10, 66, 70, 69, 6, 1, 68, 67, 4, 2, 65, 0, 64], [114, 126, 46, 110, 101, 92, 98, 120, 119, 12, 124, 28, 19, 82, 60, 5, 51, 25, 86, 37, 127, 49, 115, 0, 62, 58, 16, 122, 50, 57, 74, 112, 117, 121, 7, 123, 61, 53, 38, 55, 113, 54, 68, 125, 118, 14, 31, 116, 47, 44, 48, 56, 109, 111, 63, 89, 87, 104, 43, 108, 2, 100, 36, 91, 45, 107, 33, 105, 94, 29, 52, 23, 59, 8, 41, 39, 6, 85, 77, 40, 70, 79, 3, 102, 42, 15, 35, 66, 18, 95, 32, 88, 69, 83, 99, 106, 96, 73, 75, 30, 9, 1, 71, 93, 64, 17, 27, 13, 103, 97, 24, 4, 20, 65, 78, 11, 67, 76, 84, 81, 21, 80, 22, 26, 72, 90, 10, 34], [43, 98, 93, 103, 107, 116, 46, 117, 78, 58, 21, 24, 81, 19, 127, 12, 63, 8, 51, 95, 121, 62, 92, 90, 120, 29, 37, 70, 26, 109, 41, 59, 101, 104, 119, 105, 100, 52, 48, 50, 36, 57, 87, 74, 86, 16, 27, 44, 7, 110, 73, 2, 72, 42, 54, 33, 67, 13, 32, 39, 56, 126, 115, 75, 53, 79, 114, 68, 83, 84, 3, 10, 125, 23, 64, 118, 9, 22, 1, 112, 61, 113, 80, 40, 25, 17, 47, 108, 85, 66, 106, 45, 30, 14, 97, 99, 38, 76, 123, 94, 35, 122, 96, 11, 82, 18, 60, 28, 49, 111, 31, 6, 15, 0, 55, 91, 71, 20, 77, 69, 89, 34, 102, 88, 124, 5, 4, 65], [43, 121, 107, 98, 93, 46, 63, 62, 52, 58, 118, 109, 38, 24, 116, 39, 127, 103, 54, 119, 37, 104, 19, 53, 51, 55, 26, 29, 44, 49, 56, 105, 21, 57, 110, 115, 48, 117, 41, 95, 50, 90, 61, 33, 47, 59, 32, 125, 112, 92, 120, 81, 123, 42, 106, 114, 108, 60, 23, 78, 111, 25, 126, 124, 122, 96, 86, 45, 113, 87, 34, 75, 12, 40, 100, 36, 101, 70, 9, 91, 83, 97, 73, 102, 31, 35, 84, 28, 22, 30, 80, 88, 99, 18, 77, 10, 82, 68, 94, 11, 27, 20, 13, 79, 17, 89, 4, 15, 8, 16, 67, 1, 85, 7, 64, 6, 71, 74, 76, 3, 65, 69, 2, 5, 14, 66, 0, 72], [43, 113, 121, 116, 93, 98, 107, 59, 52, 24, 103, 63, 53, 125, 49, 29, 127, 105, 58, 51, 110, 95, 26, 48, 117, 54, 119, 112, 46, 124, 37, 92, 120, 47, 44, 106, 61, 21, 123, 118, 109, 114, 56, 62, 45, 111, 104, 60, 90, 115, 91, 41, 122, 126, 39, 108, 57, 100, 81, 42, 97, 50, 40, 32, 33, 87, 38, 23, 101, 55, 102, 36, 22, 19, 35, 96, 88, 34, 83, 86, 84, 99, 94, 31, 18, 30, 80, 27, 77, 28, 25, 82, 89, 75, 85, 20, 16, 15, 78, 12, 17, 9, 76, 13, 79, 73, 11, 74, 70, 14, 10, 6, 72, 7, 5, 4, 66, 68, 8, 0, 69, 65, 71, 67, 2, 3, 1, 64], [43, 98, 93, 107, 103, 46, 116, 121, 24, 81, 78, 51, 21, 12, 109, 62, 8, 63, 19, 120, 26, 7, 117, 52, 29, 69, 74, 127, 68, 58, 38, 70, 92, 119, 73, 65, 90, 3, 2, 105, 37, 16, 66, 125, 44, 95, 50, 86, 48, 10, 39, 75, 106, 54, 0, 33, 64, 47, 59, 87, 56, 4, 96, 5, 97, 49, 82, 53, 71, 41, 101, 45, 84, 67, 18, 113, 114, 123, 110, 115, 104, 83, 13, 77, 79, 118, 6, 126, 11, 111, 36, 60, 17, 55, 124, 61, 1, 108, 76, 57, 23, 28, 25, 42, 35, 20, 112, 27, 80, 30, 72, 22, 40, 99, 85, 100, 122, 31, 9, 91, 15, 32, 14, 89, 102, 94, 34, 88], [39, 109, 46, 97, 93, 110, 78, 17, 10, 71, 19, 45, 5, 85, 76, 86, 16, 65, 26, 3, 22, 116, 83, 9, 89, 66, 2, 121, 35, 90, 87, 88, 107, 81, 24, 64, 79, 21, 91, 80, 119, 103, 75, 11, 28, 12, 74, 29, 15, 82, 54, 8, 92, 72, 127, 7, 18, 111, 59, 13, 23, 77, 14, 94, 1, 84, 4, 123, 48, 69, 68, 67, 20, 32, 73, 6, 70, 0, 27, 118, 30, 25, 115, 34, 99, 33, 114, 96, 102, 113, 31, 100, 38, 43, 95, 101, 58, 44, 41, 51, 125, 120, 122, 57, 98, 53, 50, 55, 126, 40, 60, 36, 104, 52, 47, 106, 62, 37, 42, 61, 105, 63, 117, 124, 112, 49, 56, 108], [109, 39, 45, 93, 97, 85, 107, 123, 110, 16, 99, 116, 54, 26, 76, 59, 53, 119, 57, 90, 23, 121, 56, 60, 118, 58, 115, 24, 55, 125, 51, 112, 40, 126, 63, 111, 43, 114, 29, 48, 102, 19, 122, 113, 127, 52, 86, 44, 124, 9, 105, 47, 62, 49, 117, 92, 46, 108, 120, 37, 61, 50, 41, 30, 106, 21, 42, 83, 6, 31, 104, 36, 94, 98, 100, 17, 64, 28, 5, 103, 35, 101, 34, 88, 96, 38, 4, 32, 25, 95, 0, 18, 87, 12, 27, 80, 10, 89, 22, 78, 1, 33, 3, 65, 68, 66, 84, 70, 73, 20, 91, 71, 82, 67, 81, 79, 77, 11, 72, 15, 75, 13, 2, 69, 8, 7, 14, 74], [109, 39, 45, 97, 93, 107, 123, 85, 110, 46, 26, 16, 86, 76, 23, 19, 121, 24, 83, 90, 29, 119, 59, 116, 51, 102, 111, 127, 57, 118, 99, 54, 17, 22, 10, 125, 53, 78, 48, 122, 58, 114, 55, 112, 60, 113, 63, 21, 124, 56, 126, 115, 27, 30, 104, 120, 50, 49, 62, 52, 12, 92, 44, 105, 61, 108, 47, 96, 35, 103, 42, 41, 89, 40, 117, 43, 15, 36, 88, 101, 37, 5, 79, 100, 32, 38, 71, 64, 33, 106, 94, 80, 95, 34, 9, 11, 6, 98, 18, 68, 82, 28, 87, 3, 77, 31, 81, 91, 25, 84, 75, 13, 20, 66, 70, 1, 0, 65, 67, 14, 4, 8, 74, 72, 73, 69, 7, 2], [39, 109, 110, 46, 97, 45, 93, 102, 86, 26, 85, 118, 117, 96, 19, 24, 123, 17, 111, 92, 57, 35, 30, 15, 60, 125, 49, 59, 116, 53, 58, 29, 121, 119, 113, 54, 99, 127, 78, 44, 63, 48, 27, 89, 122, 52, 107, 55, 51, 124, 47, 11, 112, 36, 56, 98, 126, 95, 41, 37, 62, 61, 83, 115, 40, 108, 42, 114, 106, 101, 50, 43, 105, 100, 10, 120, 32, 87, 31, 34, 28, 104, 88, 22, 76, 75, 84, 90, 16, 9, 91, 23, 25, 94, 18, 5, 79, 38, 20, 0, 21, 4, 82, 6, 13, 80, 33, 77, 70, 12, 1, 2, 8, 71, 103, 81, 65, 14, 64, 69, 72, 67, 68, 73, 3, 74, 7, 66], [51, 101, 120, 119, 97, 127, 25, 115, 82, 37, 113, 110, 118, 46, 104, 22, 28, 62, 89, 31, 93, 78, 53, 109, 21, 94, 116, 42, 122, 121, 98, 75, 30, 27, 123, 117, 126, 23, 87, 20, 59, 52, 96, 54, 47, 69, 44, 114, 48, 60, 9, 124, 81, 61, 63, 57, 56, 83, 58, 111, 55, 16, 50, 80, 125, 86, 91, 49, 95, 77, 112, 88, 24, 29, 41, 10, 90, 92, 14, 105, 45, 107, 108, 73, 3, 19, 84, 99, 71, 85, 39, 34, 43, 103, 106, 102, 100, 35, 70, 18, 38, 64, 32, 26, 5, 40, 15, 17, 8, 36, 12, 68, 67, 65, 66, 7, 74, 72, 33, 76, 13, 2, 1, 4, 11, 79, 0, 6], [127, 120, 51, 119, 101, 109, 97, 56, 113, 107, 82, 118, 102, 54, 106, 62, 59, 117, 25, 93, 124, 123, 116, 52, 126, 122, 57, 37, 38, 121, 114, 104, 55, 105, 48, 50, 125, 49, 98, 115, 112, 58, 47, 91, 44, 60, 89, 63, 35, 45, 61, 111, 110, 40, 17, 30, 46, 92, 28, 53, 23, 85, 90, 94, 42, 108, 18, 34, 36, 43, 31, 39, 96, 84, 27, 103, 41, 100, 99, 24, 88, 95, 79, 29, 26, 15, 12, 19, 32, 81, 73, 33, 83, 87, 21, 11, 78, 20, 22, 16, 77, 75, 13, 86, 1, 66, 76, 7, 0, 80, 14, 72, 69, 3, 70, 6, 9, 4, 68, 74, 10, 5, 2, 8, 67, 64, 65, 71], [120, 51, 119, 101, 25, 89, 97, 37, 47, 118, 127, 115, 62, 117, 113, 123, 84, 122, 54, 121, 52, 60, 126, 53, 55, 116, 125, 46, 56, 16, 57, 49, 50, 59, 124, 61, 63, 109, 114, 58, 48, 110, 93, 111, 28, 44, 30, 22, 42, 108, 112, 45, 12, 29, 107, 40, 92, 41, 43, 80, 103, 39, 38, 104, 105, 86, 106, 87, 73, 20, 27, 31, 95, 102, 18, 35, 98, 33, 69, 7, 36, 3, 66, 100, 34, 14, 99, 88, 77, 72, 94, 82, 76, 17, 32, 10, 1, 96, 13, 91, 70, 85, 15, 8, 74, 75, 4, 19, 83, 24, 78, 26, 11, 0, 5, 68, 21, 9, 23, 71, 79, 81, 90, 6, 67, 64, 2, 65], [119, 101, 51, 127, 120, 84, 97, 113, 115, 54, 59, 123, 62, 118, 82, 92, 30, 50, 37, 46, 27, 124, 126, 89, 25, 28, 43, 47, 110, 125, 61, 52, 45, 121, 40, 109, 53, 100, 122, 42, 102, 18, 107, 116, 58, 60, 49, 104, 48, 35, 15, 57, 114, 44, 63, 117, 95, 56, 105, 91, 96, 36, 22, 111, 108, 77, 106, 112, 73, 55, 90, 34, 41, 32, 99, 20, 38, 33, 39, 103, 98, 12, 79, 19, 26, 94, 86, 17, 93, 31, 81, 88, 29, 24, 87, 11, 13, 16, 21, 23, 74, 83, 76, 80, 10, 85, 14, 75, 72, 9, 71, 69, 6, 78, 70, 7, 68, 8, 0, 5, 67, 2, 4, 1, 3, 66, 65, 64], [110, 50, 37, 46, 26, 38, 88, 114, 41, 58, 98, 30, 36, 82, 53, 94, 90, 85, 97, 28, 34, 84, 117, 109, 100, 122, 20, 96, 123, 86, 57, 87, 104, 39, 51, 21, 25, 111, 81, 126, 120, 102, 99, 62, 22, 61, 113, 52, 45, 76, 112, 48, 116, 115, 27, 95, 29, 43, 78, 44, 79, 42, 103, 59, 47, 101, 108, 17, 105, 107, 83, 18, 121, 127, 106, 23, 31, 56, 60, 119, 54, 40, 125, 49, 124, 63, 10, 33, 91, 35, 32, 89, 55, 24, 92, 16, 4, 93, 118, 64, 75, 6, 66, 13, 72, 65, 15, 80, 77, 7, 74, 11, 73, 14, 19, 5, 12, 3, 67, 70, 68, 71, 8, 1, 9, 69, 2, 0], [110, 50, 46, 37, 58, 26, 97, 88, 41, 84, 96, 62, 114, 90, 106, 109, 30, 78, 126, 20, 92, 85, 86, 81, 34, 28, 87, 53, 123, 94, 99, 83, 104, 91, 23, 122, 38, 117, 57, 31, 93, 39, 10, 124, 63, 98, 112, 11, 21, 42, 51, 56, 48, 127, 61, 125, 17, 108, 111, 107, 116, 29, 16, 105, 115, 3, 24, 52, 118, 49, 121, 60, 7, 55, 6, 113, 70, 43, 54, 103, 47, 45, 36, 68, 102, 59, 80, 4, 32, 33, 120, 25, 95, 119, 100, 64, 44, 76, 40, 89, 77, 27, 19, 14, 82, 15, 18, 73, 35, 0, 75, 5, 79, 66, 74, 71, 72, 101, 22, 8, 9, 12, 65, 67, 13, 1, 69, 2], [110, 50, 37, 58, 46, 26, 41, 98, 97, 30, 109, 87, 122, 90, 84, 88, 94, 31, 85, 62, 60, 81, 28, 125, 78, 29, 63, 35, 20, 91, 36, 43, 126, 48, 17, 86, 121, 124, 61, 83, 51, 32, 102, 100, 54, 15, 118, 117, 114, 123, 52, 93, 92, 47, 45, 127, 56, 11, 112, 111, 113, 40, 107, 120, 116, 4, 103, 22, 27, 108, 106, 55, 104, 53, 24, 42, 101, 76, 49, 99, 89, 21, 115, 34, 96, 16, 38, 57, 33, 44, 39, 66, 6, 18, 59, 75, 119, 7, 95, 19, 79, 25, 105, 23, 8, 80, 72, 77, 10, 73, 14, 64, 74, 82, 70, 12, 5, 3, 65, 13, 67, 69, 71, 9, 2, 68, 1, 0], [110, 50, 37, 46, 58, 26, 97, 84, 30, 41, 109, 88, 28, 78, 90, 96, 117, 94, 126, 17, 47, 20, 91, 87, 85, 53, 106, 108, 81, 114, 29, 122, 105, 93, 86, 107, 11, 31, 111, 48, 34, 23, 40, 95, 45, 57, 43, 124, 16, 92, 119, 123, 49, 59, 83, 51, 15, 21, 118, 62, 63, 112, 104, 55, 98, 36, 24, 56, 116, 4, 61, 10, 127, 113, 44, 65, 54, 60, 121, 18, 103, 5, 120, 125, 39, 77, 52, 38, 100, 72, 115, 35, 89, 102, 76, 6, 99, 33, 42, 32, 74, 79, 75, 7, 70, 3, 27, 80, 73, 66, 14, 22, 25, 82, 12, 13, 101, 71, 0, 19, 8, 68, 9, 64, 67, 2, 1, 69], [125, 48, 112, 37, 53, 124, 46, 126, 61, 117, 100, 113, 121, 54, 51, 116, 57, 56, 59, 58, 114, 34, 120, 127, 118, 52, 60, 122, 123, 50, 49, 63, 62, 55, 110, 115, 97, 111, 119, 47, 109, 45, 108, 42, 44, 102, 43, 105, 103, 107, 41, 99, 104, 26, 39, 40, 106, 32, 35, 84, 38, 101, 86, 90, 96, 94, 95, 82, 88, 36, 28, 33, 30, 98, 31, 29, 87, 22, 93, 73, 14, 76, 20, 23, 16, 92, 18, 24, 78, 25, 80, 27, 7, 89, 5, 12, 91, 3, 65, 69, 9, 85, 1, 71, 83, 0, 67, 17, 21, 64, 2, 4, 15, 66, 19, 70, 10, 11, 13, 75, 77, 68, 6, 8, 74, 81, 72, 79], [48, 100, 46, 112, 25, 85, 125, 17, 34, 87, 14, 15, 83, 27, 86, 80, 96, 12, 10, 40, 29, 84, 97, 98, 103, 13, 94, 95, 37, 93, 16, 9, 22, 75, 24, 99, 8, 78, 42, 124, 73, 28, 32, 110, 69, 6, 3, 36, 77, 118, 20, 117, 11, 81, 68, 26, 21, 5, 92, 71, 74, 76, 18, 30, 82, 90, 126, 88, 50, 121, 89, 23, 79, 47, 38, 19, 0, 91, 39, 105, 1, 31, 70, 7, 115, 35, 2, 41, 116, 67, 45, 54, 114, 65, 101, 120, 53, 4, 102, 63, 104, 61, 109, 43, 64, 72, 58, 113, 33, 57, 127, 59, 56, 119, 62, 123, 52, 49, 66, 108, 106, 111, 122, 51, 55, 107, 44, 60], [48, 112, 27, 100, 46, 85, 83, 34, 25, 97, 17, 13, 15, 125, 75, 8, 28, 87, 86, 32, 37, 30, 29, 4, 12, 10, 18, 72, 124, 68, 66, 6, 96, 16, 2, 24, 77, 40, 47, 91, 33, 20, 76, 93, 26, 70, 71, 7, 31, 84, 95, 14, 90, 22, 88, 9, 36, 0, 23, 82, 39, 121, 89, 126, 81, 21, 11, 79, 38, 92, 94, 74, 118, 73, 1, 99, 54, 98, 43, 103, 19, 78, 69, 110, 114, 117, 35, 80, 115, 5, 65, 102, 67, 53, 113, 3, 45, 59, 57, 101, 56, 64, 116, 50, 105, 44, 42, 123, 111, 41, 58, 61, 52, 49, 63, 62, 104, 120, 107, 60, 119, 51, 109, 108, 127, 55, 122, 106], [46, 48, 112, 125, 121, 37, 124, 54, 126, 57, 56, 117, 62, 53, 113, 59, 120, 58, 116, 61, 114, 127, 122, 49, 123, 51, 52, 63, 118, 115, 60, 110, 55, 50, 111, 119, 45, 47, 109, 43, 44, 100, 108, 102, 104, 106, 103, 107, 41, 39, 42, 105, 40, 38, 96, 34, 101, 98, 99, 97, 33, 32, 36, 95, 86, 35, 90, 88, 28, 22, 94, 84, 82, 26, 31, 30, 92, 29, 93, 25, 89, 65, 91, 87, 20, 78, 18, 7, 16, 24, 80, 27, 76, 14, 23, 0, 3, 12, 85, 67, 73, 2, 69, 71, 5, 83, 9, 1, 21, 17, 70, 4, 81, 19, 10, 64, 13, 15, 66, 8, 75, 79, 68, 74, 72, 77, 11, 6], [116, 122, 103, 57, 126, 55, 119, 118, 40, 127, 54, 51, 59, 100, 120, 114, 125, 124, 121, 61, 115, 112, 111, 50, 123, 85, 63, 53, 62, 113, 108, 56, 47, 117, 60, 30, 48, 58, 52, 46, 104, 49, 109, 42, 33, 110, 44, 102, 45, 106, 41, 43, 107, 29, 105, 38, 36, 24, 37, 27, 34, 99, 101, 35, 25, 32, 96, 98, 19, 31, 94, 95, 97, 39, 93, 23, 78, 28, 91, 87, 83, 21, 14, 22, 92, 89, 17, 86, 90, 26, 10, 1, 72, 0, 88, 8, 5, 3, 4, 16, 81, 80, 74, 75, 68, 13, 71, 64, 67, 66, 6, 18, 84, 69, 12, 2, 70, 7, 65, 77, 82, 9, 76, 79, 15, 11, 73, 20], [122, 116, 103, 55, 54, 120, 50, 40, 114, 118, 33, 53, 124, 24, 126, 100, 115, 59, 127, 19, 113, 117, 31, 125, 63, 121, 61, 57, 119, 112, 111, 60, 123, 56, 62, 58, 46, 110, 52, 51, 30, 102, 47, 42, 49, 48, 108, 27, 85, 74, 106, 109, 104, 22, 94, 80, 25, 44, 35, 107, 36, 45, 93, 43, 91, 41, 105, 32, 29, 38, 37, 84, 101, 28, 34, 26, 20, 98, 89, 82, 86, 23, 99, 97, 87, 96, 90, 21, 95, 83, 15, 72, 92, 88, 39, 5, 12, 0, 14, 18, 16, 78, 77, 3, 17, 73, 71, 6, 79, 76, 81, 68, 13, 10, 70, 9, 4, 2, 8, 66, 69, 64, 67, 75, 1, 65, 11, 7], [116, 122, 103, 55, 118, 54, 126, 50, 127, 61, 114, 57, 120, 112, 119, 121, 125, 115, 124, 62, 117, 40, 123, 33, 52, 53, 59, 60, 56, 113, 58, 104, 63, 111, 51, 100, 34, 91, 47, 49, 26, 36, 48, 93, 22, 110, 19, 46, 42, 44, 45, 25, 109, 102, 108, 24, 27, 107, 21, 106, 41, 31, 43, 80, 101, 94, 37, 35, 99, 38, 105, 29, 85, 28, 98, 86, 32, 39, 97, 96, 95, 89, 30, 92, 23, 78, 90, 74, 16, 14, 83, 82, 17, 88, 84, 87, 3, 18, 77, 12, 15, 10, 11, 1, 9, 68, 4, 81, 66, 0, 8, 20, 65, 13, 6, 79, 67, 70, 64, 71, 75, 69, 5, 2, 72, 73, 76, 7], [103, 116, 122, 93, 100, 84, 82, 55, 81, 33, 88, 15, 22, 75, 91, 87, 77, 52, 24, 11, 118, 79, 17, 71, 50, 26, 31, 119, 102, 126, 27, 40, 120, 13, 57, 32, 54, 89, 29, 23, 20, 34, 25, 90, 12, 21, 28, 72, 83, 125, 115, 121, 14, 18, 86, 59, 68, 94, 114, 61, 112, 85, 117, 124, 113, 127, 53, 96, 92, 123, 63, 8, 30, 111, 80, 58, 76, 62, 16, 110, 46, 47, 51, 7, 56, 104, 78, 69, 9, 10, 19, 60, 73, 97, 67, 95, 5, 37, 44, 49, 4, 66, 3, 108, 48, 99, 6, 74, 43, 109, 42, 70, 45, 98, 38, 36, 0, 107, 35, 106, 1, 64, 2, 105, 41, 101, 65, 39], [102, 113, 56, 97, 23, 49, 79, 29, 77, 81, 20, 75, 10, 72, 6, 3, 22, 16, 18, 32, 67, 38, 28, 15, 34, 5, 9, 88, 48, 17, 112, 65, 115, 92, 25, 70, 26, 74, 53, 78, 0, 39, 69, 86, 84, 63, 87, 64, 11, 31, 12, 105, 83, 19, 89, 66, 58, 117, 57, 80, 30, 85, 21, 13, 91, 93, 73, 8, 55, 82, 90, 52, 100, 41, 27, 1, 44, 7, 95, 96, 103, 36, 76, 94, 59, 99, 24, 119, 121, 14, 51, 50, 116, 35, 118, 33, 47, 60, 106, 101, 110, 46, 122, 2, 98, 123, 45, 62, 40, 109, 4, 42, 71, 37, 126, 104, 54, 124, 68, 61, 43, 114, 120, 125, 107, 108, 127, 111], [102, 56, 113, 97, 29, 49, 23, 20, 79, 77, 75, 81, 10, 3, 6, 72, 22, 69, 0, 30, 18, 65, 88, 25, 53, 84, 74, 13, 70, 17, 87, 86, 59, 26, 93, 71, 1, 89, 64, 66, 15, 76, 52, 80, 92, 11, 119, 73, 24, 4, 95, 96, 8, 31, 34, 90, 91, 14, 33, 19, 32, 28, 38, 62, 58, 82, 9, 41, 36, 112, 94, 110, 12, 83, 78, 16, 5, 121, 27, 57, 21, 103, 7, 48, 115, 50, 63, 117, 85, 35, 99, 2, 101, 43, 98, 39, 100, 67, 125, 60, 68, 45, 123, 122, 105, 51, 126, 44, 54, 127, 47, 61, 37, 124, 114, 106, 55, 108, 111, 40, 120, 46, 42, 107, 109, 104, 118, 116], [113, 102, 56, 121, 48, 49, 97, 39, 29, 22, 44, 126, 16, 115, 52, 50, 60, 59, 124, 118, 51, 117, 123, 38, 57, 119, 63, 54, 47, 112, 28, 114, 127, 58, 46, 122, 90, 62, 120, 110, 53, 125, 43, 55, 40, 109, 104, 61, 116, 108, 24, 41, 37, 111, 105, 103, 107, 32, 101, 106, 42, 45, 91, 23, 20, 26, 36, 100, 86, 25, 34, 98, 81, 99, 88, 80, 96, 93, 31, 94, 35, 85, 14, 30, 27, 95, 92, 83, 76, 33, 18, 78, 82, 9, 89, 19, 21, 12, 73, 77, 75, 69, 84, 10, 71, 79, 7, 4, 2, 68, 87, 17, 66, 5, 72, 64, 65, 0, 3, 1, 6, 15, 11, 13, 67, 8, 70, 74], [56, 102, 113, 48, 97, 49, 29, 23, 41, 22, 117, 52, 28, 115, 16, 46, 36, 20, 114, 103, 81, 86, 121, 44, 31, 50, 53, 63, 105, 58, 25, 77, 39, 119, 51, 106, 126, 91, 54, 90, 76, 78, 27, 60, 89, 55, 59, 123, 62, 92, 79, 118, 10, 38, 107, 104, 42, 120, 122, 109, 108, 124, 72, 69, 112, 14, 12, 127, 47, 116, 57, 110, 33, 43, 19, 111, 93, 32, 83, 24, 40, 101, 45, 125, 30, 61, 80, 75, 37, 35, 99, 82, 84, 26, 98, 88, 18, 34, 85, 96, 100, 9, 94, 21, 3, 64, 95, 66, 68, 71, 5, 7, 74, 1, 0, 17, 73, 6, 4, 65, 2, 87, 13, 70, 15, 67, 11, 8]], "model.layers.20.self_attn.k_proj": [[126, 114, 46, 37, 86, 34, 50, 64, 124, 28, 12, 16, 25, 51, 19, 66, 119, 57, 120, 7, 60, 58, 115, 82, 53, 127, 123, 62, 116, 61, 74, 122, 14, 113, 112, 9, 117, 63, 56, 125, 54, 121, 55, 47, 118, 48, 44, 111, 43, 79, 59, 49, 13, 45, 109, 29, 39, 101, 95, 6, 52, 107, 24, 3, 41, 36, 42, 108, 102, 104, 87, 105, 106, 40, 94, 103, 21, 38, 98, 4, 33, 90, 27, 32, 23, 8, 35, 72, 96, 5, 1, 99, 15, 100, 91, 80, 30, 110, 77, 97, 89, 84, 20, 93, 70, 88, 17, 2, 31, 11, 18, 65, 68, 26, 81, 75, 92, 69, 76, 85, 78, 73, 67, 0, 10, 83, 71, 22], [107, 34, 43, 29, 116, 51, 90, 78, 81, 8, 127, 19, 31, 70, 12, 56, 0, 110, 7, 120, 87, 32, 68, 61, 63, 3, 74, 62, 75, 54, 2, 39, 121, 88, 21, 66, 100, 24, 92, 73, 85, 58, 46, 95, 28, 86, 109, 45, 52, 59, 69, 77, 126, 117, 37, 1, 48, 113, 57, 36, 33, 47, 42, 114, 53, 27, 64, 4, 11, 84, 99, 18, 15, 5, 50, 119, 108, 97, 112, 65, 82, 80, 124, 44, 125, 16, 30, 71, 102, 22, 25, 41, 122, 40, 94, 60, 118, 105, 55, 101, 104, 10, 79, 13, 106, 38, 89, 115, 20, 26, 49, 9, 123, 111, 23, 35, 91, 72, 76, 96, 17, 14, 67, 93, 83, 6, 103, 98], [45, 103, 46, 33, 29, 109, 86, 19, 85, 123, 90, 119, 5, 10, 16, 64, 78, 57, 116, 76, 71, 52, 17, 112, 54, 126, 127, 121, 65, 3, 53, 115, 125, 51, 122, 107, 55, 48, 113, 58, 56, 114, 118, 59, 120, 60, 24, 124, 9, 2, 47, 44, 61, 63, 34, 111, 89, 62, 108, 106, 67, 13, 41, 11, 49, 32, 117, 100, 43, 99, 50, 72, 35, 38, 101, 104, 6, 31, 69, 105, 23, 42, 37, 15, 18, 88, 30, 95, 82, 87, 36, 91, 94, 102, 25, 84, 92, 75, 0, 40, 110, 27, 93, 98, 14, 1, 77, 96, 28, 20, 8, 4, 73, 79, 66, 81, 26, 83, 68, 22, 7, 70, 74, 39, 12, 97, 80, 21], [51, 37, 119, 120, 127, 33, 22, 46, 122, 123, 121, 50, 118, 56, 45, 124, 113, 52, 126, 61, 116, 53, 62, 117, 48, 125, 106, 115, 54, 55, 60, 57, 30, 59, 58, 63, 40, 89, 91, 49, 108, 114, 101, 47, 110, 104, 111, 112, 41, 109, 80, 44, 102, 103, 43, 42, 107, 38, 105, 39, 16, 92, 93, 95, 23, 36, 32, 82, 35, 34, 31, 21, 84, 29, 25, 86, 99, 96, 100, 28, 77, 76, 26, 98, 87, 88, 19, 72, 12, 27, 90, 94, 24, 83, 70, 78, 15, 85, 10, 75, 97, 7, 9, 74, 81, 14, 17, 13, 68, 3, 79, 11, 5, 2, 20, 18, 73, 65, 6, 4, 71, 64, 67, 8, 69, 0, 1, 66], [46, 50, 110, 101, 26, 30, 58, 20, 114, 85, 78, 33, 17, 4, 66, 88, 11, 76, 79, 41, 62, 7, 72, 126, 64, 75, 5, 53, 122, 70, 6, 3, 19, 34, 87, 73, 18, 23, 91, 86, 15, 68, 83, 16, 32, 77, 60, 84, 81, 49, 43, 10, 65, 117, 100, 118, 105, 127, 24, 112, 109, 31, 51, 92, 45, 67, 61, 120, 48, 35, 57, 63, 56, 29, 40, 107, 96, 25, 89, 22, 27, 113, 119, 125, 82, 52, 80, 124, 55, 116, 21, 93, 0, 1, 115, 121, 103, 108, 44, 54, 106, 99, 28, 74, 38, 123, 95, 13, 104, 39, 47, 59, 98, 36, 102, 111, 42, 8, 97, 14, 9, 37, 12, 2, 90, 94, 71, 69], [112, 48, 36, 86, 15, 17, 125, 110, 83, 75, 25, 10, 27, 33, 13, 29, 85, 70, 32, 30, 8, 124, 117, 46, 56, 126, 121, 54, 84, 82, 115, 61, 28, 57, 53, 2, 116, 98, 0, 47, 4, 62, 90, 120, 59, 51, 80, 63, 102, 60, 114, 87, 123, 35, 127, 44, 113, 50, 109, 52, 122, 118, 49, 58, 92, 105, 111, 55, 41, 119, 77, 45, 11, 104, 26, 107, 42, 73, 43, 38, 6, 103, 101, 106, 37, 31, 14, 108, 40, 74, 79, 65, 99, 7, 88, 16, 34, 23, 72, 39, 12, 76, 96, 95, 67, 21, 93, 78, 3, 24, 20, 89, 91, 9, 69, 94, 97, 100, 19, 18, 68, 71, 81, 5, 66, 22, 1, 64], [122, 116, 39, 22, 55, 97, 54, 61, 126, 118, 52, 117, 112, 124, 57, 121, 50, 123, 120, 115, 62, 113, 127, 27, 58, 56, 114, 53, 59, 63, 51, 95, 119, 98, 60, 26, 34, 49, 125, 111, 47, 110, 104, 45, 42, 44, 46, 82, 109, 48, 24, 107, 108, 80, 32, 38, 35, 41, 43, 84, 102, 37, 106, 16, 105, 101, 12, 36, 96, 40, 14, 99, 85, 92, 23, 15, 29, 9, 33, 94, 90, 17, 77, 19, 30, 31, 93, 100, 28, 10, 71, 75, 103, 81, 87, 25, 91, 89, 20, 79, 78, 76, 70, 67, 83, 18, 11, 8, 72, 1, 88, 13, 69, 86, 74, 5, 3, 21, 73, 0, 6, 66, 7, 4, 64, 2, 68, 65], [113, 56, 38, 33, 22, 93, 81, 23, 79, 72, 77, 20, 6, 10, 75, 112, 0, 3, 120, 69, 117, 27, 57, 65, 16, 49, 52, 115, 103, 54, 59, 110, 50, 126, 46, 122, 51, 28, 53, 60, 124, 26, 58, 55, 61, 119, 125, 102, 118, 105, 62, 123, 5, 121, 48, 95, 116, 2, 94, 47, 63, 45, 127, 83, 108, 30, 114, 99, 109, 106, 9, 107, 66, 100, 89, 67, 32, 104, 44, 43, 35, 21, 14, 76, 40, 42, 18, 96, 78, 85, 88, 24, 101, 39, 111, 34, 73, 68, 41, 25, 4, 36, 31, 37, 29, 90, 98, 12, 92, 1, 80, 19, 7, 71, 74, 82, 64, 91, 87, 84, 8, 17, 70, 11, 13, 15, 86, 97]], "model.layers.20.self_attn.qk_proj": [[46, 113, 56, 116, 122, 112, 126, 48, 110, 51, 114, 45, 107, 43, 119, 120, 50, 109, 127, 37, 93, 125, 121, 54, 49, 22, 52, 123, 86, 101, 58, 39, 102, 118, 55, 29, 115, 53, 57, 90, 63, 124, 60, 62, 103, 26, 33, 92, 61, 97, 59, 17, 81, 34, 23, 83, 38, 19, 84, 89, 47, 117, 91, 87, 85, 24, 14, 111, 44, 32, 108, 41, 78, 98, 21, 16, 74, 30, 80, 88, 25, 20, 105, 36, 79, 100, 75, 77, 10, 15, 106, 95, 11, 12, 13, 28, 104, 27, 76, 31, 94, 72, 6, 82, 40, 18, 8, 96, 35, 7, 42, 67, 71, 3, 66, 9, 64, 0, 99, 73, 5, 2, 70, 4, 65, 1, 69, 68], [46, 113, 56, 116, 126, 112, 122, 48, 110, 45, 51, 114, 120, 107, 119, 43, 50, 109, 127, 93, 37, 125, 121, 101, 49, 52, 58, 123, 86, 22, 54, 102, 39, 29, 53, 103, 115, 55, 60, 97, 61, 90, 118, 117, 63, 34, 57, 59, 33, 124, 26, 62, 38, 81, 92, 23, 85, 87, 83, 24, 47, 89, 19, 17, 30, 98, 91, 84, 14, 41, 78, 16, 88, 32, 111, 21, 80, 36, 75, 95, 20, 76, 100, 44, 25, 108, 10, 77, 15, 12, 11, 74, 104, 79, 105, 106, 13, 42, 28, 94, 96, 6, 27, 72, 82, 31, 40, 9, 8, 64, 18, 35, 3, 71, 66, 2, 7, 0, 99, 70, 5, 68, 67, 1, 73, 69, 65, 4], [46, 113, 116, 56, 126, 112, 48, 122, 110, 51, 114, 45, 119, 107, 43, 120, 50, 109, 127, 93, 125, 37, 121, 22, 86, 101, 49, 54, 52, 58, 55, 39, 29, 63, 102, 123, 103, 115, 33, 118, 60, 90, 53, 124, 61, 97, 62, 92, 26, 34, 57, 59, 30, 81, 17, 23, 24, 83, 38, 117, 47, 14, 85, 87, 44, 88, 19, 21, 41, 84, 111, 108, 98, 91, 32, 95, 78, 100, 89, 80, 25, 105, 16, 28, 36, 75, 104, 74, 79, 31, 20, 15, 77, 106, 12, 27, 76, 13, 94, 10, 82, 72, 18, 11, 64, 35, 96, 67, 0, 42, 8, 6, 9, 40, 70, 99, 3, 66, 7, 69, 2, 5, 71, 68, 73, 4, 65, 1], [46, 113, 116, 56, 126, 122, 112, 48, 110, 51, 114, 45, 107, 120, 119, 43, 109, 50, 127, 125, 93, 37, 49, 22, 101, 121, 54, 58, 55, 53, 39, 102, 115, 86, 63, 29, 60, 103, 52, 61, 97, 90, 57, 118, 62, 34, 124, 33, 117, 26, 59, 92, 47, 17, 81, 123, 19, 14, 87, 30, 83, 38, 75, 23, 24, 78, 88, 16, 80, 85, 95, 20, 98, 106, 89, 91, 84, 21, 44, 111, 31, 79, 15, 105, 25, 12, 100, 32, 28, 74, 42, 41, 104, 13, 27, 76, 36, 94, 10, 11, 77, 82, 96, 108, 67, 72, 40, 18, 3, 8, 2, 70, 7, 66, 64, 0, 5, 71, 6, 35, 73, 69, 9, 99, 68, 4, 65, 1], [46, 113, 116, 56, 122, 126, 48, 112, 110, 51, 114, 45, 120, 107, 119, 43, 109, 50, 127, 125, 93, 49, 37, 54, 121, 22, 86, 39, 115, 58, 101, 63, 123, 55, 29, 61, 103, 53, 102, 57, 52, 60, 59, 62, 26, 124, 97, 81, 90, 118, 34, 33, 47, 117, 19, 17, 98, 38, 23, 87, 78, 83, 84, 24, 92, 30, 85, 20, 80, 21, 75, 16, 111, 89, 79, 91, 25, 95, 14, 88, 105, 74, 44, 15, 12, 104, 40, 36, 10, 108, 31, 28, 41, 77, 100, 106, 76, 32, 27, 13, 11, 82, 42, 72, 70, 73, 18, 94, 71, 8, 7, 35, 0, 3, 96, 66, 64, 99, 67, 9, 69, 2, 6, 5, 68, 65, 4, 1], [46, 113, 116, 56, 122, 126, 112, 48, 110, 51, 45, 114, 119, 120, 107, 43, 50, 109, 127, 93, 125, 49, 37, 22, 86, 121, 58, 54, 101, 39, 60, 115, 29, 123, 102, 52, 97, 90, 63, 124, 53, 117, 26, 57, 81, 103, 118, 34, 19, 59, 55, 61, 84, 16, 87, 80, 85, 62, 33, 17, 23, 47, 79, 78, 98, 38, 92, 24, 89, 14, 20, 111, 30, 12, 83, 44, 75, 31, 88, 95, 104, 91, 15, 25, 21, 10, 74, 76, 32, 28, 11, 77, 100, 36, 105, 82, 13, 108, 106, 41, 27, 72, 96, 8, 70, 40, 42, 94, 18, 73, 9, 3, 67, 7, 0, 64, 71, 35, 99, 66, 6, 5, 2, 69, 4, 65, 1, 68], [46, 113, 56, 116, 48, 126, 112, 110, 122, 114, 45, 51, 120, 119, 109, 107, 43, 50, 127, 125, 93, 37, 22, 86, 49, 39, 102, 101, 121, 58, 29, 123, 115, 57, 54, 60, 103, 90, 34, 118, 26, 117, 55, 52, 63, 53, 33, 61, 124, 87, 19, 97, 17, 23, 16, 84, 24, 47, 81, 62, 85, 59, 38, 92, 83, 91, 88, 30, 98, 80, 20, 79, 78, 14, 44, 21, 89, 25, 15, 76, 104, 32, 36, 75, 100, 108, 40, 10, 12, 28, 31, 95, 27, 41, 74, 77, 13, 111, 11, 42, 105, 106, 82, 18, 94, 35, 9, 96, 8, 72, 70, 99, 7, 73, 64, 71, 67, 3, 0, 6, 66, 2, 69, 5, 4, 68, 1, 65], [46, 113, 56, 116, 126, 48, 112, 110, 122, 51, 45, 114, 120, 119, 107, 43, 109, 50, 127, 125, 93, 22, 37, 86, 101, 121, 123, 102, 49, 58, 39, 29, 53, 57, 117, 54, 55, 60, 90, 62, 115, 118, 103, 124, 52, 33, 26, 87, 34, 63, 91, 92, 59, 24, 81, 23, 61, 19, 97, 83, 85, 38, 30, 17, 47, 98, 89, 21, 111, 80, 108, 41, 88, 32, 36, 84, 25, 15, 14, 20, 79, 104, 27, 16, 10, 44, 31, 78, 28, 40, 100, 95, 77, 94, 75, 12, 42, 13, 76, 18, 74, 11, 105, 106, 82, 99, 35, 70, 8, 96, 7, 72, 64, 3, 9, 0, 71, 66, 73, 69, 2, 6, 67, 5, 68, 1, 4, 65], [46, 113, 56, 126, 116, 48, 112, 122, 110, 51, 45, 114, 120, 107, 119, 50, 43, 109, 127, 93, 125, 49, 37, 121, 101, 22, 123, 58, 102, 29, 86, 55, 117, 60, 39, 26, 53, 63, 54, 61, 57, 62, 103, 90, 52, 118, 115, 34, 33, 124, 92, 17, 81, 38, 97, 47, 85, 87, 83, 23, 78, 59, 24, 30, 21, 91, 36, 88, 32, 84, 19, 89, 14, 16, 20, 104, 41, 111, 15, 98, 25, 44, 80, 79, 31, 100, 95, 27, 28, 11, 10, 105, 77, 94, 76, 12, 40, 75, 108, 13, 106, 74, 18, 96, 42, 8, 35, 7, 82, 99, 72, 3, 70, 0, 2, 73, 6, 67, 64, 9, 71, 69, 66, 68, 1, 4, 5, 65], [46, 113, 116, 56, 126, 48, 112, 122, 110, 51, 45, 114, 120, 107, 43, 119, 50, 109, 127, 93, 37, 125, 121, 49, 58, 22, 54, 52, 123, 101, 117, 86, 102, 53, 55, 124, 29, 57, 115, 39, 63, 118, 61, 62, 103, 90, 34, 97, 60, 38, 26, 17, 33, 92, 81, 47, 78, 87, 85, 59, 23, 19, 83, 88, 24, 89, 25, 30, 32, 98, 10, 16, 80, 21, 41, 84, 14, 111, 11, 95, 100, 15, 36, 44, 91, 77, 79, 104, 12, 75, 28, 40, 31, 20, 27, 8, 74, 76, 106, 96, 13, 105, 42, 108, 94, 7, 6, 71, 0, 72, 3, 18, 35, 2, 64, 9, 82, 70, 73, 69, 67, 66, 99, 68, 5, 4, 1, 65], [46, 113, 56, 116, 122, 126, 48, 110, 112, 51, 114, 45, 120, 107, 43, 119, 50, 109, 127, 125, 93, 37, 121, 49, 115, 22, 58, 101, 54, 86, 118, 123, 39, 63, 52, 124, 53, 62, 102, 97, 29, 103, 55, 26, 57, 61, 60, 90, 81, 17, 19, 117, 33, 111, 87, 84, 92, 34, 38, 83, 85, 78, 16, 15, 47, 25, 79, 24, 14, 80, 95, 30, 11, 59, 23, 21, 44, 75, 20, 88, 10, 91, 98, 12, 104, 77, 32, 28, 106, 6, 76, 8, 74, 36, 100, 82, 72, 89, 105, 27, 31, 41, 108, 13, 18, 40, 94, 42, 7, 64, 96, 2, 73, 71, 0, 3, 9, 35, 67, 69, 66, 99, 5, 70, 4, 1, 65, 68], [46, 113, 56, 116, 48, 126, 110, 122, 112, 51, 45, 114, 120, 107, 119, 43, 50, 109, 125, 127, 93, 37, 22, 86, 49, 101, 58, 102, 121, 39, 29, 115, 53, 54, 123, 63, 117, 34, 55, 52, 90, 62, 26, 103, 61, 17, 19, 124, 60, 97, 33, 118, 81, 57, 83, 38, 85, 87, 59, 84, 92, 23, 78, 47, 15, 98, 16, 80, 24, 14, 10, 30, 88, 91, 20, 100, 79, 12, 21, 44, 111, 36, 25, 32, 11, 95, 31, 89, 104, 75, 28, 41, 77, 76, 27, 74, 106, 82, 8, 108, 94, 96, 40, 18, 105, 6, 13, 72, 71, 73, 9, 42, 67, 35, 66, 3, 0, 64, 7, 99, 69, 2, 70, 5, 1, 65, 4, 68], [46, 113, 56, 116, 126, 48, 112, 110, 122, 51, 45, 120, 114, 107, 50, 109, 43, 119, 93, 127, 125, 37, 49, 22, 102, 86, 58, 123, 39, 121, 54, 101, 29, 55, 117, 115, 124, 62, 63, 52, 33, 53, 97, 60, 103, 34, 118, 90, 61, 47, 38, 57, 26, 92, 30, 19, 85, 59, 87, 81, 83, 89, 88, 98, 17, 32, 91, 23, 84, 36, 25, 44, 24, 16, 111, 80, 78, 21, 100, 20, 108, 15, 95, 11, 31, 105, 77, 28, 10, 79, 27, 12, 14, 41, 74, 82, 76, 94, 40, 13, 104, 75, 106, 96, 35, 71, 8, 42, 18, 6, 72, 0, 66, 64, 73, 7, 9, 3, 99, 2, 67, 70, 5, 69, 1, 4, 68, 65], [46, 113, 56, 122, 126, 116, 48, 112, 110, 51, 45, 114, 120, 107, 119, 50, 43, 109, 127, 125, 93, 37, 22, 49, 58, 54, 101, 121, 86, 39, 60, 29, 102, 123, 57, 52, 53, 62, 103, 115, 55, 63, 117, 90, 61, 124, 118, 34, 26, 59, 17, 81, 47, 33, 92, 97, 83, 111, 38, 87, 19, 32, 85, 78, 98, 23, 30, 80, 21, 91, 24, 89, 84, 11, 36, 20, 14, 95, 15, 44, 10, 28, 104, 25, 105, 108, 16, 79, 41, 106, 31, 88, 76, 96, 74, 12, 77, 100, 82, 75, 27, 72, 94, 42, 8, 18, 64, 0, 13, 71, 73, 6, 35, 9, 70, 7, 99, 66, 67, 40, 5, 1, 2, 3, 69, 4, 65, 68], [46, 113, 116, 56, 48, 126, 112, 122, 110, 51, 114, 45, 107, 120, 43, 119, 50, 109, 127, 93, 125, 37, 22, 86, 121, 49, 102, 101, 58, 52, 123, 39, 55, 29, 118, 54, 117, 103, 63, 61, 57, 33, 62, 90, 26, 17, 53, 81, 19, 60, 124, 59, 34, 115, 87, 97, 24, 92, 78, 85, 83, 74, 11, 91, 79, 16, 21, 10, 89, 104, 23, 80, 32, 38, 98, 20, 84, 36, 111, 95, 47, 12, 27, 30, 14, 28, 88, 76, 15, 25, 100, 75, 41, 108, 106, 77, 96, 94, 44, 18, 31, 73, 105, 40, 8, 82, 70, 35, 13, 71, 72, 0, 64, 67, 7, 2, 3, 9, 6, 66, 42, 69, 5, 68, 1, 65, 99, 4], [46, 113, 56, 116, 126, 48, 122, 110, 112, 51, 114, 45, 120, 107, 43, 119, 109, 50, 125, 127, 93, 37, 49, 22, 101, 121, 86, 54, 58, 102, 57, 123, 52, 63, 60, 117, 115, 29, 53, 55, 62, 118, 103, 39, 81, 59, 26, 124, 97, 61, 90, 83, 87, 33, 17, 34, 38, 19, 74, 47, 23, 78, 85, 32, 89, 11, 91, 24, 84, 95, 92, 98, 20, 15, 79, 104, 111, 36, 16, 30, 77, 14, 25, 10, 88, 75, 27, 12, 21, 80, 28, 40, 44, 41, 106, 105, 13, 70, 31, 100, 108, 76, 94, 8, 72, 18, 42, 96, 82, 71, 73, 67, 7, 35, 9, 3, 0, 66, 2, 64, 99, 6, 69, 5, 65, 1, 4, 68], [46, 113, 56, 116, 126, 122, 48, 112, 110, 51, 45, 120, 114, 107, 119, 43, 109, 50, 127, 125, 93, 37, 121, 49, 22, 86, 101, 102, 58, 29, 54, 103, 123, 60, 52, 39, 115, 118, 124, 117, 57, 55, 26, 34, 53, 62, 97, 90, 63, 33, 47, 92, 59, 83, 61, 81, 19, 17, 23, 24, 111, 38, 87, 30, 20, 91, 89, 85, 84, 32, 98, 16, 21, 88, 36, 78, 80, 25, 100, 40, 104, 44, 79, 74, 108, 95, 28, 14, 27, 11, 31, 15, 12, 77, 94, 41, 76, 10, 96, 82, 13, 72, 18, 70, 75, 35, 105, 106, 42, 64, 71, 9, 0, 7, 67, 2, 8, 5, 73, 99, 66, 3, 6, 68, 69, 65, 1, 4], [46, 113, 56, 116, 126, 48, 110, 112, 122, 45, 51, 114, 107, 120, 43, 119, 109, 50, 127, 93, 125, 37, 121, 22, 86, 49, 101, 117, 58, 55, 29, 102, 53, 39, 118, 54, 103, 63, 124, 33, 115, 90, 123, 92, 60, 26, 34, 57, 62, 52, 97, 17, 61, 19, 81, 24, 111, 14, 83, 91, 85, 98, 23, 30, 16, 38, 87, 36, 89, 44, 11, 21, 59, 20, 47, 88, 74, 84, 28, 94, 95, 32, 15, 76, 79, 41, 80, 108, 10, 40, 78, 27, 31, 25, 13, 12, 100, 104, 75, 77, 42, 70, 72, 18, 96, 82, 106, 0, 105, 9, 35, 64, 67, 71, 99, 5, 3, 2, 8, 69, 7, 66, 73, 6, 65, 4, 68, 1], [46, 113, 116, 56, 126, 112, 48, 122, 110, 51, 45, 114, 120, 107, 43, 119, 109, 50, 127, 93, 125, 37, 49, 121, 117, 58, 63, 54, 22, 102, 39, 52, 101, 86, 62, 61, 29, 55, 53, 118, 103, 123, 115, 97, 57, 124, 33, 60, 90, 34, 26, 59, 23, 38, 83, 111, 24, 92, 17, 81, 14, 36, 30, 47, 21, 95, 87, 88, 85, 19, 20, 89, 78, 40, 16, 80, 98, 91, 44, 104, 84, 32, 28, 41, 11, 106, 76, 100, 25, 10, 74, 75, 15, 27, 31, 94, 105, 77, 42, 96, 79, 72, 108, 12, 82, 13, 70, 0, 66, 71, 35, 8, 67, 18, 6, 64, 7, 9, 4, 3, 5, 2, 99, 73, 1, 68, 69, 65], [46, 113, 116, 56, 126, 48, 110, 122, 112, 51, 45, 114, 107, 120, 43, 109, 50, 119, 127, 125, 93, 37, 121, 49, 22, 58, 101, 86, 117, 102, 52, 54, 97, 118, 63, 123, 29, 115, 39, 62, 55, 60, 124, 61, 103, 53, 34, 26, 38, 90, 57, 33, 87, 19, 95, 59, 81, 85, 92, 47, 24, 23, 83, 32, 98, 80, 11, 111, 84, 17, 16, 30, 89, 20, 78, 88, 91, 36, 14, 25, 21, 74, 104, 106, 15, 79, 100, 108, 40, 76, 28, 94, 12, 31, 10, 13, 72, 96, 44, 41, 27, 75, 77, 42, 8, 35, 6, 18, 71, 9, 0, 7, 82, 66, 73, 70, 105, 67, 64, 99, 3, 2, 4, 68, 69, 5, 1, 65], [46, 113, 116, 56, 126, 48, 110, 122, 112, 51, 114, 45, 107, 43, 120, 119, 109, 50, 127, 125, 93, 49, 37, 121, 22, 58, 86, 117, 54, 53, 123, 115, 63, 101, 124, 52, 118, 29, 39, 102, 55, 60, 26, 57, 103, 34, 90, 62, 97, 33, 81, 92, 78, 61, 87, 16, 38, 59, 83, 19, 111, 47, 17, 95, 32, 30, 91, 98, 11, 20, 84, 21, 23, 89, 88, 14, 36, 24, 25, 15, 44, 74, 28, 85, 108, 79, 76, 106, 12, 31, 94, 105, 13, 80, 104, 42, 75, 27, 41, 100, 82, 40, 77, 6, 10, 72, 8, 67, 18, 7, 35, 9, 96, 73, 99, 5, 0, 71, 3, 70, 66, 69, 2, 1, 68, 64, 4, 65], [46, 113, 116, 56, 48, 126, 112, 110, 122, 51, 114, 45, 120, 107, 43, 119, 50, 109, 127, 125, 93, 49, 37, 121, 54, 58, 117, 22, 53, 118, 39, 63, 86, 124, 29, 115, 55, 52, 101, 102, 123, 97, 103, 62, 61, 34, 57, 90, 26, 60, 33, 59, 92, 38, 17, 95, 81, 91, 83, 19, 87, 24, 47, 84, 16, 21, 88, 85, 111, 78, 108, 23, 89, 14, 30, 11, 32, 25, 44, 104, 36, 100, 28, 98, 74, 20, 80, 42, 79, 94, 41, 15, 106, 31, 76, 40, 75, 27, 82, 96, 77, 8, 64, 10, 13, 6, 105, 12, 71, 0, 18, 7, 3, 72, 9, 73, 67, 35, 2, 70, 99, 66, 5, 69, 68, 65, 1, 4], [46, 113, 116, 56, 126, 112, 122, 48, 110, 51, 114, 45, 120, 107, 119, 43, 109, 50, 125, 127, 93, 49, 121, 37, 123, 54, 22, 86, 117, 101, 58, 115, 52, 39, 102, 124, 118, 53, 29, 57, 60, 63, 26, 103, 61, 55, 34, 97, 62, 38, 90, 33, 92, 83, 47, 59, 17, 111, 88, 87, 81, 44, 19, 21, 91, 89, 24, 23, 32, 80, 36, 85, 78, 84, 98, 95, 30, 108, 14, 20, 74, 16, 94, 25, 27, 41, 31, 28, 106, 100, 79, 104, 12, 40, 15, 96, 10, 76, 11, 75, 77, 105, 18, 82, 13, 6, 35, 8, 73, 42, 7, 99, 64, 0, 72, 3, 71, 67, 66, 2, 9, 5, 69, 70, 4, 68, 65, 1], [46, 113, 116, 122, 56, 126, 48, 112, 110, 51, 114, 45, 107, 120, 119, 43, 109, 50, 127, 125, 93, 37, 49, 54, 22, 58, 86, 121, 101, 115, 117, 123, 29, 118, 39, 57, 52, 53, 124, 102, 97, 63, 26, 55, 90, 103, 60, 111, 61, 34, 59, 33, 92, 87, 47, 81, 62, 17, 19, 83, 85, 84, 23, 16, 98, 32, 36, 30, 91, 80, 78, 89, 38, 24, 95, 75, 14, 20, 88, 21, 31, 25, 44, 76, 74, 28, 79, 11, 12, 106, 15, 27, 13, 41, 10, 100, 104, 72, 96, 77, 105, 94, 108, 8, 82, 18, 42, 6, 40, 71, 9, 35, 73, 67, 7, 3, 70, 0, 64, 66, 5, 2, 69, 99, 1, 4, 68, 65], [46, 113, 116, 56, 122, 112, 48, 126, 110, 114, 51, 45, 120, 107, 43, 119, 109, 50, 125, 127, 93, 37, 22, 49, 86, 121, 115, 58, 54, 124, 63, 29, 102, 118, 53, 117, 39, 52, 123, 57, 101, 90, 55, 61, 26, 81, 34, 83, 19, 103, 97, 87, 60, 33, 59, 62, 23, 111, 24, 92, 80, 47, 84, 38, 17, 85, 89, 78, 21, 20, 88, 44, 91, 30, 16, 75, 12, 15, 25, 36, 95, 14, 74, 98, 10, 32, 31, 28, 76, 100, 104, 27, 13, 79, 41, 11, 94, 8, 77, 42, 40, 106, 96, 108, 18, 7, 9, 99, 72, 105, 35, 0, 82, 6, 71, 73, 70, 67, 5, 2, 66, 64, 3, 69, 1, 4, 68, 65], [46, 113, 116, 56, 112, 126, 48, 122, 110, 51, 45, 114, 120, 107, 119, 43, 109, 50, 127, 125, 93, 37, 124, 121, 22, 49, 58, 86, 115, 54, 118, 53, 101, 117, 102, 123, 29, 60, 39, 63, 55, 52, 61, 90, 34, 97, 62, 57, 103, 26, 33, 92, 38, 24, 83, 36, 59, 47, 111, 98, 19, 21, 32, 30, 88, 91, 17, 85, 95, 84, 87, 20, 81, 89, 23, 74, 14, 16, 104, 25, 100, 78, 75, 27, 80, 108, 44, 28, 41, 94, 79, 15, 31, 12, 96, 40, 105, 10, 11, 77, 35, 76, 8, 82, 13, 42, 72, 73, 106, 18, 70, 99, 64, 67, 71, 9, 66, 6, 7, 3, 69, 0, 5, 2, 1, 4, 65, 68], [46, 113, 122, 56, 116, 126, 112, 48, 110, 114, 45, 51, 107, 120, 119, 109, 43, 50, 127, 125, 93, 121, 123, 115, 49, 37, 101, 54, 58, 102, 118, 22, 124, 117, 86, 55, 53, 39, 61, 57, 103, 29, 60, 63, 52, 97, 90, 34, 62, 26, 92, 47, 38, 111, 33, 19, 81, 83, 17, 23, 44, 98, 59, 36, 87, 30, 95, 84, 32, 21, 85, 24, 91, 14, 108, 100, 78, 88, 89, 25, 75, 28, 94, 41, 79, 20, 80, 104, 10, 31, 16, 76, 74, 105, 15, 77, 13, 96, 40, 12, 27, 18, 106, 70, 82, 11, 42, 99, 8, 35, 2, 3, 9, 64, 72, 71, 69, 7, 73, 67, 5, 0, 66, 6, 65, 4, 68, 1], [46, 113, 116, 56, 126, 122, 112, 48, 110, 51, 114, 45, 107, 50, 120, 43, 119, 109, 127, 93, 125, 37, 49, 121, 58, 22, 55, 54, 118, 101, 115, 86, 124, 102, 39, 123, 29, 63, 53, 117, 57, 97, 90, 61, 52, 103, 62, 33, 59, 26, 60, 92, 19, 81, 17, 87, 34, 83, 47, 23, 85, 14, 75, 106, 16, 20, 38, 78, 88, 21, 111, 25, 84, 30, 24, 80, 95, 32, 91, 89, 44, 74, 10, 15, 8, 100, 31, 76, 12, 79, 11, 70, 41, 13, 98, 77, 94, 28, 104, 40, 96, 36, 27, 105, 108, 7, 42, 82, 72, 35, 9, 67, 0, 18, 64, 71, 69, 66, 73, 6, 99, 2, 3, 68, 5, 1, 4, 65], [46, 113, 116, 56, 48, 126, 122, 112, 110, 51, 114, 45, 119, 107, 43, 120, 109, 50, 127, 37, 93, 125, 49, 121, 54, 22, 123, 86, 118, 102, 57, 39, 58, 52, 55, 101, 62, 115, 53, 29, 124, 103, 34, 117, 63, 60, 26, 97, 33, 90, 61, 47, 59, 81, 78, 19, 17, 87, 95, 38, 85, 83, 84, 100, 75, 111, 21, 92, 89, 91, 16, 23, 14, 98, 32, 74, 44, 80, 104, 24, 30, 10, 41, 12, 79, 20, 88, 15, 36, 105, 31, 76, 40, 108, 25, 27, 28, 77, 64, 8, 11, 70, 3, 72, 96, 82, 35, 106, 18, 94, 67, 13, 2, 9, 0, 7, 71, 42, 5, 66, 73, 69, 6, 4, 1, 68, 99, 65], [46, 113, 116, 56, 122, 126, 48, 112, 110, 51, 114, 45, 119, 120, 107, 43, 50, 109, 127, 125, 93, 37, 121, 54, 49, 22, 118, 86, 101, 123, 63, 57, 102, 58, 117, 29, 53, 124, 52, 59, 103, 26, 115, 39, 97, 61, 62, 34, 60, 90, 33, 47, 55, 81, 92, 111, 87, 19, 23, 16, 17, 83, 38, 14, 80, 30, 84, 78, 24, 21, 44, 91, 98, 75, 15, 20, 88, 89, 12, 10, 85, 104, 25, 95, 79, 36, 32, 100, 31, 74, 40, 105, 13, 28, 76, 41, 77, 11, 27, 8, 106, 96, 108, 72, 18, 9, 94, 70, 82, 6, 71, 42, 3, 7, 67, 35, 66, 73, 64, 5, 0, 99, 69, 2, 68, 65, 1, 4], [46, 113, 116, 56, 122, 48, 112, 126, 110, 51, 45, 114, 107, 119, 120, 43, 50, 109, 127, 125, 93, 54, 37, 49, 121, 86, 22, 58, 101, 52, 102, 124, 118, 123, 63, 39, 57, 115, 53, 60, 29, 117, 103, 55, 90, 62, 97, 61, 34, 47, 33, 59, 26, 92, 83, 111, 17, 81, 91, 87, 44, 23, 38, 19, 98, 14, 32, 75, 85, 78, 88, 80, 24, 104, 21, 30, 89, 10, 100, 36, 16, 25, 79, 72, 74, 12, 20, 76, 95, 84, 28, 41, 15, 31, 40, 13, 108, 11, 105, 77, 35, 96, 71, 27, 8, 18, 94, 73, 6, 64, 82, 106, 66, 7, 70, 67, 0, 42, 9, 69, 99, 5, 3, 2, 68, 65, 1, 4], [46, 113, 116, 56, 122, 126, 48, 112, 110, 51, 45, 114, 120, 119, 107, 50, 43, 109, 93, 127, 125, 37, 22, 121, 54, 86, 101, 49, 52, 102, 58, 124, 39, 118, 123, 53, 29, 60, 103, 57, 90, 55, 61, 97, 34, 115, 63, 62, 117, 33, 92, 47, 26, 81, 83, 38, 59, 85, 111, 24, 19, 91, 98, 23, 87, 17, 89, 88, 14, 30, 78, 32, 21, 12, 84, 75, 44, 20, 95, 36, 16, 100, 80, 10, 15, 79, 25, 41, 76, 104, 27, 74, 77, 105, 13, 31, 72, 94, 40, 28, 18, 106, 108, 11, 96, 42, 6, 8, 82, 70, 9, 7, 35, 73, 71, 3, 64, 5, 99, 0, 69, 2, 66, 65, 67, 4, 68, 1]], "model.layers.21.self_attn.q_proj": [[103, 49, 112, 48, 97, 82, 15, 84, 29, 86, 12, 113, 99, 62, 8, 26, 54, 78, 13, 57, 4, 70, 96, 52, 90, 33, 17, 72, 23, 37, 80, 56, 89, 79, 77, 88, 73, 120, 98, 93, 24, 21, 20, 92, 18, 9, 27, 22, 59, 87, 83, 16, 5, 76, 94, 39, 19, 107, 85, 123, 14, 1, 124, 91, 46, 50, 28, 67, 31, 81, 108, 66, 25, 10, 6, 40, 51, 74, 95, 30, 122, 106, 102, 2, 116, 127, 44, 68, 115, 38, 60, 7, 125, 100, 75, 119, 109, 55, 63, 58, 34, 101, 53, 118, 61, 36, 121, 69, 32, 64, 117, 114, 47, 104, 35, 11, 126, 41, 110, 43, 45, 42, 71, 65, 111, 105, 3, 0], [49, 103, 112, 48, 97, 29, 113, 62, 56, 84, 87, 35, 38, 26, 123, 52, 82, 63, 95, 115, 120, 59, 57, 51, 124, 61, 116, 104, 86, 89, 53, 106, 119, 78, 45, 12, 122, 125, 60, 118, 126, 47, 40, 54, 117, 127, 50, 46, 88, 110, 108, 111, 55, 96, 30, 58, 114, 43, 37, 105, 34, 107, 44, 121, 102, 42, 15, 11, 19, 41, 109, 8, 100, 16, 99, 36, 92, 101, 31, 94, 32, 98, 39, 67, 23, 14, 25, 33, 85, 91, 3, 28, 17, 73, 70, 10, 4, 13, 18, 7, 22, 27, 90, 93, 24, 21, 68, 80, 71, 66, 5, 20, 83, 75, 76, 77, 9, 79, 69, 2, 65, 72, 81, 64, 6, 1, 74, 0], [112, 62, 49, 103, 48, 56, 52, 123, 122, 59, 120, 113, 50, 97, 115, 121, 51, 57, 54, 109, 46, 119, 63, 125, 35, 114, 118, 60, 105, 104, 117, 58, 108, 124, 29, 61, 127, 126, 42, 41, 110, 116, 45, 47, 88, 55, 53, 99, 87, 106, 43, 111, 107, 74, 3, 71, 37, 44, 82, 40, 38, 2, 102, 68, 6, 100, 95, 0, 84, 86, 101, 36, 30, 85, 34, 5, 26, 31, 98, 32, 14, 33, 27, 72, 94, 92, 96, 65, 89, 81, 9, 21, 90, 76, 18, 39, 91, 7, 28, 1, 19, 23, 83, 22, 11, 12, 25, 75, 93, 24, 67, 15, 17, 80, 16, 4, 73, 70, 77, 13, 20, 79, 10, 69, 78, 64, 8, 66], [112, 103, 49, 48, 97, 113, 29, 0, 65, 50, 26, 11, 95, 84, 78, 17, 54, 82, 31, 86, 62, 5, 56, 57, 123, 2, 66, 122, 88, 114, 70, 52, 42, 46, 118, 120, 59, 121, 4, 64, 8, 104, 115, 67, 125, 63, 116, 60, 108, 1, 106, 44, 35, 10, 127, 38, 119, 15, 75, 51, 12, 109, 13, 58, 117, 61, 93, 7, 3, 25, 124, 69, 126, 90, 110, 111, 45, 53, 47, 81, 99, 43, 34, 55, 96, 9, 94, 107, 37, 41, 6, 105, 100, 83, 72, 98, 74, 71, 102, 77, 85, 73, 22, 33, 40, 24, 92, 19, 87, 101, 32, 30, 89, 27, 68, 91, 14, 28, 23, 16, 20, 21, 36, 80, 39, 18, 76, 79], [102, 120, 118, 54, 53, 84, 56, 11, 15, 9, 18, 1, 67, 76, 6, 5, 87, 31, 71, 64, 66, 0, 93, 68, 77, 78, 89, 72, 13, 80, 25, 65, 86, 74, 46, 21, 109, 63, 48, 92, 69, 114, 52, 22, 32, 8, 127, 40, 126, 75, 16, 7, 10, 117, 107, 70, 115, 82, 4, 73, 57, 12, 116, 121, 113, 3, 94, 60, 38, 14, 24, 23, 79, 41, 45, 44, 110, 20, 91, 90, 98, 2, 85, 125, 103, 36, 124, 95, 17, 59, 30, 100, 47, 119, 50, 101, 62, 105, 29, 43, 34, 19, 42, 61, 99, 35, 33, 112, 108, 123, 97, 27, 51, 28, 39, 49, 96, 122, 106, 26, 37, 81, 104, 55, 83, 111, 88, 58], [102, 54, 118, 120, 84, 15, 18, 56, 72, 76, 53, 11, 25, 6, 93, 9, 78, 5, 80, 71, 31, 67, 89, 66, 74, 16, 22, 64, 1, 69, 3, 77, 46, 87, 48, 29, 92, 24, 85, 8, 117, 10, 13, 90, 65, 124, 40, 110, 75, 20, 107, 23, 109, 57, 12, 70, 83, 115, 125, 114, 79, 41, 103, 0, 42, 113, 99, 82, 63, 45, 86, 36, 14, 127, 73, 68, 32, 19, 44, 37, 39, 47, 116, 26, 61, 55, 88, 121, 51, 105, 7, 30, 81, 96, 112, 59, 123, 33, 95, 2, 38, 60, 49, 119, 4, 52, 126, 91, 17, 100, 34, 122, 97, 35, 50, 27, 104, 21, 111, 62, 98, 101, 43, 108, 28, 94, 106, 58], [102, 120, 54, 118, 56, 80, 18, 84, 76, 25, 9, 78, 93, 11, 89, 87, 31, 53, 15, 6, 71, 72, 5, 67, 77, 66, 13, 1, 64, 0, 22, 86, 74, 113, 46, 68, 65, 116, 115, 90, 32, 63, 26, 4, 81, 16, 7, 107, 8, 52, 82, 69, 40, 17, 125, 117, 73, 48, 92, 99, 36, 23, 70, 75, 12, 98, 43, 88, 51, 14, 126, 124, 19, 29, 55, 79, 37, 39, 20, 61, 114, 85, 3, 10, 122, 112, 49, 57, 109, 38, 127, 59, 30, 2, 27, 119, 24, 21, 33, 121, 35, 104, 83, 60, 100, 103, 105, 45, 34, 91, 42, 96, 94, 110, 28, 108, 62, 106, 41, 111, 101, 123, 50, 58, 47, 95, 97, 44], [102, 120, 54, 118, 56, 78, 53, 84, 72, 31, 18, 5, 15, 1, 93, 76, 71, 67, 66, 11, 9, 89, 25, 87, 13, 64, 65, 0, 117, 6, 77, 46, 68, 80, 73, 70, 107, 2, 26, 75, 22, 88, 8, 3, 39, 113, 32, 48, 69, 12, 4, 63, 82, 85, 60, 19, 109, 127, 74, 16, 116, 90, 125, 27, 28, 52, 79, 14, 110, 86, 29, 41, 126, 98, 114, 81, 124, 7, 34, 55, 92, 62, 105, 91, 96, 44, 101, 51, 115, 57, 40, 17, 42, 20, 104, 111, 36, 61, 119, 24, 94, 83, 43, 45, 50, 58, 121, 33, 38, 122, 59, 108, 100, 23, 10, 99, 106, 112, 103, 97, 95, 123, 30, 47, 37, 21, 35, 49], [59, 106, 60, 36, 99, 62, 28, 119, 42, 87, 123, 55, 61, 85, 121, 18, 53, 127, 31, 114, 32, 98, 89, 122, 124, 86, 47, 56, 92, 54, 117, 104, 112, 111, 126, 116, 125, 58, 115, 13, 118, 30, 41, 57, 113, 25, 90, 107, 100, 49, 110, 97, 109, 120, 46, 43, 50, 39, 38, 51, 52, 105, 45, 44, 101, 103, 48, 91, 63, 108, 35, 93, 102, 21, 80, 94, 29, 37, 34, 33, 40, 14, 75, 19, 79, 20, 96, 27, 4, 26, 15, 65, 22, 74, 23, 95, 82, 7, 17, 71, 83, 24, 6, 88, 77, 76, 73, 9, 68, 12, 8, 1, 84, 64, 81, 2, 69, 67, 3, 66, 16, 0, 5, 11, 10, 78, 70, 72], [106, 99, 59, 80, 28, 13, 20, 74, 8, 14, 86, 6, 60, 42, 75, 4, 18, 65, 58, 55, 30, 32, 85, 89, 64, 2, 67, 114, 31, 111, 27, 24, 91, 10, 119, 25, 62, 92, 21, 95, 22, 90, 19, 35, 107, 84, 81, 72, 82, 36, 96, 123, 16, 7, 70, 102, 112, 97, 78, 125, 17, 101, 57, 77, 79, 11, 88, 29, 87, 56, 12, 23, 69, 9, 5, 68, 73, 109, 46, 53, 113, 34, 71, 93, 0, 83, 61, 15, 127, 122, 94, 51, 45, 54, 37, 26, 66, 41, 116, 76, 117, 3, 1, 108, 52, 121, 104, 98, 115, 33, 43, 100, 120, 39, 110, 118, 105, 38, 103, 40, 124, 49, 47, 48, 50, 63, 44, 126], [106, 99, 59, 20, 14, 80, 86, 75, 74, 32, 6, 67, 8, 28, 64, 92, 60, 42, 18, 111, 25, 58, 55, 4, 2, 3, 91, 114, 69, 29, 87, 97, 65, 123, 102, 66, 127, 119, 57, 30, 1, 62, 107, 90, 36, 95, 31, 7, 88, 113, 112, 35, 12, 22, 70, 10, 122, 96, 21, 68, 89, 24, 73, 82, 11, 109, 17, 56, 125, 13, 45, 16, 72, 100, 61, 77, 78, 53, 79, 27, 15, 5, 116, 81, 19, 9, 71, 34, 84, 104, 0, 26, 108, 51, 23, 101, 85, 94, 54, 76, 98, 83, 121, 43, 48, 37, 52, 39, 115, 93, 41, 33, 46, 105, 103, 110, 38, 117, 120, 47, 118, 40, 50, 44, 49, 124, 126, 63], [106, 60, 36, 62, 42, 119, 58, 123, 55, 112, 61, 114, 121, 59, 87, 124, 111, 53, 125, 41, 115, 47, 110, 118, 63, 103, 122, 101, 127, 113, 85, 99, 18, 126, 54, 104, 56, 50, 120, 49, 107, 25, 51, 46, 108, 52, 57, 48, 28, 116, 44, 109, 43, 45, 100, 117, 105, 40, 32, 92, 89, 39, 35, 38, 102, 90, 27, 31, 37, 15, 34, 98, 33, 91, 88, 19, 30, 97, 86, 26, 93, 96, 95, 21, 94, 29, 13, 83, 22, 24, 17, 23, 76, 79, 82, 20, 81, 77, 71, 14, 80, 73, 12, 7, 9, 84, 65, 75, 4, 74, 68, 78, 1, 16, 6, 69, 11, 67, 2, 5, 8, 64, 10, 70, 3, 0, 66, 72], [102, 57, 58, 59, 114, 90, 87, 127, 26, 96, 60, 29, 38, 93, 85, 74, 82, 15, 61, 18, 110, 21, 46, 35, 48, 71, 111, 121, 62, 12, 44, 51, 84, 113, 32, 22, 49, 117, 79, 16, 50, 112, 13, 41, 119, 109, 86, 63, 43, 124, 72, 100, 4, 23, 123, 53, 52, 105, 115, 56, 118, 122, 107, 40, 106, 54, 120, 116, 98, 45, 126, 125, 55, 2, 39, 108, 33, 104, 101, 17, 94, 27, 37, 30, 103, 47, 31, 95, 20, 42, 34, 5, 91, 25, 88, 8, 28, 97, 0, 92, 89, 36, 99, 11, 83, 81, 3, 80, 19, 24, 78, 68, 1, 75, 9, 77, 14, 70, 66, 73, 65, 76, 7, 6, 64, 10, 69, 67], [102, 58, 57, 59, 114, 90, 87, 127, 121, 96, 26, 29, 38, 15, 93, 85, 49, 74, 41, 110, 82, 32, 60, 84, 63, 43, 109, 113, 50, 116, 117, 79, 62, 21, 124, 35, 52, 54, 105, 22, 48, 53, 46, 56, 13, 55, 18, 20, 125, 44, 71, 51, 12, 86, 126, 123, 61, 119, 111, 112, 108, 118, 122, 115, 120, 103, 45, 95, 23, 104, 106, 36, 47, 101, 42, 39, 31, 16, 100, 107, 33, 40, 89, 80, 28, 98, 37, 78, 2, 97, 88, 94, 34, 30, 4, 91, 99, 27, 25, 0, 72, 92, 77, 24, 83, 11, 19, 17, 73, 5, 81, 14, 68, 3, 75, 64, 70, 1, 8, 7, 66, 6, 9, 76, 10, 65, 67, 69], [102, 59, 58, 114, 57, 90, 87, 26, 15, 29, 85, 96, 74, 93, 121, 71, 18, 82, 21, 38, 109, 13, 79, 47, 44, 84, 48, 2, 116, 117, 12, 115, 49, 32, 86, 60, 54, 0, 4, 119, 55, 127, 105, 124, 35, 45, 112, 5, 43, 46, 113, 110, 17, 118, 63, 53, 52, 123, 41, 111, 37, 72, 122, 65, 61, 23, 120, 51, 50, 66, 25, 108, 1, 126, 62, 81, 56, 106, 89, 3, 22, 20, 104, 125, 16, 100, 24, 101, 36, 107, 83, 98, 8, 91, 28, 40, 94, 67, 19, 103, 31, 39, 42, 7, 68, 77, 10, 99, 95, 64, 27, 33, 75, 6, 88, 92, 73, 78, 30, 9, 34, 70, 80, 97, 11, 76, 69, 14], [102, 59, 58, 57, 127, 114, 90, 60, 26, 87, 96, 15, 85, 71, 38, 29, 74, 121, 18, 93, 105, 35, 12, 84, 49, 108, 82, 79, 41, 47, 4, 120, 110, 32, 22, 54, 21, 52, 119, 43, 118, 46, 122, 117, 124, 62, 20, 123, 116, 109, 16, 111, 104, 44, 55, 99, 112, 113, 13, 115, 61, 86, 63, 89, 40, 5, 2, 48, 107, 50, 45, 30, 103, 23, 98, 51, 0, 39, 106, 94, 125, 36, 126, 37, 33, 56, 34, 53, 42, 101, 100, 24, 27, 97, 8, 83, 17, 66, 28, 73, 31, 25, 95, 68, 88, 92, 19, 91, 1, 78, 3, 77, 72, 81, 7, 65, 64, 11, 70, 80, 9, 76, 14, 75, 10, 69, 6, 67], [126, 104, 99, 87, 28, 32, 83, 92, 85, 81, 127, 110, 79, 47, 42, 76, 115, 111, 119, 72, 11, 15, 30, 74, 51, 113, 31, 108, 21, 95, 116, 78, 37, 50, 24, 57, 122, 45, 6, 48, 25, 12, 90, 96, 5, 121, 56, 68, 26, 53, 23, 107, 55, 106, 120, 62, 59, 101, 70, 123, 89, 17, 49, 43, 46, 109, 105, 41, 97, 13, 19, 2, 33, 112, 93, 39, 52, 124, 82, 40, 65, 114, 117, 34, 0, 125, 102, 61, 29, 118, 3, 44, 80, 60, 20, 84, 58, 54, 100, 88, 27, 22, 94, 36, 98, 103, 64, 18, 86, 91, 75, 63, 38, 66, 16, 10, 67, 14, 9, 77, 1, 73, 4, 71, 35, 7, 69, 8], [126, 104, 99, 87, 28, 83, 85, 32, 127, 92, 47, 115, 81, 79, 119, 51, 106, 76, 50, 118, 72, 48, 74, 111, 113, 42, 108, 15, 116, 45, 120, 31, 122, 121, 6, 58, 5, 61, 110, 57, 11, 41, 12, 70, 68, 37, 53, 91, 54, 21, 75, 43, 9, 97, 89, 49, 23, 38, 46, 30, 105, 13, 55, 59, 56, 40, 35, 65, 0, 62, 123, 17, 117, 109, 107, 34, 78, 33, 114, 60, 95, 103, 98, 112, 25, 67, 52, 39, 3, 93, 101, 36, 82, 19, 63, 102, 125, 18, 44, 26, 90, 29, 94, 2, 24, 66, 124, 20, 96, 86, 100, 84, 27, 73, 88, 80, 1, 69, 14, 22, 10, 16, 7, 71, 77, 4, 8, 64], [126, 104, 99, 87, 28, 32, 85, 81, 92, 83, 115, 47, 127, 79, 110, 42, 76, 45, 121, 116, 58, 95, 108, 68, 31, 15, 78, 72, 41, 113, 60, 86, 106, 5, 54, 122, 117, 11, 119, 96, 50, 9, 24, 26, 6, 7, 52, 91, 22, 0, 101, 21, 57, 8, 12, 90, 17, 111, 66, 13, 44, 18, 23, 93, 94, 30, 55, 105, 114, 70, 118, 37, 49, 51, 25, 123, 48, 97, 88, 46, 74, 63, 38, 56, 39, 43, 59, 27, 120, 82, 34, 53, 62, 89, 102, 33, 103, 19, 80, 36, 61, 98, 124, 125, 14, 112, 109, 29, 100, 16, 107, 73, 84, 2, 20, 10, 35, 4, 77, 40, 71, 3, 64, 67, 1, 75, 65, 69], [104, 126, 99, 28, 87, 85, 32, 83, 81, 79, 92, 127, 116, 89, 111, 76, 47, 48, 25, 50, 72, 122, 15, 74, 54, 6, 11, 106, 51, 12, 119, 2, 52, 68, 105, 43, 58, 57, 42, 118, 3, 45, 108, 1, 13, 14, 31, 70, 23, 94, 5, 0, 115, 17, 29, 110, 41, 107, 113, 64, 93, 21, 46, 63, 120, 30, 123, 26, 61, 82, 39, 8, 125, 62, 102, 59, 112, 75, 90, 124, 53, 37, 60, 9, 19, 86, 65, 101, 84, 78, 73, 117, 69, 44, 40, 109, 33, 114, 77, 18, 24, 121, 34, 56, 38, 103, 66, 10, 95, 36, 100, 49, 97, 55, 98, 27, 7, 22, 67, 4, 35, 91, 88, 96, 20, 16, 80, 71], [62, 126, 48, 39, 116, 53, 30, 27, 122, 88, 20, 35, 117, 76, 121, 15, 91, 106, 112, 83, 55, 57, 79, 81, 94, 58, 86, 32, 123, 124, 52, 46, 49, 72, 19, 84, 33, 60, 98, 63, 89, 115, 100, 127, 50, 29, 24, 34, 56, 107, 114, 5, 41, 105, 108, 109, 51, 61, 44, 113, 118, 110, 26, 125, 47, 42, 23, 119, 87, 103, 18, 28, 43, 120, 36, 111, 17, 54, 22, 37, 59, 45, 31, 75, 95, 104, 93, 10, 97, 13, 102, 12, 85, 99, 40, 25, 38, 21, 74, 101, 90, 92, 78, 2, 14, 8, 82, 80, 96, 9, 16, 77, 3, 1, 11, 71, 73, 69, 6, 7, 70, 67, 66, 68, 4, 0, 65, 64], [116, 126, 39, 62, 48, 55, 57, 117, 123, 46, 53, 125, 111, 49, 121, 30, 50, 60, 41, 20, 122, 52, 127, 51, 120, 63, 114, 124, 89, 56, 115, 35, 59, 58, 113, 118, 43, 109, 32, 86, 54, 112, 47, 61, 88, 42, 106, 119, 108, 44, 45, 110, 107, 37, 34, 91, 40, 103, 105, 27, 104, 81, 23, 92, 102, 80, 38, 98, 29, 94, 101, 33, 28, 99, 36, 22, 87, 93, 9, 79, 100, 90, 73, 95, 96, 13, 97, 25, 31, 76, 26, 14, 82, 85, 84, 68, 83, 17, 1, 77, 21, 15, 75, 7, 78, 18, 2, 24, 16, 3, 71, 70, 11, 72, 4, 67, 0, 74, 12, 10, 5, 66, 65, 6, 19, 64, 8, 69], [126, 62, 116, 39, 48, 117, 55, 57, 53, 111, 123, 112, 49, 122, 114, 58, 120, 118, 124, 50, 20, 35, 127, 121, 42, 51, 30, 109, 88, 46, 56, 32, 52, 60, 28, 41, 115, 119, 43, 113, 125, 59, 47, 63, 106, 108, 103, 94, 44, 61, 110, 54, 101, 45, 89, 104, 107, 40, 86, 34, 38, 102, 100, 105, 81, 99, 37, 95, 87, 29, 93, 23, 92, 14, 36, 98, 80, 33, 97, 79, 21, 26, 31, 90, 27, 85, 91, 18, 22, 96, 25, 13, 83, 15, 77, 17, 84, 24, 76, 9, 82, 12, 69, 73, 75, 70, 78, 2, 19, 11, 16, 72, 10, 64, 67, 66, 3, 4, 0, 6, 71, 65, 68, 74, 1, 8, 5, 7], [126, 116, 39, 48, 55, 57, 27, 123, 30, 117, 83, 86, 122, 52, 37, 20, 53, 26, 62, 118, 110, 89, 112, 91, 72, 17, 19, 35, 32, 121, 16, 41, 94, 10, 79, 4, 74, 76, 88, 15, 125, 124, 114, 60, 25, 120, 115, 49, 29, 107, 56, 63, 22, 13, 106, 97, 50, 58, 51, 93, 42, 46, 34, 113, 127, 80, 111, 109, 81, 61, 108, 28, 5, 105, 66, 95, 100, 59, 31, 47, 75, 119, 38, 24, 23, 87, 33, 92, 44, 98, 9, 54, 21, 78, 45, 14, 36, 18, 77, 102, 84, 67, 7, 104, 43, 101, 68, 103, 8, 73, 6, 12, 90, 40, 11, 99, 82, 69, 85, 0, 71, 65, 64, 96, 70, 2, 3, 1], [55, 103, 62, 52, 117, 98, 25, 57, 89, 92, 115, 28, 119, 54, 20, 83, 22, 78, 120, 126, 48, 121, 73, 19, 58, 50, 76, 27, 51, 82, 45, 125, 60, 111, 49, 32, 109, 12, 123, 112, 107, 94, 81, 124, 53, 40, 33, 113, 110, 38, 61, 118, 114, 43, 42, 116, 86, 17, 100, 84, 59, 14, 63, 47, 46, 108, 127, 97, 79, 95, 101, 18, 56, 96, 122, 106, 88, 44, 5, 104, 105, 41, 6, 37, 77, 99, 36, 15, 35, 8, 75, 39, 70, 93, 80, 30, 102, 91, 26, 72, 31, 16, 90, 3, 23, 85, 29, 66, 24, 64, 71, 34, 68, 69, 21, 1, 11, 9, 87, 0, 74, 67, 13, 65, 7, 10, 2, 4], [55, 103, 98, 20, 25, 89, 120, 92, 112, 51, 117, 28, 126, 78, 54, 84, 48, 62, 57, 73, 58, 52, 50, 121, 32, 118, 125, 99, 95, 127, 22, 108, 56, 119, 122, 59, 124, 110, 116, 83, 104, 109, 47, 61, 15, 111, 106, 113, 46, 53, 115, 49, 101, 82, 43, 79, 63, 114, 100, 107, 40, 44, 37, 67, 123, 60, 24, 97, 45, 35, 102, 27, 38, 42, 31, 11, 76, 74, 88, 105, 87, 36, 68, 91, 81, 23, 71, 94, 29, 19, 18, 26, 93, 33, 85, 30, 41, 90, 21, 39, 17, 9, 96, 86, 12, 10, 77, 3, 14, 80, 69, 34, 1, 8, 16, 2, 70, 13, 65, 6, 75, 72, 4, 7, 5, 66, 64, 0], [55, 103, 57, 62, 25, 98, 89, 83, 92, 78, 117, 20, 52, 54, 28, 120, 112, 22, 126, 125, 115, 48, 32, 76, 84, 61, 73, 51, 118, 50, 58, 19, 119, 41, 116, 60, 53, 64, 8, 108, 5, 56, 113, 105, 109, 27, 59, 49, 46, 127, 121, 95, 111, 114, 47, 12, 82, 124, 63, 123, 110, 66, 43, 65, 106, 44, 107, 30, 17, 122, 6, 38, 104, 3, 39, 79, 99, 45, 16, 72, 77, 81, 102, 86, 40, 13, 37, 94, 100, 36, 91, 14, 42, 75, 93, 2, 35, 23, 69, 101, 29, 97, 33, 90, 85, 34, 26, 70, 68, 31, 88, 24, 74, 10, 80, 96, 1, 15, 87, 18, 0, 21, 9, 67, 11, 7, 4, 71], [55, 103, 62, 52, 98, 20, 82, 92, 89, 22, 25, 117, 63, 51, 108, 112, 84, 57, 58, 54, 73, 56, 125, 50, 28, 44, 71, 119, 124, 48, 32, 79, 11, 15, 109, 87, 120, 74, 46, 53, 49, 43, 18, 97, 42, 126, 121, 110, 116, 77, 59, 113, 101, 45, 122, 61, 115, 21, 39, 107, 114, 106, 37, 30, 118, 26, 88, 123, 75, 111, 2, 104, 100, 31, 41, 127, 68, 14, 38, 60, 93, 99, 81, 102, 33, 94, 29, 17, 40, 105, 95, 85, 1, 47, 83, 23, 35, 7, 10, 27, 12, 8, 24, 90, 91, 0, 80, 19, 86, 4, 70, 96, 13, 36, 78, 16, 67, 69, 34, 6, 3, 76, 9, 5, 66, 72, 65, 64], [121, 127, 56, 55, 39, 118, 63, 98, 31, 51, 122, 89, 25, 57, 124, 120, 119, 84, 112, 125, 18, 105, 92, 53, 62, 59, 58, 52, 115, 15, 50, 49, 110, 28, 23, 47, 76, 54, 108, 60, 117, 116, 61, 114, 111, 113, 106, 126, 123, 10, 46, 30, 16, 107, 40, 24, 104, 48, 32, 96, 102, 43, 101, 6, 44, 90, 45, 41, 80, 87, 109, 99, 88, 42, 94, 79, 22, 36, 100, 14, 83, 95, 38, 37, 85, 69, 82, 93, 19, 75, 20, 86, 27, 77, 9, 81, 35, 97, 8, 34, 74, 71, 64, 13, 78, 2, 26, 103, 33, 12, 67, 72, 29, 65, 21, 11, 5, 91, 70, 68, 7, 17, 3, 1, 4, 0, 73, 66], [55, 127, 56, 39, 121, 118, 63, 122, 51, 89, 31, 84, 57, 120, 125, 18, 124, 119, 105, 98, 116, 62, 112, 117, 52, 53, 25, 115, 59, 50, 92, 95, 28, 76, 60, 15, 61, 49, 106, 47, 96, 111, 58, 54, 48, 123, 114, 126, 40, 113, 23, 108, 90, 85, 110, 46, 45, 107, 43, 44, 30, 109, 36, 102, 16, 101, 41, 38, 42, 79, 104, 24, 10, 103, 99, 20, 100, 22, 37, 35, 14, 87, 32, 33, 34, 97, 93, 88, 81, 80, 83, 9, 86, 82, 77, 27, 94, 29, 91, 78, 19, 75, 8, 74, 13, 21, 72, 71, 4, 26, 12, 17, 70, 73, 2, 6, 11, 5, 68, 65, 0, 69, 1, 64, 7, 3, 67, 66], [127, 39, 56, 63, 118, 55, 31, 98, 89, 51, 122, 57, 84, 92, 53, 25, 120, 125, 62, 105, 47, 115, 54, 96, 30, 126, 119, 52, 124, 18, 112, 114, 87, 59, 110, 116, 40, 44, 50, 58, 49, 90, 48, 113, 103, 85, 117, 60, 107, 23, 45, 16, 123, 111, 61, 121, 95, 106, 43, 76, 108, 102, 21, 35, 46, 104, 42, 79, 109, 26, 22, 34, 99, 41, 101, 83, 93, 15, 36, 32, 28, 38, 91, 37, 100, 24, 20, 27, 33, 19, 82, 97, 81, 94, 10, 80, 86, 74, 88, 29, 14, 77, 72, 17, 75, 8, 12, 13, 78, 9, 5, 69, 71, 6, 4, 11, 2, 70, 66, 68, 64, 73, 65, 67, 3, 7, 1, 0], [56, 39, 127, 55, 121, 118, 51, 31, 63, 122, 57, 84, 92, 25, 105, 120, 124, 62, 59, 115, 119, 125, 53, 50, 112, 52, 98, 47, 58, 116, 60, 49, 95, 89, 61, 113, 126, 110, 123, 114, 117, 54, 18, 44, 111, 41, 79, 48, 43, 108, 45, 90, 23, 76, 109, 101, 106, 104, 107, 42, 46, 96, 40, 102, 88, 100, 38, 10, 28, 15, 37, 36, 99, 35, 22, 29, 94, 97, 32, 103, 30, 82, 33, 83, 16, 86, 93, 77, 34, 8, 21, 27, 75, 87, 20, 85, 24, 80, 9, 72, 5, 91, 26, 81, 12, 13, 74, 17, 19, 71, 78, 14, 2, 4, 70, 73, 6, 69, 64, 3, 11, 67, 66, 0, 68, 7, 1, 65]], "model.layers.21.self_attn.k_proj": [[112, 49, 39, 86, 93, 57, 84, 15, 33, 26, 54, 123, 35, 50, 82, 122, 12, 8, 121, 52, 59, 64, 119, 60, 113, 116, 127, 118, 13, 125, 109, 58, 51, 73, 126, 117, 70, 111, 114, 53, 120, 55, 108, 29, 63, 48, 115, 78, 66, 10, 110, 46, 32, 47, 56, 43, 61, 44, 45, 40, 107, 88, 124, 62, 41, 68, 87, 42, 101, 106, 105, 16, 102, 38, 36, 65, 17, 95, 104, 100, 34, 94, 98, 89, 67, 27, 5, 92, 24, 4, 91, 37, 9, 30, 6, 7, 83, 96, 19, 80, 85, 28, 81, 69, 31, 21, 99, 22, 3, 90, 75, 71, 25, 2, 97, 11, 79, 74, 23, 18, 1, 77, 20, 14, 76, 72, 0, 103], [120, 54, 64, 118, 9, 84, 78, 76, 15, 5, 18, 53, 71, 11, 72, 65, 56, 38, 6, 67, 25, 2, 3, 0, 66, 13, 87, 29, 80, 4, 95, 69, 1, 89, 93, 22, 85, 102, 92, 31, 10, 70, 7, 116, 68, 43, 86, 73, 40, 24, 88, 17, 90, 19, 8, 50, 110, 32, 39, 114, 26, 112, 55, 63, 57, 115, 46, 27, 83, 21, 124, 49, 48, 99, 36, 52, 45, 113, 51, 16, 111, 33, 74, 109, 91, 47, 28, 103, 125, 96, 81, 30, 59, 41, 105, 23, 98, 60, 108, 97, 121, 119, 100, 117, 77, 75, 34, 62, 94, 12, 127, 58, 61, 82, 35, 126, 122, 123, 44, 42, 104, 14, 37, 107, 20, 101, 106, 79], [42, 59, 35, 86, 55, 64, 8, 119, 58, 47, 80, 6, 14, 20, 92, 74, 114, 75, 25, 2, 62, 60, 18, 53, 127, 106, 13, 116, 112, 123, 57, 61, 56, 122, 4, 50, 125, 118, 95, 54, 87, 65, 67, 124, 96, 117, 51, 111, 126, 109, 48, 99, 110, 121, 49, 113, 103, 52, 69, 45, 120, 108, 30, 115, 85, 46, 36, 38, 90, 44, 76, 63, 40, 28, 32, 26, 91, 5, 100, 43, 83, 107, 94, 0, 98, 37, 3, 41, 101, 33, 105, 34, 15, 71, 97, 17, 102, 93, 79, 1, 104, 39, 27, 68, 73, 9, 88, 19, 31, 23, 29, 66, 21, 7, 24, 89, 72, 81, 12, 84, 16, 22, 77, 11, 78, 82, 10, 70], [38, 57, 59, 58, 93, 32, 26, 85, 87, 84, 15, 18, 74, 71, 0, 13, 123, 45, 52, 12, 111, 121, 22, 126, 63, 116, 110, 1, 55, 117, 42, 127, 16, 107, 125, 108, 62, 51, 114, 54, 61, 109, 56, 53, 60, 124, 99, 122, 25, 106, 3, 112, 46, 115, 48, 118, 41, 119, 49, 5, 43, 50, 89, 44, 105, 102, 4, 120, 2, 24, 104, 75, 47, 113, 68, 35, 101, 95, 14, 103, 39, 17, 40, 66, 19, 69, 100, 83, 78, 36, 70, 27, 81, 9, 34, 98, 88, 37, 33, 92, 30, 28, 97, 72, 82, 31, 94, 91, 11, 73, 8, 80, 7, 20, 29, 86, 6, 77, 65, 23, 21, 67, 76, 90, 64, 79, 96, 10], [40, 126, 83, 81, 92, 35, 115, 85, 87, 15, 74, 111, 96, 89, 72, 76, 46, 42, 79, 52, 122, 12, 68, 58, 0, 28, 70, 106, 127, 114, 48, 6, 66, 5, 14, 54, 44, 57, 116, 11, 119, 31, 2, 56, 41, 1, 3, 43, 123, 110, 65, 125, 32, 118, 60, 75, 107, 9, 109, 29, 50, 82, 112, 120, 78, 49, 101, 93, 7, 13, 25, 121, 84, 59, 77, 88, 90, 86, 24, 34, 64, 8, 67, 108, 94, 30, 53, 20, 61, 47, 27, 39, 55, 117, 113, 69, 100, 26, 36, 22, 33, 105, 97, 103, 99, 102, 91, 51, 124, 95, 73, 98, 38, 23, 37, 16, 62, 45, 4, 63, 80, 10, 18, 71, 21, 19, 17, 104], [126, 103, 116, 86, 99, 55, 96, 52, 94, 62, 48, 26, 53, 112, 57, 109, 42, 91, 88, 63, 28, 58, 113, 56, 123, 20, 29, 110, 121, 102, 117, 50, 114, 47, 92, 124, 83, 35, 13, 115, 60, 81, 119, 127, 120, 59, 105, 125, 51, 37, 97, 43, 98, 49, 122, 61, 54, 111, 107, 95, 89, 46, 30, 33, 44, 79, 45, 118, 106, 10, 70, 40, 101, 108, 15, 36, 31, 104, 34, 7, 76, 27, 41, 85, 65, 38, 100, 72, 73, 87, 23, 66, 21, 14, 93, 0, 18, 5, 3, 90, 32, 17, 80, 25, 82, 6, 39, 71, 68, 16, 4, 8, 74, 24, 22, 84, 75, 77, 78, 12, 19, 9, 2, 11, 67, 69, 1, 64], [55, 39, 34, 22, 28, 89, 62, 125, 78, 117, 20, 53, 58, 50, 51, 54, 83, 109, 96, 112, 61, 59, 44, 113, 49, 114, 48, 121, 118, 119, 111, 60, 116, 63, 124, 126, 46, 127, 8, 47, 52, 64, 5, 56, 123, 82, 73, 43, 120, 91, 42, 122, 115, 12, 106, 1, 108, 110, 45, 30, 40, 18, 104, 79, 105, 107, 95, 57, 37, 93, 100, 81, 98, 23, 76, 41, 70, 77, 36, 3, 38, 66, 102, 27, 26, 90, 101, 35, 33, 31, 2, 32, 4, 11, 85, 99, 92, 10, 75, 24, 88, 97, 0, 80, 6, 65, 15, 17, 29, 21, 71, 94, 69, 103, 16, 25, 74, 87, 84, 13, 19, 7, 67, 68, 14, 9, 72, 86], [103, 127, 56, 34, 22, 55, 121, 95, 28, 118, 63, 122, 89, 116, 51, 125, 115, 62, 119, 57, 59, 58, 60, 53, 43, 52, 38, 124, 49, 48, 47, 117, 114, 61, 84, 92, 120, 123, 46, 106, 111, 44, 112, 113, 54, 126, 107, 50, 108, 71, 45, 23, 105, 29, 80, 109, 42, 75, 110, 40, 104, 35, 16, 41, 78, 101, 99, 37, 27, 98, 96, 102, 100, 18, 36, 10, 12, 64, 25, 33, 81, 86, 97, 30, 94, 87, 68, 79, 91, 39, 93, 88, 13, 90, 32, 66, 85, 83, 82, 17, 24, 26, 69, 21, 31, 1, 9, 20, 6, 8, 73, 14, 77, 19, 4, 5, 7, 76, 11, 65, 15, 74, 67, 2, 3, 72, 0, 70]], "model.layers.21.self_attn.qk_proj": [[126, 55, 120, 54, 59, 112, 127, 57, 49, 58, 56, 116, 42, 102, 118, 62, 53, 106, 121, 39, 28, 48, 103, 84, 20, 79, 119, 114, 25, 38, 15, 89, 29, 113, 86, 82, 122, 92, 40, 60, 22, 52, 23, 87, 99, 90, 35, 115, 18, 32, 12, 14, 111, 46, 78, 76, 6, 85, 72, 50, 117, 93, 51, 64, 75, 61, 21, 96, 125, 19, 10, 43, 26, 63, 123, 30, 108, 31, 34, 0, 83, 110, 124, 9, 45, 17, 44, 47, 8, 16, 11, 74, 80, 104, 73, 105, 5, 7, 69, 66, 95, 109, 67, 81, 107, 2, 97, 65, 13, 1, 71, 98, 68, 27, 77, 37, 33, 3, 41, 70, 36, 24, 88, 101, 94, 91, 4, 100], [126, 55, 120, 54, 59, 112, 49, 127, 57, 58, 56, 116, 42, 102, 118, 62, 53, 106, 121, 39, 28, 103, 48, 79, 20, 114, 84, 25, 29, 38, 89, 113, 119, 92, 22, 23, 60, 15, 99, 90, 52, 122, 87, 82, 12, 115, 86, 32, 35, 18, 78, 14, 51, 111, 40, 6, 76, 72, 117, 123, 93, 85, 75, 50, 125, 46, 0, 43, 44, 63, 108, 19, 26, 17, 21, 61, 64, 47, 30, 69, 31, 66, 124, 8, 74, 73, 11, 9, 96, 10, 109, 105, 104, 34, 110, 45, 2, 5, 83, 7, 95, 71, 13, 67, 27, 80, 16, 3, 88, 81, 33, 98, 1, 65, 107, 36, 97, 77, 41, 37, 68, 70, 4, 101, 91, 94, 24, 100], [126, 55, 120, 54, 59, 112, 127, 49, 57, 56, 58, 116, 42, 102, 62, 106, 118, 53, 121, 28, 39, 103, 84, 48, 29, 20, 25, 15, 99, 22, 92, 23, 122, 119, 38, 79, 114, 86, 89, 115, 90, 113, 60, 87, 35, 117, 52, 78, 40, 82, 18, 76, 14, 12, 111, 32, 6, 51, 64, 85, 72, 46, 0, 96, 124, 44, 125, 75, 63, 93, 31, 21, 69, 43, 30, 34, 108, 2, 50, 19, 123, 10, 110, 5, 74, 8, 17, 65, 66, 11, 47, 109, 83, 9, 104, 61, 26, 98, 73, 70, 16, 1, 95, 7, 80, 67, 13, 3, 81, 77, 41, 105, 45, 36, 88, 27, 71, 107, 4, 68, 33, 24, 97, 37, 91, 101, 94, 100], [126, 55, 120, 54, 59, 112, 127, 49, 57, 56, 58, 116, 42, 102, 118, 62, 121, 106, 53, 39, 28, 48, 103, 84, 20, 89, 79, 15, 29, 92, 119, 22, 25, 99, 113, 23, 60, 38, 52, 115, 40, 14, 82, 122, 90, 35, 18, 114, 12, 86, 78, 111, 76, 32, 87, 117, 46, 85, 6, 0, 17, 51, 72, 125, 96, 50, 30, 5, 11, 75, 93, 63, 123, 43, 110, 69, 47, 44, 34, 70, 19, 64, 2, 8, 10, 104, 83, 108, 124, 31, 21, 26, 61, 16, 66, 109, 65, 73, 74, 1, 9, 77, 98, 27, 81, 95, 45, 105, 67, 80, 7, 107, 71, 3, 88, 41, 101, 33, 36, 4, 13, 68, 91, 24, 97, 37, 94, 100], [126, 55, 120, 54, 59, 112, 127, 49, 57, 56, 58, 116, 42, 118, 102, 62, 106, 121, 53, 39, 103, 113, 28, 20, 84, 48, 60, 79, 38, 15, 23, 89, 119, 114, 29, 115, 82, 25, 92, 22, 86, 52, 90, 76, 122, 99, 40, 18, 78, 12, 32, 117, 35, 111, 14, 51, 50, 75, 46, 87, 85, 72, 96, 63, 125, 8, 70, 64, 0, 21, 93, 26, 43, 109, 44, 17, 6, 31, 69, 10, 30, 47, 2, 19, 5, 110, 61, 11, 7, 74, 16, 83, 34, 73, 123, 104, 66, 81, 98, 9, 108, 95, 65, 1, 105, 124, 27, 80, 77, 4, 67, 45, 71, 33, 88, 3, 107, 97, 13, 37, 36, 68, 101, 41, 91, 94, 24, 100], [126, 55, 120, 54, 59, 112, 127, 57, 49, 58, 56, 116, 42, 102, 118, 62, 106, 121, 53, 103, 28, 39, 20, 84, 79, 29, 48, 114, 89, 86, 15, 115, 82, 119, 23, 113, 60, 76, 22, 25, 40, 38, 92, 35, 99, 78, 122, 18, 32, 14, 90, 12, 87, 52, 111, 85, 50, 75, 63, 72, 70, 43, 51, 46, 125, 117, 8, 17, 31, 64, 21, 96, 93, 34, 0, 124, 26, 16, 83, 30, 44, 69, 19, 11, 123, 10, 108, 109, 9, 81, 47, 104, 74, 95, 66, 5, 2, 61, 73, 97, 7, 27, 110, 13, 65, 80, 45, 67, 1, 105, 3, 98, 107, 6, 4, 71, 77, 33, 88, 24, 41, 68, 37, 94, 91, 36, 101, 100], [126, 55, 120, 54, 59, 112, 127, 57, 49, 58, 56, 42, 116, 118, 102, 62, 106, 121, 53, 39, 28, 20, 84, 79, 23, 25, 29, 103, 38, 60, 15, 89, 86, 90, 22, 99, 82, 119, 18, 76, 40, 122, 12, 92, 113, 48, 35, 114, 87, 32, 78, 115, 111, 70, 85, 14, 51, 75, 46, 52, 117, 50, 93, 64, 19, 8, 13, 125, 72, 16, 17, 11, 10, 30, 21, 63, 9, 0, 77, 26, 31, 83, 44, 96, 123, 43, 34, 1, 66, 47, 74, 104, 80, 81, 45, 124, 105, 69, 110, 61, 7, 73, 2, 71, 65, 108, 109, 95, 97, 5, 41, 27, 4, 3, 107, 98, 36, 37, 88, 6, 67, 33, 24, 91, 101, 68, 94, 100], [126, 55, 120, 54, 59, 112, 49, 57, 127, 58, 56, 116, 42, 102, 118, 106, 62, 121, 53, 28, 39, 20, 25, 122, 38, 103, 23, 84, 22, 29, 90, 48, 60, 119, 15, 79, 32, 86, 111, 89, 82, 99, 52, 113, 18, 92, 12, 40, 70, 117, 85, 115, 87, 35, 78, 14, 76, 114, 51, 46, 125, 0, 93, 21, 75, 123, 30, 64, 19, 96, 11, 63, 8, 31, 83, 43, 26, 50, 104, 34, 44, 16, 47, 17, 110, 61, 13, 10, 72, 108, 74, 69, 124, 9, 80, 73, 2, 65, 45, 95, 77, 81, 66, 109, 67, 7, 41, 5, 3, 36, 68, 1, 98, 6, 105, 33, 71, 107, 37, 4, 27, 88, 24, 97, 91, 94, 101, 100], [126, 55, 120, 54, 59, 112, 57, 127, 49, 58, 56, 42, 116, 102, 118, 62, 106, 121, 53, 28, 39, 48, 84, 38, 20, 29, 15, 103, 89, 122, 25, 119, 111, 23, 79, 60, 22, 92, 90, 87, 51, 52, 99, 32, 86, 78, 82, 35, 18, 76, 115, 40, 114, 12, 113, 14, 85, 117, 46, 70, 93, 123, 125, 47, 17, 0, 21, 8, 96, 44, 26, 31, 19, 109, 110, 50, 30, 63, 83, 11, 75, 34, 64, 43, 45, 61, 72, 9, 10, 81, 104, 13, 73, 5, 74, 108, 16, 2, 65, 66, 6, 69, 77, 67, 124, 95, 80, 41, 105, 7, 68, 27, 3, 98, 71, 107, 33, 1, 88, 97, 101, 4, 36, 24, 37, 94, 91, 100], [126, 55, 120, 54, 59, 112, 127, 49, 57, 58, 56, 116, 42, 102, 118, 62, 121, 53, 106, 39, 103, 28, 48, 84, 79, 38, 20, 119, 114, 92, 89, 15, 29, 52, 25, 60, 86, 51, 23, 99, 90, 115, 122, 22, 113, 35, 40, 78, 76, 87, 111, 46, 50, 32, 12, 18, 14, 125, 82, 123, 8, 64, 85, 43, 117, 108, 110, 0, 63, 96, 21, 6, 74, 109, 75, 31, 70, 83, 11, 17, 124, 5, 30, 10, 72, 44, 93, 66, 47, 34, 45, 26, 2, 19, 73, 104, 9, 105, 81, 61, 69, 95, 98, 3, 67, 16, 7, 1, 27, 41, 71, 65, 80, 33, 77, 107, 13, 97, 36, 37, 88, 4, 91, 24, 68, 101, 94, 100], [126, 55, 120, 54, 59, 112, 127, 57, 49, 56, 58, 116, 42, 102, 118, 62, 53, 121, 106, 39, 103, 28, 20, 48, 79, 84, 113, 119, 89, 15, 38, 115, 99, 86, 25, 92, 23, 22, 29, 78, 40, 51, 35, 52, 60, 76, 82, 114, 8, 122, 90, 18, 14, 12, 0, 87, 32, 85, 6, 5, 50, 46, 64, 111, 125, 96, 66, 123, 72, 47, 117, 30, 34, 75, 74, 83, 43, 110, 93, 17, 11, 70, 124, 19, 9, 31, 73, 81, 44, 21, 65, 98, 61, 108, 2, 45, 67, 63, 69, 80, 3, 26, 71, 109, 1, 10, 105, 27, 7, 95, 16, 77, 104, 68, 33, 97, 13, 107, 88, 41, 4, 91, 94, 24, 101, 100, 36, 37], [126, 55, 120, 54, 59, 112, 57, 127, 49, 58, 56, 116, 42, 102, 118, 62, 106, 121, 53, 28, 39, 89, 20, 25, 84, 48, 86, 23, 22, 60, 15, 79, 103, 29, 38, 115, 99, 76, 40, 114, 35, 12, 90, 122, 78, 32, 113, 51, 92, 6, 18, 82, 119, 85, 111, 87, 8, 14, 96, 52, 93, 75, 19, 47, 17, 74, 11, 72, 0, 46, 50, 64, 83, 13, 34, 31, 43, 21, 123, 9, 73, 117, 30, 110, 125, 44, 81, 10, 16, 80, 26, 63, 5, 65, 77, 69, 109, 71, 108, 66, 104, 3, 1, 97, 67, 98, 45, 95, 61, 2, 105, 124, 27, 4, 7, 107, 70, 88, 41, 68, 36, 101, 91, 33, 94, 24, 37, 100], [126, 55, 54, 120, 112, 59, 49, 57, 127, 58, 56, 116, 42, 102, 118, 62, 121, 106, 53, 103, 39, 28, 25, 48, 20, 84, 60, 29, 23, 38, 15, 122, 90, 86, 89, 115, 52, 79, 92, 119, 32, 22, 111, 113, 51, 87, 35, 114, 18, 40, 82, 12, 99, 6, 78, 85, 76, 123, 50, 96, 43, 14, 46, 93, 125, 21, 47, 117, 108, 31, 72, 34, 64, 83, 124, 19, 63, 110, 11, 61, 104, 74, 73, 75, 17, 8, 26, 109, 10, 105, 77, 41, 30, 45, 44, 95, 0, 16, 5, 81, 2, 97, 9, 13, 69, 67, 80, 36, 66, 27, 98, 71, 3, 33, 1, 65, 7, 88, 107, 68, 37, 91, 101, 94, 4, 70, 24, 100], [126, 55, 120, 54, 112, 59, 57, 49, 127, 58, 56, 116, 42, 102, 118, 121, 62, 106, 53, 28, 39, 103, 119, 48, 84, 79, 22, 20, 86, 29, 15, 99, 89, 25, 60, 38, 23, 113, 114, 122, 51, 111, 87, 52, 12, 115, 40, 50, 35, 18, 92, 90, 76, 32, 14, 82, 6, 64, 78, 125, 0, 85, 72, 46, 123, 117, 8, 96, 63, 17, 75, 43, 45, 11, 21, 110, 61, 104, 10, 19, 1, 73, 83, 30, 31, 26, 74, 47, 2, 34, 5, 124, 93, 80, 66, 81, 9, 70, 108, 3, 69, 109, 13, 65, 105, 71, 41, 44, 16, 95, 67, 7, 27, 77, 107, 98, 97, 4, 33, 68, 101, 88, 36, 24, 37, 94, 91, 100], [126, 55, 120, 54, 112, 59, 127, 57, 49, 58, 56, 116, 42, 102, 118, 62, 106, 121, 53, 39, 28, 103, 22, 79, 84, 20, 29, 38, 23, 89, 48, 15, 25, 86, 40, 60, 113, 119, 92, 122, 114, 99, 12, 18, 76, 90, 82, 52, 32, 35, 115, 51, 78, 111, 0, 14, 46, 85, 72, 87, 8, 6, 123, 64, 96, 75, 21, 50, 5, 125, 117, 17, 83, 30, 74, 10, 26, 34, 70, 31, 11, 47, 45, 73, 81, 9, 93, 105, 66, 98, 44, 7, 43, 110, 2, 19, 61, 108, 63, 69, 1, 67, 16, 71, 80, 124, 95, 109, 3, 65, 27, 13, 41, 4, 77, 68, 91, 97, 33, 104, 37, 24, 88, 36, 107, 101, 94, 100], [126, 55, 120, 54, 112, 59, 127, 57, 49, 58, 56, 116, 42, 102, 118, 121, 62, 106, 53, 28, 103, 39, 22, 84, 79, 48, 89, 119, 29, 20, 115, 23, 99, 60, 25, 122, 15, 32, 86, 114, 12, 38, 113, 92, 40, 76, 18, 78, 90, 35, 52, 46, 111, 82, 85, 72, 87, 14, 51, 125, 8, 93, 0, 123, 75, 43, 50, 11, 96, 70, 30, 6, 10, 5, 21, 61, 64, 110, 17, 63, 34, 26, 2, 19, 83, 74, 73, 69, 105, 31, 47, 95, 7, 44, 109, 117, 108, 81, 9, 65, 98, 66, 13, 16, 124, 1, 80, 68, 45, 104, 71, 27, 4, 41, 97, 67, 77, 3, 107, 24, 91, 88, 33, 36, 37, 101, 100, 94], [126, 55, 120, 54, 59, 112, 127, 49, 57, 58, 56, 42, 116, 102, 118, 62, 121, 106, 28, 39, 53, 103, 25, 84, 89, 29, 20, 86, 38, 48, 60, 23, 119, 114, 79, 15, 22, 92, 90, 87, 111, 76, 115, 18, 40, 113, 52, 35, 82, 99, 32, 85, 122, 12, 51, 46, 125, 78, 70, 50, 14, 93, 123, 31, 117, 72, 21, 96, 19, 61, 10, 11, 63, 124, 44, 26, 30, 0, 64, 47, 9, 75, 34, 13, 83, 108, 43, 5, 16, 81, 17, 110, 8, 45, 80, 95, 41, 66, 1, 77, 105, 73, 104, 69, 65, 2, 74, 36, 67, 27, 97, 98, 109, 71, 7, 107, 37, 3, 6, 4, 24, 88, 101, 33, 91, 94, 68, 100], [126, 55, 120, 54, 59, 112, 127, 57, 49, 58, 56, 116, 42, 102, 118, 62, 106, 121, 28, 53, 39, 48, 84, 20, 103, 29, 89, 79, 38, 22, 60, 86, 15, 99, 114, 23, 113, 25, 12, 90, 92, 87, 76, 119, 122, 46, 111, 70, 82, 18, 14, 40, 35, 78, 32, 85, 115, 117, 0, 52, 123, 72, 64, 51, 44, 31, 26, 93, 63, 47, 96, 11, 30, 43, 75, 21, 125, 17, 10, 50, 83, 19, 69, 74, 104, 61, 66, 9, 5, 1, 34, 8, 110, 73, 80, 16, 2, 124, 108, 3, 95, 65, 13, 81, 27, 71, 77, 7, 45, 4, 67, 41, 36, 68, 109, 107, 6, 98, 97, 101, 88, 105, 37, 33, 91, 24, 94, 100], [126, 55, 120, 54, 59, 112, 127, 49, 57, 58, 56, 116, 42, 118, 102, 62, 121, 53, 106, 39, 48, 28, 103, 38, 20, 84, 119, 79, 89, 46, 122, 15, 29, 60, 111, 114, 92, 23, 113, 52, 86, 25, 99, 12, 40, 90, 22, 76, 82, 32, 35, 18, 123, 70, 87, 115, 14, 125, 78, 117, 51, 72, 93, 44, 63, 47, 11, 85, 64, 31, 96, 0, 75, 30, 110, 43, 10, 34, 61, 17, 26, 2, 5, 21, 83, 50, 109, 9, 8, 104, 45, 108, 74, 19, 81, 73, 105, 124, 98, 16, 1, 7, 97, 66, 107, 95, 6, 69, 80, 41, 71, 27, 67, 13, 3, 68, 33, 88, 37, 101, 36, 65, 77, 24, 91, 4, 94, 100], [126, 55, 120, 54, 59, 112, 127, 57, 49, 58, 56, 116, 42, 102, 118, 62, 121, 106, 53, 28, 39, 103, 48, 20, 119, 84, 29, 25, 38, 79, 60, 113, 99, 52, 90, 40, 114, 89, 23, 12, 15, 86, 92, 35, 115, 32, 22, 123, 76, 14, 46, 125, 122, 78, 87, 18, 82, 85, 51, 111, 70, 72, 117, 96, 93, 43, 0, 11, 30, 50, 108, 47, 31, 10, 34, 44, 124, 61, 63, 75, 66, 5, 64, 19, 8, 109, 74, 26, 9, 95, 6, 17, 104, 73, 21, 83, 110, 2, 81, 105, 98, 69, 7, 71, 13, 45, 107, 1, 3, 16, 33, 67, 80, 68, 37, 97, 77, 88, 27, 65, 41, 4, 36, 91, 101, 100, 94, 24], [126, 55, 120, 54, 59, 112, 127, 57, 49, 58, 56, 116, 42, 102, 118, 121, 62, 106, 53, 28, 48, 103, 39, 119, 20, 113, 29, 84, 79, 60, 38, 22, 86, 23, 89, 25, 15, 35, 40, 122, 92, 90, 46, 99, 114, 12, 115, 52, 76, 32, 87, 18, 78, 111, 82, 125, 123, 51, 14, 117, 43, 11, 85, 72, 96, 50, 34, 6, 47, 31, 26, 104, 30, 0, 17, 93, 44, 19, 63, 75, 64, 10, 61, 45, 108, 21, 83, 9, 8, 110, 70, 74, 80, 95, 66, 2, 5, 81, 124, 109, 73, 71, 67, 16, 69, 1, 13, 98, 3, 7, 27, 107, 88, 36, 91, 97, 33, 77, 65, 68, 24, 41, 101, 105, 37, 4, 94, 100], [126, 55, 120, 54, 59, 112, 127, 57, 49, 58, 56, 116, 42, 118, 102, 121, 62, 106, 53, 28, 39, 20, 48, 84, 29, 60, 38, 103, 15, 25, 22, 113, 79, 122, 92, 119, 99, 23, 89, 111, 46, 86, 114, 52, 35, 90, 12, 125, 82, 14, 40, 78, 76, 115, 32, 64, 6, 87, 123, 0, 18, 51, 43, 85, 117, 47, 93, 72, 50, 8, 63, 21, 61, 2, 30, 31, 10, 17, 11, 5, 75, 66, 19, 44, 110, 124, 96, 26, 34, 108, 104, 80, 1, 83, 95, 71, 74, 69, 9, 73, 45, 65, 81, 109, 70, 107, 67, 16, 77, 7, 41, 97, 13, 27, 98, 36, 3, 105, 4, 33, 68, 88, 91, 101, 37, 24, 94, 100], [126, 55, 120, 54, 59, 112, 127, 49, 57, 58, 56, 116, 42, 118, 102, 62, 121, 106, 53, 28, 39, 103, 20, 25, 60, 38, 114, 84, 48, 92, 119, 29, 122, 22, 86, 90, 23, 117, 111, 113, 46, 89, 79, 15, 32, 125, 40, 52, 35, 115, 87, 14, 99, 51, 82, 18, 12, 61, 6, 78, 76, 64, 43, 96, 30, 123, 44, 108, 124, 21, 31, 11, 10, 50, 93, 47, 85, 8, 34, 17, 19, 72, 0, 63, 110, 104, 83, 5, 75, 109, 26, 66, 74, 9, 45, 95, 107, 3, 73, 2, 69, 71, 81, 16, 80, 1, 97, 7, 98, 36, 13, 67, 88, 33, 77, 41, 27, 70, 65, 91, 37, 24, 68, 105, 4, 101, 94, 100], [126, 55, 120, 54, 112, 59, 57, 49, 127, 58, 56, 116, 42, 102, 118, 62, 106, 121, 53, 28, 39, 48, 103, 114, 29, 20, 84, 38, 79, 113, 89, 25, 119, 22, 15, 60, 40, 23, 92, 52, 115, 86, 82, 90, 12, 14, 99, 35, 122, 76, 87, 46, 18, 32, 111, 6, 78, 8, 123, 96, 43, 85, 0, 104, 51, 72, 10, 50, 125, 63, 11, 21, 30, 61, 26, 34, 83, 44, 17, 31, 9, 93, 19, 108, 117, 110, 47, 2, 5, 74, 75, 64, 71, 7, 45, 69, 73, 95, 81, 13, 109, 27, 1, 105, 67, 66, 16, 98, 80, 70, 65, 124, 3, 97, 107, 33, 4, 77, 88, 91, 101, 41, 24, 37, 68, 36, 94, 100], [126, 55, 120, 54, 59, 112, 57, 49, 127, 58, 56, 116, 42, 102, 118, 62, 121, 106, 39, 28, 53, 20, 84, 25, 23, 38, 103, 60, 89, 79, 15, 119, 86, 48, 22, 29, 113, 90, 12, 114, 92, 40, 18, 122, 99, 115, 82, 14, 46, 52, 32, 35, 51, 76, 78, 123, 111, 125, 87, 6, 85, 8, 21, 11, 83, 0, 61, 10, 108, 64, 34, 72, 96, 75, 93, 19, 17, 45, 26, 63, 74, 47, 43, 50, 71, 9, 104, 30, 124, 16, 31, 109, 73, 80, 117, 13, 81, 70, 5, 66, 77, 44, 2, 95, 110, 65, 69, 1, 67, 97, 7, 105, 98, 27, 107, 4, 91, 3, 33, 37, 68, 88, 36, 24, 101, 94, 41, 100], [126, 55, 120, 54, 59, 112, 127, 49, 57, 58, 56, 116, 42, 102, 118, 62, 121, 28, 53, 106, 39, 48, 103, 25, 89, 23, 38, 20, 119, 22, 60, 29, 84, 86, 79, 122, 113, 90, 40, 123, 15, 32, 35, 12, 92, 82, 46, 52, 99, 61, 114, 14, 18, 51, 111, 115, 85, 76, 87, 78, 93, 43, 21, 8, 125, 50, 30, 108, 0, 96, 10, 31, 11, 117, 34, 44, 26, 70, 47, 64, 19, 83, 75, 6, 110, 9, 17, 72, 80, 63, 104, 124, 77, 66, 95, 109, 69, 73, 45, 74, 5, 98, 81, 16, 13, 97, 41, 71, 7, 105, 2, 65, 3, 27, 107, 1, 67, 33, 36, 68, 94, 37, 88, 101, 4, 24, 91, 100], [126, 55, 120, 54, 59, 112, 49, 127, 57, 58, 56, 42, 116, 102, 118, 121, 53, 62, 106, 28, 39, 103, 119, 48, 25, 20, 23, 84, 38, 89, 60, 29, 15, 79, 22, 115, 46, 52, 86, 114, 99, 35, 122, 51, 113, 123, 90, 82, 111, 12, 92, 32, 76, 40, 87, 14, 117, 61, 18, 125, 70, 78, 8, 11, 85, 50, 44, 63, 96, 34, 110, 45, 64, 83, 108, 0, 30, 93, 21, 104, 109, 47, 31, 72, 19, 73, 17, 75, 43, 5, 124, 69, 3, 10, 13, 105, 74, 80, 26, 98, 9, 65, 2, 81, 16, 1, 41, 66, 97, 7, 77, 6, 68, 95, 107, 67, 27, 36, 71, 33, 4, 24, 101, 94, 88, 91, 37, 100], [126, 55, 120, 54, 59, 112, 127, 57, 49, 58, 56, 116, 42, 102, 118, 62, 121, 106, 53, 39, 28, 20, 84, 79, 103, 89, 48, 23, 15, 38, 25, 52, 119, 29, 12, 82, 113, 22, 60, 114, 90, 76, 14, 92, 122, 32, 78, 18, 99, 40, 86, 70, 35, 46, 50, 123, 8, 115, 87, 85, 117, 125, 111, 64, 21, 72, 83, 96, 43, 5, 11, 19, 0, 93, 51, 74, 47, 73, 9, 66, 61, 31, 63, 75, 26, 81, 10, 30, 2, 17, 104, 44, 34, 108, 45, 69, 110, 80, 1, 7, 124, 67, 95, 109, 77, 105, 6, 98, 71, 16, 13, 68, 41, 3, 65, 27, 4, 97, 33, 24, 107, 36, 101, 88, 37, 94, 91, 100], [126, 55, 120, 54, 59, 112, 127, 49, 57, 58, 56, 116, 42, 102, 118, 53, 62, 121, 106, 103, 28, 114, 39, 84, 38, 20, 48, 52, 79, 25, 89, 15, 22, 29, 92, 40, 23, 113, 86, 119, 60, 32, 12, 99, 50, 35, 76, 70, 90, 18, 115, 82, 78, 14, 122, 64, 8, 111, 46, 31, 85, 51, 0, 123, 125, 63, 87, 43, 45, 5, 61, 11, 72, 34, 108, 75, 96, 66, 69, 74, 117, 10, 93, 124, 17, 2, 30, 19, 21, 83, 1, 110, 73, 104, 44, 109, 7, 47, 95, 65, 81, 71, 9, 26, 16, 33, 98, 3, 107, 27, 77, 67, 105, 13, 97, 4, 80, 6, 37, 101, 36, 24, 88, 41, 68, 100, 94, 91], [126, 55, 120, 54, 112, 59, 127, 49, 57, 58, 56, 116, 42, 102, 118, 121, 62, 53, 106, 28, 39, 103, 84, 20, 38, 89, 15, 29, 60, 79, 52, 25, 48, 86, 119, 22, 113, 23, 32, 92, 114, 82, 18, 99, 76, 14, 40, 12, 35, 78, 115, 90, 46, 70, 87, 50, 51, 122, 125, 111, 8, 63, 123, 93, 117, 96, 19, 21, 85, 72, 31, 11, 43, 75, 124, 17, 73, 30, 83, 10, 74, 34, 108, 69, 61, 26, 110, 0, 45, 104, 80, 44, 13, 7, 64, 9, 109, 5, 47, 81, 27, 67, 66, 95, 16, 1, 2, 65, 105, 77, 71, 98, 3, 6, 68, 107, 97, 37, 33, 91, 4, 41, 101, 24, 88, 36, 94, 100], [126, 55, 120, 54, 112, 59, 127, 49, 57, 58, 56, 116, 42, 102, 118, 62, 106, 121, 53, 28, 103, 39, 114, 84, 20, 25, 113, 48, 15, 115, 119, 29, 23, 52, 79, 22, 89, 90, 122, 60, 40, 86, 38, 12, 32, 99, 92, 14, 51, 76, 78, 18, 46, 111, 35, 125, 87, 82, 50, 63, 85, 0, 72, 123, 124, 70, 43, 74, 8, 96, 64, 31, 117, 6, 19, 75, 110, 93, 104, 34, 9, 73, 7, 30, 5, 11, 2, 47, 10, 83, 69, 21, 17, 66, 44, 13, 108, 45, 65, 61, 16, 1, 26, 81, 80, 98, 95, 109, 97, 67, 68, 77, 71, 3, 41, 27, 105, 4, 107, 37, 36, 101, 33, 24, 88, 91, 100, 94], [126, 55, 120, 54, 59, 112, 49, 57, 127, 58, 56, 42, 116, 102, 118, 62, 121, 106, 103, 39, 53, 28, 48, 20, 84, 25, 23, 15, 29, 79, 38, 89, 114, 86, 119, 60, 22, 90, 92, 115, 18, 99, 40, 35, 12, 32, 14, 52, 122, 76, 113, 111, 51, 82, 125, 123, 46, 63, 87, 50, 85, 78, 75, 72, 43, 61, 93, 8, 74, 104, 96, 6, 11, 117, 108, 19, 110, 21, 31, 17, 30, 124, 73, 70, 44, 9, 34, 10, 83, 45, 64, 109, 47, 5, 26, 80, 105, 13, 81, 7, 0, 66, 41, 98, 77, 27, 95, 69, 71, 65, 16, 2, 107, 33, 67, 3, 88, 36, 68, 97, 1, 37, 4, 94, 24, 91, 101, 100]], "model.layers.22.self_attn.q_proj": [[57, 40, 50, 121, 54, 118, 51, 125, 52, 119, 123, 124, 63, 60, 117, 58, 61, 116, 33, 47, 62, 45, 114, 127, 59, 48, 56, 111, 126, 112, 49, 38, 55, 44, 53, 113, 122, 115, 120, 36, 102, 92, 108, 42, 109, 46, 107, 28, 17, 43, 110, 106, 94, 77, 41, 26, 25, 85, 105, 103, 83, 86, 89, 99, 39, 32, 87, 95, 19, 35, 100, 30, 37, 104, 27, 101, 31, 11, 22, 97, 21, 96, 34, 24, 98, 81, 13, 90, 29, 93, 69, 15, 2, 88, 84, 71, 0, 91, 79, 20, 16, 3, 75, 82, 1, 5, 9, 23, 67, 78, 65, 64, 73, 18, 66, 7, 80, 4, 14, 10, 74, 68, 72, 12, 8, 6, 70, 76], [50, 40, 121, 57, 51, 118, 54, 33, 114, 125, 52, 119, 123, 45, 44, 63, 58, 60, 116, 117, 127, 124, 112, 62, 49, 47, 59, 126, 61, 36, 113, 56, 48, 53, 94, 120, 122, 111, 55, 46, 115, 28, 17, 107, 26, 109, 110, 92, 25, 41, 108, 38, 43, 77, 99, 30, 42, 89, 102, 106, 85, 105, 86, 83, 19, 95, 87, 100, 24, 103, 21, 27, 31, 35, 39, 104, 101, 22, 37, 32, 98, 97, 11, 90, 84, 34, 2, 81, 96, 16, 13, 15, 69, 64, 93, 88, 82, 78, 0, 29, 79, 5, 66, 73, 23, 1, 65, 91, 67, 3, 75, 20, 7, 72, 9, 12, 18, 4, 14, 71, 68, 74, 10, 80, 6, 8, 70, 76], [121, 40, 50, 114, 125, 51, 54, 118, 57, 33, 63, 45, 52, 123, 119, 60, 117, 127, 58, 44, 116, 124, 56, 112, 59, 126, 62, 108, 61, 48, 113, 28, 46, 53, 120, 49, 122, 47, 55, 111, 115, 110, 17, 102, 26, 92, 42, 107, 109, 36, 94, 25, 38, 99, 106, 85, 43, 41, 105, 89, 95, 100, 30, 77, 87, 86, 19, 83, 103, 21, 35, 39, 104, 24, 37, 101, 96, 32, 22, 27, 97, 98, 34, 31, 81, 11, 13, 84, 2, 82, 88, 90, 64, 73, 29, 93, 16, 0, 15, 79, 9, 78, 1, 91, 69, 65, 23, 14, 5, 75, 66, 3, 4, 7, 67, 20, 71, 12, 18, 72, 10, 74, 68, 6, 70, 8, 80, 76], [40, 121, 50, 57, 82, 114, 78, 12, 33, 27, 16, 25, 99, 118, 23, 38, 29, 74, 19, 86, 6, 10, 93, 18, 36, 89, 72, 94, 51, 14, 70, 76, 104, 8, 28, 20, 84, 63, 102, 88, 90, 30, 95, 68, 54, 21, 80, 58, 119, 4, 55, 87, 91, 22, 125, 9, 15, 85, 49, 31, 1, 81, 96, 26, 62, 47, 42, 73, 24, 7, 127, 66, 116, 83, 92, 3, 52, 123, 39, 11, 32, 13, 115, 2, 124, 60, 64, 44, 98, 34, 117, 17, 105, 61, 79, 35, 126, 53, 101, 112, 48, 56, 5, 122, 45, 75, 77, 109, 71, 107, 67, 120, 113, 106, 37, 108, 43, 110, 59, 41, 46, 111, 100, 103, 69, 97, 0, 65], [42, 54, 32, 35, 123, 99, 106, 50, 89, 85, 27, 87, 16, 23, 58, 29, 96, 18, 78, 36, 57, 40, 98, 83, 103, 116, 107, 117, 7, 84, 62, 31, 17, 108, 61, 48, 60, 82, 44, 12, 47, 37, 105, 95, 100, 77, 26, 21, 125, 74, 76, 118, 46, 55, 45, 41, 90, 9, 114, 10, 20, 115, 94, 113, 101, 119, 92, 127, 110, 19, 124, 112, 81, 97, 122, 109, 126, 102, 49, 28, 24, 121, 59, 75, 104, 56, 22, 70, 88, 79, 43, 120, 34, 68, 33, 51, 25, 53, 63, 93, 15, 8, 91, 30, 52, 86, 39, 111, 80, 38, 4, 11, 14, 0, 72, 66, 13, 3, 69, 71, 5, 73, 64, 67, 6, 65, 1, 2], [54, 42, 32, 89, 117, 99, 123, 85, 87, 23, 29, 58, 35, 106, 96, 28, 50, 121, 55, 44, 36, 60, 15, 111, 33, 101, 57, 40, 46, 82, 122, 52, 126, 51, 112, 53, 31, 47, 10, 16, 100, 78, 103, 104, 41, 18, 125, 119, 45, 110, 109, 38, 83, 114, 95, 81, 17, 105, 115, 39, 118, 21, 12, 25, 113, 56, 76, 127, 19, 124, 48, 116, 34, 107, 37, 14, 27, 8, 98, 90, 108, 91, 49, 77, 63, 62, 79, 59, 102, 43, 120, 97, 30, 61, 69, 93, 84, 80, 92, 24, 72, 26, 94, 86, 74, 22, 88, 6, 67, 20, 75, 66, 71, 13, 11, 7, 5, 3, 70, 65, 73, 64, 68, 2, 4, 9, 1, 0], [54, 42, 32, 99, 35, 29, 89, 87, 96, 115, 23, 85, 36, 106, 95, 27, 110, 62, 105, 101, 18, 61, 123, 119, 94, 44, 45, 50, 83, 82, 117, 118, 63, 59, 48, 41, 86, 113, 28, 40, 121, 112, 55, 58, 31, 93, 120, 47, 114, 92, 103, 109, 125, 107, 37, 127, 122, 104, 57, 53, 108, 34, 60, 100, 126, 38, 52, 49, 16, 51, 20, 43, 116, 15, 124, 102, 90, 46, 33, 56, 22, 39, 26, 97, 12, 77, 98, 78, 84, 10, 25, 111, 30, 91, 81, 17, 24, 13, 75, 88, 14, 19, 76, 21, 4, 6, 8, 72, 74, 67, 7, 69, 79, 73, 1, 68, 5, 80, 70, 9, 11, 0, 66, 71, 64, 3, 65, 2], [42, 54, 32, 85, 35, 123, 106, 99, 89, 23, 16, 87, 76, 78, 18, 12, 50, 48, 27, 84, 29, 125, 36, 11, 14, 6, 72, 117, 10, 81, 4, 115, 31, 21, 80, 51, 25, 17, 8, 116, 28, 26, 101, 111, 79, 104, 83, 77, 3, 74, 109, 55, 92, 82, 2, 19, 9, 73, 60, 88, 57, 62, 1, 98, 69, 86, 64, 124, 97, 103, 119, 33, 66, 37, 44, 90, 93, 49, 102, 40, 105, 108, 30, 95, 114, 7, 110, 96, 67, 100, 41, 94, 75, 46, 56, 15, 127, 24, 126, 34, 38, 107, 53, 70, 63, 20, 118, 91, 43, 5, 112, 22, 39, 47, 52, 13, 45, 58, 71, 120, 122, 61, 59, 113, 121, 68, 65, 0], [117, 38, 120, 97, 25, 58, 63, 93, 89, 83, 116, 52, 53, 121, 55, 49, 102, 39, 86, 112, 115, 75, 122, 126, 127, 113, 119, 57, 125, 123, 50, 109, 47, 21, 48, 60, 114, 118, 46, 62, 20, 84, 41, 88, 105, 61, 59, 111, 110, 51, 44, 73, 56, 29, 124, 17, 100, 54, 104, 45, 80, 106, 42, 107, 108, 103, 40, 43, 22, 87, 16, 101, 37, 24, 26, 98, 99, 34, 36, 35, 15, 95, 18, 96, 31, 77, 94, 19, 23, 71, 32, 30, 33, 92, 4, 28, 79, 91, 14, 81, 90, 13, 11, 85, 27, 68, 1, 7, 82, 72, 3, 74, 70, 65, 64, 10, 76, 69, 66, 78, 9, 5, 0, 2, 8, 12, 67, 6], [38, 120, 117, 63, 97, 93, 17, 83, 25, 89, 86, 20, 29, 88, 102, 14, 58, 76, 74, 121, 65, 72, 15, 53, 116, 77, 71, 73, 49, 64, 41, 126, 122, 60, 100, 57, 4, 91, 46, 55, 59, 22, 11, 119, 123, 98, 94, 50, 81, 127, 115, 34, 10, 26, 39, 66, 104, 7, 47, 111, 109, 125, 16, 113, 52, 42, 118, 19, 56, 48, 51, 112, 90, 54, 114, 61, 44, 45, 84, 79, 62, 96, 24, 28, 35, 37, 78, 82, 2, 103, 87, 70, 108, 31, 75, 101, 124, 99, 106, 67, 40, 105, 32, 95, 21, 30, 36, 80, 5, 43, 27, 85, 110, 92, 12, 9, 13, 69, 1, 23, 33, 68, 107, 8, 3, 18, 6, 0], [38, 120, 117, 97, 58, 25, 83, 86, 93, 63, 73, 89, 17, 102, 29, 121, 15, 53, 88, 3, 14, 49, 75, 22, 126, 57, 20, 71, 19, 109, 41, 76, 77, 113, 116, 55, 127, 84, 46, 111, 79, 72, 52, 119, 11, 4, 47, 122, 65, 118, 112, 39, 125, 87, 115, 51, 60, 62, 50, 59, 123, 74, 70, 45, 21, 80, 56, 81, 9, 44, 114, 61, 16, 48, 42, 104, 10, 82, 100, 24, 108, 67, 124, 78, 34, 105, 103, 2, 85, 110, 33, 90, 23, 54, 7, 107, 40, 8, 37, 98, 35, 91, 28, 101, 43, 36, 0, 66, 99, 13, 69, 26, 12, 94, 18, 96, 1, 106, 68, 92, 31, 95, 6, 27, 30, 32, 5, 64], [38, 117, 120, 97, 63, 83, 70, 93, 25, 15, 73, 89, 3, 86, 58, 53, 41, 14, 17, 88, 80, 74, 29, 109, 78, 77, 75, 121, 57, 84, 65, 22, 55, 111, 115, 46, 49, 19, 79, 105, 0, 102, 118, 98, 122, 76, 42, 126, 106, 116, 119, 52, 125, 72, 4, 20, 107, 113, 127, 50, 56, 21, 54, 104, 62, 61, 47, 60, 9, 6, 123, 45, 59, 110, 11, 10, 44, 39, 51, 26, 114, 48, 12, 103, 2, 112, 81, 124, 82, 85, 8, 66, 108, 67, 43, 87, 71, 24, 40, 16, 36, 69, 34, 101, 94, 1, 23, 31, 7, 37, 95, 30, 90, 99, 28, 91, 100, 5, 32, 18, 35, 27, 68, 92, 64, 96, 13, 33], [122, 58, 53, 38, 125, 124, 121, 56, 87, 90, 92, 55, 59, 34, 111, 127, 76, 117, 63, 126, 30, 81, 123, 113, 62, 50, 120, 54, 52, 110, 49, 57, 61, 60, 114, 119, 48, 118, 51, 116, 115, 47, 100, 102, 19, 112, 8, 40, 107, 109, 91, 3, 22, 44, 89, 46, 83, 45, 21, 108, 41, 23, 2, 32, 80, 31, 103, 84, 105, 42, 43, 104, 106, 72, 36, 94, 39, 5, 37, 29, 35, 85, 28, 96, 33, 16, 24, 93, 25, 101, 70, 65, 95, 17, 14, 27, 26, 99, 10, 86, 0, 97, 13, 6, 78, 64, 12, 73, 9, 88, 98, 77, 1, 18, 15, 82, 4, 11, 75, 79, 66, 71, 20, 7, 68, 69, 67, 74], [53, 38, 125, 122, 58, 87, 121, 56, 30, 127, 34, 92, 90, 60, 50, 113, 63, 124, 55, 59, 123, 48, 120, 126, 32, 51, 41, 57, 114, 61, 62, 52, 118, 54, 119, 116, 47, 111, 115, 49, 21, 117, 76, 102, 110, 19, 108, 46, 85, 112, 40, 45, 107, 83, 106, 22, 109, 81, 44, 94, 37, 43, 80, 42, 100, 27, 28, 26, 84, 104, 105, 39, 103, 33, 91, 101, 23, 29, 36, 15, 31, 72, 97, 99, 16, 89, 77, 35, 86, 13, 78, 96, 98, 17, 93, 3, 0, 95, 65, 8, 5, 14, 18, 88, 2, 25, 69, 20, 73, 10, 75, 74, 24, 11, 9, 82, 12, 79, 71, 7, 6, 68, 70, 66, 4, 67, 64, 1], [122, 53, 38, 90, 121, 58, 56, 59, 127, 34, 87, 60, 55, 124, 92, 126, 123, 63, 117, 52, 30, 120, 48, 57, 111, 113, 61, 49, 110, 114, 125, 115, 62, 118, 119, 54, 50, 51, 47, 116, 102, 83, 22, 112, 46, 81, 19, 94, 32, 89, 109, 85, 23, 104, 108, 41, 14, 43, 84, 103, 107, 76, 31, 44, 105, 17, 106, 45, 36, 40, 42, 101, 25, 86, 28, 78, 100, 13, 82, 80, 37, 27, 39, 35, 98, 33, 26, 21, 29, 15, 97, 99, 88, 95, 8, 24, 91, 96, 16, 65, 93, 72, 18, 10, 12, 79, 69, 20, 3, 11, 6, 9, 77, 75, 7, 68, 74, 73, 71, 70, 67, 5, 0, 2, 66, 64, 4, 1], [125, 122, 53, 38, 58, 90, 121, 56, 51, 59, 127, 113, 120, 110, 81, 87, 55, 50, 63, 30, 61, 48, 126, 124, 123, 102, 49, 108, 57, 52, 117, 60, 114, 119, 34, 118, 62, 47, 111, 46, 109, 54, 115, 116, 19, 44, 106, 112, 92, 39, 42, 107, 43, 76, 103, 83, 22, 101, 32, 100, 94, 37, 105, 41, 21, 40, 45, 104, 36, 99, 14, 31, 35, 33, 8, 85, 91, 17, 26, 93, 24, 96, 29, 23, 97, 27, 84, 78, 95, 88, 28, 25, 98, 86, 80, 72, 10, 89, 74, 12, 15, 79, 13, 16, 18, 82, 11, 77, 3, 9, 73, 20, 70, 69, 75, 6, 5, 68, 7, 4, 71, 66, 0, 64, 65, 1, 67, 2], [102, 110, 97, 126, 46, 73, 21, 77, 82, 68, 11, 15, 26, 66, 90, 70, 53, 0, 7, 25, 87, 71, 85, 121, 31, 18, 1, 23, 29, 79, 100, 93, 4, 54, 118, 81, 88, 124, 10, 117, 55, 9, 57, 106, 78, 28, 64, 13, 80, 22, 20, 127, 2, 75, 32, 5, 108, 76, 83, 65, 69, 17, 12, 58, 6, 105, 92, 3, 89, 63, 16, 24, 116, 115, 86, 125, 84, 27, 72, 39, 40, 104, 123, 98, 91, 48, 59, 30, 62, 96, 49, 74, 52, 122, 37, 101, 67, 60, 14, 95, 112, 34, 19, 8, 51, 45, 99, 35, 94, 103, 109, 50, 61, 120, 56, 47, 36, 43, 107, 42, 44, 119, 111, 113, 41, 114, 33, 38], [102, 110, 126, 97, 21, 26, 82, 46, 15, 77, 73, 11, 87, 90, 93, 68, 7, 23, 12, 25, 45, 115, 40, 53, 78, 70, 8, 18, 44, 76, 85, 118, 84, 55, 66, 120, 54, 116, 109, 127, 0, 96, 101, 36, 95, 31, 37, 91, 13, 112, 79, 72, 125, 24, 83, 1, 98, 121, 124, 27, 41, 48, 19, 71, 32, 114, 17, 103, 52, 56, 75, 122, 58, 69, 14, 9, 123, 39, 89, 49, 42, 106, 59, 88, 63, 22, 81, 105, 6, 20, 51, 107, 62, 94, 80, 119, 117, 28, 34, 29, 3, 86, 60, 38, 47, 99, 61, 57, 108, 43, 92, 104, 30, 111, 10, 16, 100, 50, 35, 113, 74, 4, 33, 2, 5, 67, 65, 64], [102, 110, 126, 97, 118, 46, 26, 21, 15, 82, 87, 11, 31, 63, 95, 90, 93, 68, 49, 73, 77, 44, 41, 120, 53, 116, 88, 127, 106, 122, 123, 25, 54, 112, 22, 7, 101, 38, 84, 42, 56, 37, 12, 58, 52, 17, 51, 80, 29, 59, 109, 70, 23, 43, 92, 48, 119, 55, 57, 124, 66, 5, 113, 94, 45, 125, 111, 115, 0, 65, 104, 121, 117, 83, 10, 50, 108, 60, 105, 1, 62, 85, 100, 47, 96, 91, 69, 61, 36, 107, 27, 78, 98, 99, 28, 114, 40, 30, 39, 19, 8, 86, 76, 3, 32, 103, 79, 74, 16, 34, 71, 64, 67, 24, 72, 35, 89, 20, 18, 4, 81, 75, 33, 14, 2, 6, 13, 9], [102, 110, 97, 126, 21, 46, 26, 77, 82, 11, 15, 90, 73, 116, 87, 70, 92, 91, 68, 7, 25, 66, 37, 54, 32, 45, 85, 99, 62, 72, 49, 30, 83, 108, 41, 51, 19, 124, 18, 44, 111, 52, 71, 0, 113, 53, 122, 112, 127, 105, 104, 88, 24, 118, 48, 58, 100, 89, 40, 106, 50, 17, 123, 8, 75, 101, 16, 95, 36, 121, 96, 78, 63, 42, 93, 31, 94, 22, 38, 98, 3, 76, 115, 79, 28, 60, 55, 5, 107, 64, 33, 34, 114, 39, 35, 125, 109, 61, 119, 20, 57, 10, 47, 84, 6, 120, 29, 103, 59, 13, 43, 1, 86, 56, 81, 2, 117, 14, 9, 23, 27, 74, 80, 12, 67, 69, 4, 65], [111, 55, 101, 47, 25, 87, 113, 95, 21, 28, 48, 109, 58, 119, 82, 56, 59, 31, 62, 97, 91, 118, 94, 44, 54, 45, 122, 89, 33, 127, 126, 42, 116, 51, 115, 50, 120, 107, 61, 102, 80, 106, 23, 15, 76, 85, 123, 38, 53, 74, 121, 112, 32, 39, 92, 18, 57, 40, 110, 52, 105, 19, 104, 125, 117, 72, 124, 22, 41, 77, 63, 37, 49, 46, 30, 108, 16, 98, 29, 103, 99, 35, 60, 34, 93, 114, 26, 100, 14, 90, 84, 71, 96, 17, 36, 83, 69, 43, 86, 88, 27, 24, 75, 81, 20, 11, 13, 73, 79, 65, 9, 7, 78, 70, 3, 12, 67, 1, 5, 4, 8, 66, 10, 2, 68, 6, 0, 64], [111, 55, 101, 47, 25, 95, 21, 87, 28, 82, 33, 94, 91, 15, 74, 53, 76, 59, 62, 97, 22, 89, 72, 29, 114, 60, 56, 121, 49, 116, 107, 37, 92, 45, 93, 123, 38, 32, 11, 70, 43, 18, 110, 109, 67, 122, 98, 54, 113, 48, 103, 57, 23, 99, 115, 78, 102, 4, 69, 31, 80, 44, 51, 40, 83, 85, 105, 124, 36, 119, 50, 34, 86, 46, 66, 41, 13, 117, 77, 104, 120, 58, 26, 52, 108, 118, 42, 27, 71, 17, 61, 127, 63, 112, 96, 39, 125, 106, 84, 19, 90, 126, 79, 10, 81, 100, 30, 8, 7, 24, 12, 35, 73, 88, 20, 9, 75, 16, 64, 68, 5, 3, 1, 14, 65, 2, 6, 0], [111, 101, 55, 47, 25, 87, 21, 95, 15, 74, 82, 70, 4, 89, 76, 94, 64, 97, 67, 77, 28, 80, 113, 2, 114, 72, 84, 50, 73, 18, 0, 91, 58, 31, 126, 29, 79, 66, 11, 85, 6, 122, 23, 92, 40, 83, 16, 10, 71, 45, 3, 116, 107, 75, 41, 65, 5, 7, 86, 35, 27, 88, 13, 98, 93, 9, 14, 12, 121, 33, 8, 78, 19, 123, 17, 68, 96, 81, 69, 20, 24, 90, 26, 105, 34, 22, 117, 44, 30, 32, 51, 115, 46, 38, 99, 54, 37, 1, 62, 124, 60, 109, 127, 103, 100, 59, 61, 48, 39, 110, 108, 102, 53, 120, 125, 42, 36, 112, 52, 104, 56, 63, 106, 57, 119, 49, 118, 43], [111, 55, 101, 47, 25, 120, 87, 21, 121, 28, 95, 56, 116, 31, 82, 110, 53, 33, 123, 37, 126, 38, 46, 58, 50, 124, 104, 122, 115, 89, 60, 44, 62, 51, 97, 112, 59, 29, 118, 61, 57, 127, 76, 23, 63, 48, 94, 52, 45, 39, 107, 103, 113, 91, 49, 117, 114, 85, 80, 42, 109, 125, 105, 119, 32, 40, 108, 41, 98, 102, 99, 106, 18, 15, 90, 54, 30, 26, 84, 43, 34, 72, 77, 92, 35, 96, 86, 100, 93, 27, 36, 16, 74, 78, 20, 67, 17, 11, 83, 22, 79, 88, 24, 81, 13, 14, 69, 19, 71, 70, 9, 12, 65, 75, 7, 73, 8, 4, 64, 3, 66, 5, 10, 2, 0, 1, 68, 6], [115, 100, 51, 23, 91, 32, 96, 84, 86, 9, 77, 15, 81, 39, 71, 5, 11, 27, 20, 108, 49, 10, 94, 36, 24, 83, 22, 44, 68, 21, 67, 118, 17, 0, 64, 65, 57, 82, 126, 127, 121, 117, 114, 16, 54, 45, 110, 2, 87, 79, 28, 35, 95, 107, 33, 13, 12, 80, 73, 25, 101, 74, 3, 69, 19, 76, 40, 85, 116, 37, 18, 42, 75, 30, 112, 8, 90, 89, 104, 92, 72, 124, 70, 88, 122, 14, 41, 78, 48, 120, 52, 34, 99, 50, 62, 4, 93, 97, 102, 123, 47, 105, 29, 98, 63, 119, 125, 109, 60, 53, 113, 31, 66, 38, 6, 46, 103, 56, 26, 7, 59, 1, 43, 106, 55, 111, 61, 58], [115, 100, 51, 121, 36, 91, 32, 23, 86, 84, 39, 82, 77, 81, 127, 48, 96, 113, 15, 118, 33, 20, 29, 44, 63, 104, 55, 71, 116, 120, 45, 119, 123, 49, 37, 47, 108, 22, 102, 114, 41, 126, 107, 50, 42, 106, 46, 54, 35, 110, 124, 53, 125, 105, 27, 10, 43, 38, 52, 111, 112, 16, 59, 56, 60, 58, 57, 30, 61, 122, 40, 95, 11, 19, 18, 62, 99, 109, 97, 117, 66, 34, 101, 98, 64, 31, 103, 83, 17, 26, 92, 24, 94, 5, 68, 85, 87, 90, 12, 21, 93, 89, 28, 76, 73, 6, 88, 8, 25, 13, 79, 78, 2, 75, 9, 80, 14, 67, 74, 70, 72, 1, 69, 4, 0, 65, 7, 3], [115, 100, 51, 121, 36, 91, 23, 32, 84, 86, 103, 63, 82, 20, 114, 104, 44, 22, 77, 15, 48, 39, 117, 46, 107, 99, 55, 43, 127, 49, 116, 29, 34, 45, 81, 110, 31, 30, 40, 119, 61, 118, 37, 33, 57, 108, 38, 41, 112, 42, 120, 113, 54, 125, 101, 35, 111, 60, 87, 106, 96, 58, 109, 53, 59, 56, 52, 95, 123, 47, 98, 126, 92, 105, 62, 24, 90, 97, 102, 27, 50, 94, 124, 122, 28, 9, 93, 71, 26, 17, 16, 85, 74, 25, 88, 76, 18, 19, 14, 89, 79, 13, 21, 11, 83, 80, 78, 10, 6, 12, 66, 64, 7, 73, 1, 4, 0, 75, 5, 72, 8, 68, 70, 69, 3, 2, 67, 65], [115, 100, 51, 36, 23, 91, 121, 96, 84, 86, 81, 11, 32, 15, 118, 94, 48, 117, 39, 9, 50, 108, 116, 107, 102, 5, 20, 2, 119, 25, 105, 45, 77, 44, 0, 37, 113, 27, 63, 82, 58, 62, 68, 19, 57, 46, 47, 110, 120, 49, 114, 126, 122, 43, 112, 123, 99, 125, 127, 53, 59, 22, 54, 41, 61, 55, 24, 124, 109, 52, 104, 42, 95, 17, 60, 65, 40, 56, 33, 38, 106, 35, 111, 70, 101, 71, 103, 87, 88, 93, 64, 16, 26, 98, 30, 79, 34, 29, 73, 83, 10, 31, 97, 90, 72, 75, 69, 8, 28, 14, 89, 12, 67, 6, 92, 13, 21, 18, 66, 78, 85, 4, 1, 80, 76, 3, 74, 7], [115, 40, 122, 53, 93, 124, 49, 55, 58, 51, 52, 48, 120, 33, 59, 60, 56, 62, 127, 111, 125, 26, 44, 61, 54, 47, 50, 123, 63, 113, 43, 126, 114, 118, 121, 116, 107, 57, 119, 45, 46, 112, 117, 22, 19, 109, 42, 110, 90, 29, 108, 88, 84, 41, 101, 77, 99, 38, 104, 106, 105, 32, 94, 92, 95, 103, 39, 83, 36, 102, 37, 34, 81, 100, 89, 97, 35, 86, 16, 98, 96, 25, 82, 28, 87, 71, 27, 10, 31, 13, 21, 23, 91, 79, 30, 80, 17, 14, 7, 3, 24, 74, 15, 12, 78, 85, 2, 20, 64, 66, 0, 18, 9, 67, 5, 72, 11, 69, 65, 6, 1, 75, 73, 4, 68, 76, 8, 70], [53, 115, 40, 122, 124, 93, 49, 52, 55, 59, 51, 33, 60, 56, 62, 48, 111, 126, 61, 58, 113, 117, 120, 125, 43, 114, 50, 127, 54, 26, 121, 63, 47, 123, 109, 119, 57, 116, 118, 46, 45, 112, 90, 22, 108, 81, 107, 44, 110, 35, 29, 88, 37, 42, 41, 39, 105, 101, 106, 103, 92, 77, 99, 36, 104, 32, 34, 102, 95, 84, 100, 83, 38, 94, 19, 89, 97, 86, 98, 17, 25, 96, 31, 27, 16, 82, 13, 28, 20, 30, 15, 79, 24, 10, 91, 85, 14, 87, 21, 71, 80, 74, 78, 23, 72, 5, 7, 12, 66, 64, 11, 8, 0, 2, 1, 3, 75, 4, 67, 18, 69, 65, 68, 9, 73, 6, 70, 76], [40, 115, 53, 122, 88, 14, 33, 19, 82, 12, 22, 90, 80, 9, 92, 49, 28, 111, 91, 26, 30, 1, 55, 73, 93, 6, 31, 50, 124, 29, 25, 75, 20, 72, 27, 4, 95, 23, 17, 89, 69, 86, 78, 15, 96, 85, 32, 58, 10, 38, 117, 59, 76, 18, 51, 24, 34, 45, 98, 83, 70, 112, 21, 100, 104, 35, 127, 52, 16, 99, 105, 46, 56, 11, 123, 94, 79, 84, 42, 81, 106, 108, 61, 113, 121, 13, 8, 68, 109, 62, 114, 3, 120, 54, 110, 87, 116, 103, 101, 126, 37, 63, 125, 119, 39, 102, 71, 77, 48, 107, 36, 47, 43, 60, 118, 41, 57, 67, 7, 74, 44, 97, 5, 0, 66, 65, 2, 64], [122, 40, 53, 115, 33, 124, 93, 55, 52, 60, 49, 59, 26, 48, 62, 111, 61, 56, 120, 58, 125, 113, 101, 47, 127, 51, 54, 116, 126, 121, 119, 114, 50, 117, 123, 57, 63, 118, 109, 45, 84, 95, 39, 88, 112, 90, 43, 29, 46, 108, 22, 41, 107, 110, 44, 77, 34, 32, 19, 25, 42, 89, 94, 92, 106, 99, 100, 105, 83, 103, 37, 21, 81, 97, 102, 104, 35, 38, 24, 36, 98, 96, 86, 31, 28, 23, 17, 87, 27, 16, 91, 30, 2, 80, 3, 82, 69, 64, 13, 74, 1, 65, 14, 5, 0, 79, 66, 10, 7, 71, 67, 85, 15, 20, 78, 12, 11, 68, 9, 6, 72, 75, 4, 73, 8, 18, 70, 76]], "model.layers.22.self_attn.k_proj": [[104, 121, 50, 86, 57, 97, 92, 100, 54, 94, 51, 118, 114, 119, 25, 31, 124, 63, 125, 58, 17, 60, 117, 123, 102, 62, 126, 116, 52, 127, 48, 85, 55, 83, 47, 53, 49, 56, 112, 122, 44, 120, 59, 113, 111, 115, 27, 105, 61, 46, 107, 108, 35, 110, 106, 42, 19, 109, 43, 77, 39, 41, 45, 16, 80, 103, 12, 15, 37, 78, 93, 33, 99, 34, 38, 87, 26, 75, 79, 98, 101, 91, 32, 76, 84, 11, 23, 72, 96, 82, 90, 7, 95, 36, 5, 28, 10, 20, 24, 13, 30, 29, 40, 74, 6, 88, 73, 71, 18, 89, 21, 9, 4, 3, 22, 8, 14, 81, 70, 1, 68, 0, 67, 69, 2, 64, 66, 65], [106, 54, 89, 96, 123, 50, 23, 85, 16, 17, 99, 42, 78, 82, 76, 48, 124, 27, 114, 30, 29, 21, 57, 72, 19, 34, 112, 74, 12, 93, 14, 108, 10, 18, 70, 55, 77, 100, 60, 47, 68, 127, 125, 3, 35, 118, 7, 11, 53, 115, 46, 8, 79, 104, 110, 95, 59, 20, 49, 15, 111, 109, 119, 41, 98, 38, 28, 105, 44, 65, 13, 83, 101, 107, 5, 126, 9, 81, 113, 33, 84, 37, 117, 120, 43, 116, 52, 103, 92, 56, 66, 31, 61, 63, 90, 122, 102, 40, 45, 62, 39, 121, 86, 97, 24, 51, 94, 87, 36, 75, 64, 91, 58, 88, 26, 22, 25, 6, 69, 80, 32, 71, 73, 67, 4, 2, 1, 0], [120, 117, 102, 33, 86, 29, 25, 58, 17, 83, 49, 121, 0, 50, 88, 73, 118, 14, 126, 65, 119, 53, 3, 122, 15, 116, 57, 46, 47, 125, 103, 55, 123, 52, 115, 113, 111, 38, 4, 62, 75, 112, 44, 48, 51, 114, 127, 61, 105, 45, 7, 59, 56, 70, 107, 36, 106, 41, 124, 60, 77, 74, 108, 109, 84, 63, 80, 110, 42, 21, 104, 94, 16, 40, 20, 18, 72, 54, 43, 98, 39, 90, 13, 5, 89, 37, 87, 34, 76, 91, 100, 26, 99, 2, 68, 31, 35, 92, 28, 101, 95, 64, 71, 1, 10, 67, 23, 96, 69, 32, 8, 82, 27, 85, 30, 12, 93, 79, 11, 66, 78, 24, 81, 19, 6, 9, 97, 22], [122, 53, 102, 22, 98, 57, 121, 117, 62, 56, 55, 110, 50, 116, 28, 59, 123, 115, 63, 124, 120, 126, 52, 48, 60, 58, 118, 114, 113, 127, 119, 54, 51, 61, 112, 49, 111, 33, 47, 109, 44, 94, 104, 108, 96, 46, 107, 90, 45, 40, 105, 34, 43, 125, 41, 80, 37, 42, 106, 78, 103, 36, 92, 101, 39, 16, 82, 100, 85, 13, 95, 19, 86, 83, 97, 99, 35, 17, 73, 87, 24, 25, 93, 31, 11, 29, 27, 81, 76, 32, 38, 30, 68, 84, 23, 91, 21, 15, 26, 88, 10, 71, 5, 14, 18, 8, 79, 75, 7, 67, 89, 72, 66, 20, 77, 70, 9, 69, 74, 1, 12, 0, 2, 65, 6, 3, 64, 4], [46, 126, 38, 33, 110, 82, 21, 26, 15, 77, 73, 0, 11, 70, 66, 7, 68, 64, 87, 25, 53, 3, 93, 65, 121, 19, 17, 95, 54, 2, 84, 125, 58, 10, 80, 12, 118, 88, 59, 115, 63, 48, 22, 1, 124, 45, 94, 55, 14, 105, 71, 16, 49, 112, 74, 117, 40, 8, 60, 104, 44, 92, 101, 116, 123, 51, 52, 67, 62, 6, 113, 42, 120, 96, 127, 69, 41, 43, 56, 39, 5, 119, 109, 34, 83, 114, 23, 103, 111, 122, 107, 108, 57, 35, 37, 32, 50, 36, 72, 99, 28, 61, 47, 102, 29, 106, 24, 100, 81, 89, 20, 86, 98, 30, 27, 78, 31, 91, 4, 9, 76, 79, 97, 75, 13, 85, 90, 18], [47, 111, 37, 55, 87, 21, 72, 82, 15, 25, 76, 31, 74, 66, 70, 107, 77, 69, 64, 4, 94, 80, 65, 119, 97, 102, 28, 116, 78, 115, 56, 91, 40, 44, 58, 123, 118, 53, 38, 43, 110, 121, 39, 120, 127, 62, 7, 92, 83, 122, 42, 60, 113, 52, 1, 105, 114, 45, 124, 126, 117, 104, 108, 112, 59, 106, 125, 22, 34, 63, 51, 48, 73, 17, 61, 93, 46, 54, 57, 50, 90, 98, 49, 103, 32, 41, 109, 36, 71, 20, 33, 86, 35, 29, 99, 19, 81, 100, 11, 30, 26, 13, 84, 96, 85, 24, 2, 14, 27, 68, 101, 88, 16, 23, 75, 10, 3, 9, 5, 12, 67, 8, 6, 89, 79, 0, 95, 18], [51, 115, 36, 86, 91, 96, 84, 23, 81, 77, 15, 71, 64, 121, 94, 82, 11, 117, 1, 49, 44, 113, 119, 68, 57, 9, 48, 66, 112, 39, 47, 46, 106, 45, 108, 67, 120, 122, 127, 50, 53, 125, 5, 101, 63, 24, 104, 58, 59, 41, 114, 109, 61, 107, 126, 118, 62, 56, 55, 3, 60, 103, 123, 70, 105, 54, 10, 116, 43, 124, 88, 52, 26, 0, 110, 2, 19, 97, 38, 76, 42, 99, 111, 100, 31, 25, 37, 74, 80, 40, 85, 89, 78, 33, 93, 16, 65, 30, 98, 6, 69, 34, 12, 102, 72, 92, 14, 21, 29, 95, 35, 8, 90, 28, 83, 4, 18, 73, 32, 7, 27, 87, 13, 79, 75, 22, 20, 17], [104, 115, 53, 22, 122, 97, 51, 29, 124, 111, 59, 56, 52, 26, 28, 55, 49, 62, 126, 50, 54, 118, 117, 113, 61, 60, 127, 116, 121, 119, 47, 58, 82, 63, 12, 19, 83, 120, 114, 48, 125, 110, 123, 35, 91, 112, 16, 109, 81, 88, 44, 57, 45, 6, 107, 105, 77, 43, 15, 93, 46, 32, 89, 94, 108, 17, 42, 41, 84, 31, 36, 14, 80, 37, 33, 78, 101, 103, 96, 24, 102, 79, 30, 106, 39, 27, 95, 23, 38, 9, 99, 98, 34, 90, 13, 87, 100, 69, 75, 40, 74, 25, 85, 21, 11, 18, 92, 72, 66, 20, 7, 68, 71, 73, 70, 0, 64, 76, 10, 65, 86, 4, 67, 1, 8, 2, 3, 5]], "model.layers.22.self_attn.qk_proj": [[115, 53, 122, 51, 117, 120, 47, 111, 126, 121, 54, 50, 46, 110, 57, 106, 55, 42, 102, 38, 104, 89, 58, 22, 123, 118, 125, 25, 87, 97, 85, 49, 40, 27, 56, 36, 21, 90, 86, 23, 93, 18, 62, 63, 127, 79, 60, 101, 59, 96, 15, 33, 82, 77, 114, 124, 99, 13, 116, 81, 48, 17, 26, 112, 52, 61, 19, 100, 29, 44, 83, 119, 11, 37, 113, 28, 84, 32, 95, 92, 45, 9, 30, 94, 73, 91, 31, 75, 7, 108, 20, 16, 109, 41, 14, 80, 78, 76, 70, 12, 39, 35, 4, 0, 71, 34, 74, 10, 105, 107, 8, 98, 64, 43, 68, 88, 103, 67, 3, 2, 66, 6, 24, 65, 1, 72, 5, 69], [115, 53, 122, 117, 51, 120, 47, 111, 126, 121, 54, 50, 46, 110, 57, 55, 106, 42, 102, 38, 123, 58, 89, 22, 104, 125, 87, 97, 118, 25, 36, 62, 85, 56, 49, 23, 93, 27, 40, 86, 21, 90, 114, 101, 79, 59, 116, 82, 99, 113, 52, 18, 13, 63, 100, 96, 127, 77, 15, 33, 29, 60, 19, 81, 124, 17, 112, 73, 61, 26, 119, 44, 48, 92, 28, 91, 11, 109, 32, 94, 107, 45, 20, 105, 70, 37, 83, 41, 75, 9, 84, 76, 108, 0, 16, 14, 12, 78, 95, 4, 7, 30, 39, 31, 35, 98, 80, 74, 43, 103, 10, 71, 64, 34, 2, 68, 24, 88, 8, 1, 67, 3, 66, 72, 65, 6, 5, 69], [115, 53, 122, 117, 51, 120, 47, 111, 121, 126, 54, 50, 46, 57, 110, 55, 106, 42, 102, 38, 58, 104, 22, 25, 118, 123, 89, 97, 93, 27, 56, 23, 87, 59, 36, 21, 40, 62, 85, 86, 125, 49, 63, 116, 15, 90, 114, 33, 60, 18, 82, 101, 77, 79, 100, 99, 96, 13, 52, 48, 32, 127, 124, 113, 81, 17, 119, 45, 92, 112, 29, 44, 107, 26, 73, 19, 28, 37, 11, 20, 0, 108, 94, 41, 91, 30, 61, 83, 84, 70, 109, 71, 9, 75, 95, 34, 7, 98, 35, 80, 105, 76, 12, 78, 31, 4, 39, 16, 14, 43, 64, 10, 103, 74, 68, 88, 66, 72, 2, 67, 3, 65, 1, 24, 69, 6, 8, 5], [115, 53, 122, 117, 51, 120, 47, 111, 126, 121, 50, 54, 46, 57, 110, 106, 55, 42, 38, 102, 58, 123, 104, 25, 22, 89, 125, 56, 62, 21, 87, 63, 59, 27, 97, 93, 86, 118, 85, 23, 15, 114, 49, 82, 18, 77, 40, 90, 36, 100, 124, 101, 127, 13, 52, 33, 81, 79, 45, 116, 48, 99, 96, 119, 113, 112, 32, 60, 17, 107, 11, 37, 29, 84, 61, 83, 70, 26, 73, 12, 44, 19, 9, 92, 95, 28, 64, 41, 105, 109, 91, 7, 71, 98, 14, 94, 75, 78, 43, 16, 80, 30, 76, 31, 4, 108, 20, 0, 74, 68, 34, 66, 35, 72, 10, 103, 67, 39, 3, 24, 65, 88, 2, 6, 1, 5, 69, 8], [115, 122, 53, 117, 51, 120, 47, 111, 126, 121, 54, 50, 46, 110, 57, 106, 55, 42, 102, 38, 58, 123, 22, 89, 97, 104, 118, 49, 63, 25, 21, 86, 87, 85, 62, 27, 125, 23, 93, 40, 59, 82, 36, 114, 56, 15, 79, 60, 18, 124, 48, 77, 33, 81, 45, 90, 116, 100, 99, 13, 119, 52, 127, 96, 44, 101, 19, 26, 112, 61, 17, 92, 11, 29, 73, 91, 9, 113, 75, 37, 71, 20, 32, 31, 95, 83, 28, 64, 16, 94, 14, 78, 7, 80, 41, 12, 84, 76, 0, 109, 98, 108, 39, 10, 43, 70, 34, 105, 107, 72, 74, 4, 68, 35, 30, 6, 2, 67, 24, 66, 103, 1, 3, 88, 5, 69, 65, 8], [115, 53, 122, 117, 51, 120, 47, 111, 121, 126, 50, 54, 46, 57, 110, 106, 55, 42, 102, 38, 123, 22, 58, 86, 27, 89, 85, 125, 97, 21, 25, 87, 104, 62, 93, 40, 23, 56, 49, 63, 82, 15, 77, 33, 59, 36, 60, 118, 18, 81, 13, 119, 90, 79, 114, 124, 99, 96, 100, 127, 116, 11, 48, 17, 37, 92, 84, 113, 32, 29, 19, 83, 26, 52, 41, 101, 16, 112, 31, 73, 28, 75, 94, 91, 9, 44, 20, 61, 95, 14, 12, 98, 45, 80, 76, 7, 109, 108, 78, 74, 0, 64, 10, 105, 71, 68, 107, 30, 72, 39, 6, 35, 43, 4, 34, 24, 2, 103, 65, 70, 3, 67, 88, 1, 66, 5, 69, 8], [115, 53, 122, 117, 51, 120, 47, 111, 126, 54, 121, 50, 46, 57, 110, 106, 55, 42, 102, 38, 22, 123, 87, 89, 86, 25, 85, 104, 23, 27, 21, 58, 40, 97, 93, 60, 63, 36, 15, 62, 90, 49, 82, 96, 79, 125, 33, 18, 118, 77, 114, 13, 99, 116, 32, 17, 59, 48, 81, 113, 119, 52, 44, 100, 19, 101, 56, 84, 127, 29, 112, 94, 11, 124, 26, 92, 91, 45, 83, 28, 107, 37, 76, 73, 109, 20, 12, 61, 95, 16, 9, 78, 80, 75, 14, 41, 31, 43, 39, 105, 34, 72, 108, 7, 35, 71, 30, 10, 6, 64, 74, 98, 0, 24, 88, 103, 68, 4, 1, 66, 3, 2, 67, 70, 69, 65, 5, 8], [115, 53, 122, 117, 51, 120, 47, 126, 111, 54, 121, 50, 46, 57, 110, 55, 106, 42, 38, 102, 22, 89, 87, 97, 25, 63, 85, 21, 58, 36, 60, 23, 27, 104, 118, 93, 90, 86, 40, 123, 18, 49, 62, 59, 96, 33, 15, 125, 82, 112, 116, 119, 48, 79, 77, 100, 113, 101, 17, 99, 52, 114, 61, 56, 32, 13, 124, 81, 44, 26, 91, 29, 20, 28, 127, 19, 37, 84, 108, 80, 35, 12, 73, 83, 11, 109, 92, 94, 107, 39, 34, 95, 43, 45, 14, 6, 9, 16, 88, 76, 78, 75, 41, 105, 30, 7, 31, 64, 72, 4, 74, 71, 10, 98, 0, 24, 103, 68, 66, 65, 2, 3, 67, 69, 1, 5, 70, 8], [115, 53, 122, 117, 51, 120, 47, 126, 111, 121, 54, 50, 46, 110, 57, 55, 106, 42, 102, 38, 89, 58, 22, 125, 25, 62, 36, 27, 93, 87, 21, 23, 97, 123, 118, 90, 104, 85, 63, 49, 59, 114, 82, 86, 112, 127, 40, 15, 77, 96, 116, 56, 33, 79, 101, 124, 60, 61, 52, 18, 48, 32, 100, 99, 119, 19, 107, 13, 28, 113, 81, 9, 17, 109, 45, 29, 26, 37, 44, 11, 20, 41, 83, 91, 92, 84, 35, 94, 108, 12, 78, 105, 39, 80, 14, 34, 31, 76, 73, 95, 30, 6, 98, 75, 16, 7, 103, 43, 74, 72, 68, 64, 0, 88, 71, 4, 10, 24, 66, 65, 2, 1, 3, 67, 5, 70, 69, 8], [115, 53, 122, 51, 117, 120, 47, 126, 111, 54, 121, 50, 46, 110, 57, 55, 106, 42, 102, 38, 104, 58, 123, 89, 22, 125, 62, 25, 87, 118, 27, 63, 97, 23, 119, 85, 36, 93, 86, 49, 21, 90, 114, 52, 56, 59, 40, 61, 96, 99, 124, 101, 79, 116, 127, 18, 60, 77, 82, 13, 48, 15, 100, 33, 45, 107, 11, 32, 91, 109, 41, 9, 94, 17, 28, 81, 112, 19, 37, 113, 92, 44, 26, 29, 20, 83, 108, 84, 73, 35, 75, 105, 31, 14, 78, 7, 12, 39, 43, 16, 6, 34, 30, 64, 95, 0, 76, 71, 98, 80, 103, 74, 68, 4, 10, 70, 2, 72, 3, 66, 1, 8, 67, 24, 88, 65, 69, 5], [115, 53, 122, 51, 117, 120, 47, 111, 121, 126, 54, 50, 46, 110, 106, 57, 55, 42, 38, 102, 58, 104, 125, 89, 22, 25, 63, 97, 27, 123, 86, 87, 62, 21, 49, 118, 85, 23, 119, 100, 93, 82, 59, 114, 101, 77, 18, 52, 90, 15, 79, 116, 40, 33, 99, 56, 36, 127, 61, 13, 96, 48, 113, 17, 124, 83, 112, 81, 29, 9, 60, 41, 94, 28, 37, 32, 26, 109, 92, 16, 64, 44, 91, 20, 11, 12, 84, 7, 45, 75, 107, 70, 19, 74, 73, 95, 76, 31, 71, 78, 80, 14, 39, 98, 68, 10, 4, 35, 0, 108, 103, 105, 43, 8, 34, 6, 66, 30, 2, 3, 24, 72, 67, 1, 88, 65, 69, 5], [115, 53, 122, 51, 117, 120, 47, 111, 126, 121, 54, 50, 46, 110, 57, 106, 55, 42, 102, 38, 22, 89, 123, 86, 25, 21, 104, 58, 40, 87, 27, 97, 36, 85, 118, 23, 90, 82, 93, 79, 62, 125, 49, 124, 63, 77, 18, 116, 96, 59, 15, 33, 119, 61, 114, 100, 99, 127, 17, 13, 112, 32, 113, 81, 101, 19, 26, 83, 60, 94, 28, 44, 84, 92, 20, 48, 11, 37, 29, 9, 73, 56, 52, 12, 75, 91, 41, 95, 14, 70, 31, 76, 80, 78, 10, 16, 7, 45, 107, 64, 98, 0, 74, 35, 34, 105, 71, 4, 109, 108, 68, 39, 43, 30, 88, 24, 8, 103, 66, 3, 1, 6, 2, 67, 72, 69, 65, 5], [115, 53, 122, 117, 51, 120, 47, 126, 111, 54, 121, 50, 46, 110, 57, 55, 106, 102, 42, 38, 89, 22, 123, 87, 25, 118, 36, 23, 93, 97, 21, 86, 27, 58, 40, 85, 104, 90, 82, 125, 96, 116, 63, 49, 33, 59, 100, 99, 56, 114, 112, 124, 18, 61, 119, 60, 15, 113, 29, 101, 13, 62, 32, 79, 77, 26, 81, 28, 94, 19, 44, 17, 91, 92, 20, 83, 127, 48, 37, 107, 41, 109, 84, 9, 75, 105, 95, 39, 11, 31, 52, 14, 16, 73, 35, 108, 45, 12, 70, 30, 78, 80, 34, 64, 76, 10, 43, 71, 98, 7, 8, 68, 24, 88, 0, 103, 4, 74, 65, 66, 2, 3, 1, 67, 69, 5, 72, 6], [115, 122, 53, 117, 51, 120, 47, 126, 111, 54, 121, 50, 46, 110, 57, 106, 55, 42, 38, 102, 58, 123, 22, 104, 25, 86, 125, 89, 21, 118, 59, 23, 27, 85, 119, 40, 87, 90, 93, 36, 82, 124, 116, 77, 60, 63, 49, 112, 56, 114, 62, 97, 100, 79, 127, 33, 96, 15, 113, 52, 61, 18, 81, 9, 37, 101, 99, 32, 29, 17, 11, 13, 44, 48, 70, 75, 31, 109, 73, 94, 0, 41, 20, 19, 84, 45, 91, 83, 95, 92, 26, 28, 30, 107, 98, 14, 12, 71, 7, 35, 108, 80, 16, 64, 105, 78, 8, 76, 39, 68, 43, 10, 4, 74, 103, 34, 2, 1, 24, 66, 67, 65, 88, 3, 5, 72, 6, 69], [115, 122, 53, 117, 51, 120, 47, 111, 121, 126, 54, 50, 46, 110, 106, 57, 55, 42, 38, 102, 58, 22, 104, 97, 86, 25, 89, 87, 27, 123, 21, 125, 40, 36, 62, 23, 118, 82, 79, 93, 119, 63, 85, 77, 90, 49, 112, 60, 114, 99, 15, 56, 18, 81, 127, 33, 124, 96, 13, 100, 61, 59, 101, 113, 17, 75, 83, 32, 48, 116, 109, 9, 91, 45, 29, 52, 37, 26, 92, 19, 28, 71, 76, 84, 14, 11, 31, 44, 95, 73, 12, 107, 20, 39, 80, 7, 70, 41, 78, 94, 35, 64, 30, 0, 43, 105, 8, 74, 108, 34, 10, 16, 98, 4, 103, 68, 2, 24, 6, 3, 67, 88, 66, 1, 65, 72, 5, 69], [115, 122, 53, 117, 51, 120, 47, 121, 111, 126, 54, 50, 46, 110, 106, 55, 57, 42, 38, 102, 123, 22, 104, 86, 21, 25, 40, 125, 58, 89, 85, 87, 97, 27, 23, 63, 93, 36, 82, 90, 77, 79, 49, 18, 56, 100, 60, 118, 59, 15, 116, 33, 81, 62, 61, 127, 114, 113, 52, 119, 48, 96, 13, 101, 112, 124, 99, 29, 41, 17, 26, 12, 32, 45, 75, 73, 109, 83, 84, 76, 94, 19, 91, 92, 44, 9, 64, 28, 31, 7, 16, 37, 20, 78, 11, 34, 14, 10, 8, 95, 35, 39, 68, 70, 74, 108, 103, 105, 107, 30, 43, 71, 98, 80, 0, 24, 4, 6, 66, 88, 65, 67, 1, 2, 3, 5, 69, 72], [115, 53, 122, 51, 117, 120, 47, 126, 111, 121, 54, 50, 46, 110, 55, 57, 106, 42, 102, 38, 104, 89, 22, 58, 86, 123, 87, 40, 25, 85, 23, 90, 36, 114, 93, 125, 97, 21, 27, 63, 96, 118, 82, 79, 100, 33, 59, 49, 60, 56, 18, 77, 116, 15, 81, 113, 29, 124, 61, 94, 99, 17, 84, 19, 26, 44, 101, 127, 48, 28, 119, 62, 112, 32, 83, 13, 41, 31, 52, 75, 20, 91, 73, 37, 92, 30, 11, 45, 16, 35, 39, 78, 76, 109, 98, 12, 80, 108, 107, 9, 95, 6, 34, 43, 103, 71, 0, 10, 105, 7, 14, 24, 8, 88, 68, 64, 4, 74, 1, 2, 66, 70, 65, 3, 67, 5, 72, 69], [115, 53, 122, 51, 117, 120, 47, 126, 111, 54, 121, 50, 46, 110, 57, 55, 106, 42, 38, 102, 25, 58, 22, 86, 104, 87, 89, 40, 123, 93, 27, 114, 36, 90, 21, 97, 125, 118, 85, 79, 63, 23, 59, 96, 60, 18, 99, 82, 77, 62, 112, 15, 49, 33, 116, 100, 26, 124, 81, 48, 56, 101, 29, 13, 61, 17, 127, 52, 32, 75, 19, 37, 113, 44, 107, 109, 45, 73, 92, 20, 91, 119, 9, 28, 84, 94, 6, 83, 78, 16, 12, 95, 41, 30, 31, 108, 11, 39, 0, 105, 7, 35, 34, 80, 71, 76, 14, 98, 10, 64, 68, 4, 103, 43, 74, 88, 66, 67, 8, 2, 65, 24, 3, 1, 72, 69, 70, 5], [115, 53, 122, 117, 51, 120, 47, 126, 111, 121, 54, 50, 46, 110, 57, 55, 106, 42, 102, 38, 63, 104, 89, 125, 22, 25, 114, 97, 123, 58, 21, 40, 86, 36, 87, 62, 48, 27, 82, 23, 85, 90, 93, 127, 112, 99, 49, 118, 101, 79, 124, 60, 96, 77, 59, 52, 116, 100, 13, 61, 15, 18, 33, 56, 26, 29, 17, 41, 44, 32, 75, 28, 37, 84, 45, 109, 119, 91, 73, 81, 113, 94, 83, 107, 19, 6, 105, 9, 95, 12, 11, 39, 92, 78, 7, 108, 34, 31, 30, 35, 98, 43, 76, 20, 0, 64, 14, 103, 10, 71, 16, 4, 80, 74, 68, 67, 24, 88, 2, 72, 65, 8, 66, 1, 3, 70, 5, 69], [115, 122, 53, 117, 51, 120, 47, 126, 111, 121, 50, 54, 46, 110, 57, 106, 55, 42, 102, 38, 104, 89, 22, 123, 97, 58, 125, 93, 85, 87, 40, 21, 25, 86, 63, 118, 36, 23, 27, 62, 60, 56, 90, 114, 116, 124, 49, 96, 77, 101, 100, 18, 15, 33, 13, 79, 82, 99, 127, 113, 52, 59, 92, 81, 48, 26, 41, 112, 119, 29, 94, 44, 75, 28, 83, 17, 9, 45, 61, 91, 73, 32, 11, 84, 37, 107, 20, 19, 109, 30, 31, 78, 12, 6, 35, 95, 105, 76, 64, 39, 14, 0, 10, 80, 71, 16, 7, 34, 43, 98, 103, 68, 108, 66, 74, 72, 4, 67, 88, 1, 24, 2, 3, 65, 8, 70, 69, 5], [115, 53, 122, 117, 51, 120, 47, 111, 126, 121, 50, 54, 46, 110, 57, 55, 106, 42, 102, 38, 58, 89, 22, 104, 118, 25, 40, 123, 97, 63, 86, 87, 85, 27, 93, 23, 116, 21, 60, 36, 49, 90, 125, 56, 79, 82, 59, 77, 124, 96, 33, 62, 18, 99, 112, 113, 48, 114, 100, 15, 119, 52, 13, 127, 101, 81, 92, 44, 31, 26, 32, 29, 17, 19, 107, 61, 94, 75, 41, 73, 109, 28, 37, 20, 83, 11, 91, 78, 7, 39, 30, 95, 45, 84, 12, 10, 108, 9, 71, 64, 76, 98, 14, 34, 68, 6, 16, 80, 103, 0, 74, 35, 72, 105, 4, 88, 43, 70, 67, 24, 1, 2, 66, 3, 5, 65, 69, 8], [115, 53, 122, 117, 51, 120, 47, 111, 126, 121, 54, 50, 46, 110, 57, 55, 106, 42, 38, 102, 118, 89, 58, 123, 125, 104, 22, 25, 87, 63, 85, 62, 97, 56, 124, 93, 23, 86, 90, 114, 27, 52, 48, 21, 40, 59, 36, 49, 96, 79, 82, 119, 116, 60, 18, 127, 15, 112, 113, 13, 29, 33, 101, 77, 99, 100, 26, 44, 91, 61, 32, 109, 81, 17, 92, 19, 45, 107, 31, 20, 41, 75, 37, 28, 64, 83, 73, 39, 11, 0, 7, 71, 94, 9, 105, 10, 95, 78, 98, 68, 80, 103, 72, 12, 84, 16, 35, 70, 108, 76, 30, 14, 43, 34, 4, 1, 88, 6, 74, 67, 66, 65, 24, 3, 2, 5, 69, 8], [115, 122, 53, 117, 51, 120, 47, 111, 121, 126, 54, 50, 46, 110, 57, 55, 106, 42, 102, 38, 118, 89, 123, 22, 58, 104, 97, 27, 25, 52, 85, 59, 87, 93, 125, 60, 23, 36, 86, 49, 63, 116, 40, 124, 21, 96, 90, 61, 119, 48, 82, 79, 18, 33, 56, 112, 113, 13, 101, 114, 62, 44, 100, 26, 99, 77, 29, 15, 92, 109, 17, 127, 28, 107, 81, 94, 32, 20, 83, 91, 19, 37, 45, 31, 30, 41, 84, 75, 73, 7, 70, 11, 39, 9, 64, 12, 72, 95, 0, 14, 76, 105, 35, 78, 43, 71, 34, 80, 98, 10, 16, 108, 68, 74, 88, 4, 2, 67, 103, 1, 24, 66, 6, 65, 3, 5, 69, 8], [115, 122, 53, 117, 51, 120, 47, 111, 126, 121, 54, 50, 46, 110, 57, 55, 106, 42, 102, 38, 118, 22, 89, 86, 104, 25, 27, 97, 58, 49, 87, 85, 123, 125, 93, 40, 36, 90, 21, 124, 56, 23, 18, 63, 62, 96, 15, 79, 119, 59, 82, 116, 114, 77, 127, 52, 60, 13, 81, 61, 33, 99, 113, 48, 100, 112, 92, 17, 26, 101, 37, 29, 83, 9, 28, 75, 11, 19, 44, 70, 31, 84, 107, 41, 73, 76, 94, 32, 20, 91, 95, 109, 10, 108, 105, 7, 45, 12, 30, 98, 14, 72, 78, 16, 80, 71, 0, 103, 68, 64, 43, 74, 4, 35, 39, 34, 88, 65, 24, 67, 3, 66, 2, 1, 69, 5, 8, 6], [115, 53, 122, 117, 51, 120, 47, 111, 126, 121, 50, 54, 46, 110, 57, 55, 106, 42, 102, 38, 22, 89, 104, 25, 123, 87, 86, 118, 85, 58, 23, 93, 21, 40, 97, 27, 36, 125, 90, 52, 49, 62, 79, 59, 18, 56, 63, 48, 77, 119, 33, 124, 82, 96, 127, 15, 114, 116, 61, 99, 13, 112, 100, 17, 81, 101, 32, 60, 19, 92, 29, 84, 26, 44, 11, 83, 9, 113, 20, 28, 75, 91, 37, 73, 109, 94, 41, 70, 7, 16, 31, 76, 12, 45, 95, 10, 35, 107, 105, 64, 71, 78, 39, 14, 108, 30, 34, 80, 98, 0, 43, 74, 68, 72, 24, 88, 4, 103, 66, 1, 67, 65, 3, 2, 69, 5, 6, 8], [115, 53, 122, 117, 51, 120, 47, 121, 126, 111, 50, 54, 46, 110, 57, 55, 106, 42, 102, 38, 58, 123, 22, 104, 25, 89, 118, 36, 87, 125, 23, 86, 85, 90, 124, 40, 27, 93, 97, 21, 96, 63, 52, 59, 49, 82, 116, 33, 60, 18, 79, 119, 114, 99, 127, 56, 62, 13, 100, 77, 26, 48, 101, 29, 44, 15, 41, 61, 112, 109, 19, 113, 17, 94, 81, 92, 32, 28, 37, 91, 84, 73, 83, 20, 9, 39, 30, 11, 107, 76, 35, 7, 75, 70, 105, 45, 0, 78, 98, 80, 10, 43, 31, 12, 108, 16, 103, 95, 34, 14, 71, 24, 68, 74, 64, 72, 88, 4, 66, 1, 3, 6, 2, 8, 67, 65, 5, 69], [115, 53, 122, 51, 117, 120, 47, 121, 126, 111, 50, 54, 46, 110, 57, 55, 106, 42, 102, 38, 58, 118, 125, 89, 104, 123, 22, 87, 25, 27, 63, 21, 59, 36, 62, 86, 116, 49, 124, 40, 85, 96, 52, 93, 56, 23, 90, 97, 60, 114, 119, 99, 127, 82, 100, 112, 33, 48, 18, 61, 101, 13, 79, 15, 107, 77, 81, 113, 32, 44, 26, 37, 19, 92, 109, 29, 17, 45, 83, 94, 28, 11, 20, 9, 30, 12, 73, 91, 34, 105, 98, 108, 41, 76, 14, 95, 31, 84, 71, 43, 35, 16, 103, 0, 80, 39, 78, 75, 70, 10, 74, 7, 68, 6, 4, 24, 64, 88, 8, 66, 2, 1, 72, 67, 3, 69, 5, 65], [115, 53, 122, 51, 117, 120, 47, 121, 111, 126, 54, 50, 46, 110, 57, 106, 55, 42, 102, 38, 25, 58, 123, 118, 104, 89, 62, 125, 22, 87, 27, 97, 85, 21, 90, 93, 86, 36, 23, 56, 59, 18, 124, 13, 79, 40, 63, 48, 82, 49, 60, 114, 96, 52, 116, 33, 15, 113, 77, 99, 101, 100, 29, 112, 119, 44, 127, 17, 11, 81, 107, 28, 32, 26, 92, 19, 73, 61, 45, 84, 75, 9, 83, 41, 94, 37, 6, 71, 78, 16, 76, 64, 91, 105, 109, 95, 20, 30, 31, 14, 98, 43, 0, 12, 108, 7, 10, 39, 80, 74, 35, 68, 4, 34, 66, 103, 8, 65, 3, 88, 67, 70, 2, 24, 1, 72, 5, 69], [115, 53, 122, 51, 117, 120, 47, 111, 121, 126, 54, 50, 46, 110, 57, 106, 55, 42, 102, 38, 58, 123, 104, 89, 118, 97, 22, 25, 86, 27, 21, 125, 87, 40, 62, 56, 60, 93, 36, 85, 63, 59, 23, 116, 79, 49, 124, 33, 52, 82, 13, 18, 99, 90, 127, 44, 48, 96, 77, 100, 119, 114, 113, 61, 15, 101, 112, 81, 32, 26, 11, 73, 92, 28, 6, 31, 29, 17, 0, 20, 45, 83, 41, 91, 84, 94, 37, 19, 71, 9, 39, 109, 105, 34, 108, 95, 98, 76, 75, 107, 78, 12, 14, 64, 30, 8, 80, 4, 7, 43, 68, 74, 35, 16, 10, 103, 67, 88, 1, 66, 3, 2, 65, 24, 69, 5, 72, 70], [115, 53, 122, 117, 51, 120, 47, 121, 111, 126, 54, 50, 46, 110, 57, 106, 55, 42, 38, 102, 123, 22, 58, 118, 89, 87, 125, 104, 21, 25, 86, 97, 27, 85, 23, 124, 63, 93, 60, 36, 127, 90, 62, 116, 59, 82, 79, 40, 18, 100, 13, 56, 49, 99, 15, 119, 96, 81, 77, 52, 33, 48, 114, 61, 113, 19, 101, 11, 29, 17, 32, 26, 28, 83, 9, 92, 84, 73, 91, 94, 109, 6, 41, 44, 31, 20, 37, 112, 12, 80, 76, 108, 78, 98, 75, 43, 74, 95, 107, 8, 71, 14, 105, 68, 7, 45, 39, 0, 30, 35, 34, 16, 103, 10, 4, 64, 88, 24, 66, 67, 1, 69, 3, 2, 65, 70, 5, 72], [115, 53, 122, 51, 117, 120, 47, 111, 121, 126, 54, 50, 46, 110, 57, 106, 55, 42, 38, 102, 58, 89, 104, 123, 25, 22, 118, 97, 87, 56, 27, 93, 86, 23, 40, 21, 36, 85, 90, 59, 124, 100, 49, 63, 125, 33, 127, 52, 60, 82, 79, 116, 18, 13, 96, 77, 99, 15, 101, 29, 62, 114, 113, 61, 119, 11, 81, 17, 48, 19, 44, 84, 32, 94, 9, 31, 28, 7, 73, 6, 30, 75, 92, 83, 112, 45, 91, 71, 26, 78, 74, 109, 37, 64, 0, 20, 41, 12, 95, 8, 16, 76, 4, 35, 98, 108, 80, 34, 14, 68, 107, 10, 105, 43, 39, 66, 103, 2, 67, 24, 65, 3, 70, 88, 1, 5, 69, 72], [115, 53, 122, 51, 117, 120, 47, 111, 126, 54, 121, 50, 46, 110, 55, 106, 57, 42, 102, 38, 22, 123, 58, 104, 89, 25, 87, 86, 27, 97, 85, 118, 56, 21, 125, 63, 40, 93, 36, 23, 90, 18, 82, 49, 79, 124, 96, 116, 60, 77, 15, 62, 119, 99, 101, 13, 114, 33, 59, 100, 61, 11, 48, 29, 81, 17, 9, 94, 26, 112, 127, 44, 19, 52, 113, 83, 32, 84, 28, 37, 92, 75, 73, 91, 76, 41, 30, 107, 8, 80, 35, 16, 78, 12, 109, 39, 31, 20, 45, 7, 14, 95, 108, 71, 10, 105, 6, 103, 74, 64, 98, 43, 4, 34, 68, 24, 0, 70, 88, 66, 3, 2, 65, 67, 1, 5, 69, 72]], "model.layers.23.self_attn.q_proj": [[111, 100, 107, 15, 88, 90, 21, 93, 81, 47, 20, 75, 11, 31, 52, 82, 73, 39, 19, 83, 85, 22, 41, 104, 12, 110, 54, 28, 13, 32, 95, 120, 14, 77, 27, 72, 76, 45, 119, 37, 87, 36, 40, 106, 71, 94, 24, 50, 6, 118, 26, 92, 101, 51, 33, 44, 38, 25, 16, 122, 114, 59, 10, 80, 112, 34, 58, 124, 5, 56, 108, 46, 123, 116, 109, 84, 79, 62, 68, 23, 70, 125, 96, 43, 103, 63, 127, 17, 57, 61, 105, 113, 78, 97, 55, 53, 126, 86, 89, 117, 74, 60, 98, 30, 18, 9, 8, 48, 49, 91, 42, 115, 29, 69, 99, 35, 121, 7, 102, 2, 67, 4, 0, 3, 66, 1, 65, 64], [111, 100, 47, 107, 32, 88, 90, 27, 94, 21, 83, 85, 24, 78, 80, 84, 81, 40, 95, 109, 30, 22, 75, 86, 17, 26, 44, 15, 10, 89, 7, 96, 77, 110, 28, 118, 119, 36, 31, 123, 50, 51, 39, 68, 0, 23, 46, 2, 63, 43, 116, 126, 127, 60, 120, 5, 73, 56, 121, 93, 41, 105, 124, 48, 42, 49, 52, 37, 33, 106, 57, 72, 101, 45, 114, 125, 98, 91, 122, 99, 103, 29, 61, 35, 20, 55, 115, 113, 112, 53, 11, 92, 54, 71, 59, 62, 34, 102, 38, 58, 108, 104, 97, 117, 6, 74, 87, 64, 25, 79, 82, 66, 19, 3, 16, 67, 18, 12, 4, 69, 14, 76, 8, 13, 65, 9, 1, 70], [111, 100, 107, 47, 90, 83, 86, 27, 88, 31, 93, 18, 80, 24, 78, 79, 91, 41, 17, 95, 85, 23, 32, 74, 72, 101, 39, 22, 96, 110, 15, 36, 94, 29, 76, 77, 50, 21, 120, 92, 34, 109, 81, 62, 13, 89, 40, 9, 118, 123, 82, 122, 119, 7, 30, 11, 84, 75, 121, 12, 127, 16, 106, 10, 56, 59, 114, 60, 20, 117, 116, 61, 5, 57, 104, 87, 58, 124, 43, 33, 52, 25, 115, 26, 46, 68, 37, 35, 28, 19, 54, 108, 97, 51, 126, 8, 102, 14, 112, 48, 73, 53, 38, 98, 105, 42, 103, 2, 0, 45, 63, 55, 71, 125, 44, 99, 49, 113, 4, 3, 6, 69, 70, 64, 1, 66, 67, 65], [111, 100, 107, 47, 32, 88, 121, 27, 85, 24, 63, 90, 51, 119, 21, 95, 81, 49, 36, 94, 40, 80, 91, 52, 50, 109, 84, 83, 93, 45, 42, 96, 61, 78, 38, 106, 34, 58, 124, 108, 110, 10, 118, 56, 46, 44, 122, 117, 125, 30, 57, 15, 115, 62, 28, 97, 104, 55, 39, 120, 59, 60, 54, 126, 112, 114, 103, 53, 23, 22, 92, 105, 75, 99, 116, 31, 41, 98, 113, 48, 35, 86, 43, 127, 123, 102, 37, 33, 77, 29, 101, 26, 5, 20, 89, 68, 17, 0, 16, 18, 72, 7, 2, 71, 25, 87, 82, 11, 73, 67, 19, 79, 14, 76, 12, 6, 74, 13, 3, 9, 8, 66, 64, 70, 69, 1, 4, 65], [56, 51, 103, 46, 110, 19, 13, 97, 15, 90, 28, 17, 99, 23, 116, 60, 94, 21, 10, 115, 47, 81, 87, 24, 57, 79, 100, 75, 72, 124, 91, 9, 53, 93, 86, 109, 80, 31, 61, 84, 89, 54, 14, 85, 74, 58, 92, 126, 3, 7, 77, 76, 6, 52, 18, 48, 113, 25, 11, 5, 123, 114, 41, 30, 127, 59, 119, 122, 27, 55, 45, 112, 12, 83, 63, 16, 71, 68, 49, 121, 29, 62, 22, 67, 43, 26, 78, 70, 88, 8, 98, 102, 82, 95, 20, 32, 108, 125, 0, 34, 36, 118, 117, 104, 105, 1, 69, 120, 101, 96, 38, 37, 106, 111, 35, 50, 107, 40, 44, 42, 64, 73, 4, 2, 33, 65, 66, 39], [46, 56, 103, 110, 53, 57, 60, 115, 61, 116, 47, 122, 124, 20, 52, 89, 127, 97, 126, 112, 51, 59, 55, 108, 114, 121, 58, 94, 54, 118, 63, 49, 62, 123, 48, 113, 109, 119, 50, 125, 111, 84, 88, 30, 106, 28, 99, 117, 25, 86, 44, 45, 80, 105, 43, 120, 107, 37, 36, 41, 24, 92, 42, 104, 27, 78, 14, 40, 38, 39, 22, 101, 102, 98, 82, 16, 33, 100, 35, 91, 19, 87, 95, 34, 31, 96, 32, 11, 9, 4, 17, 71, 64, 66, 69, 93, 0, 26, 90, 68, 73, 2, 29, 18, 1, 13, 75, 10, 21, 65, 85, 5, 83, 12, 15, 7, 67, 72, 3, 81, 23, 79, 6, 70, 76, 77, 8, 74], [56, 103, 46, 53, 57, 110, 60, 61, 124, 116, 47, 126, 51, 122, 112, 52, 97, 127, 115, 20, 89, 55, 59, 54, 58, 94, 123, 118, 28, 121, 114, 49, 113, 125, 62, 37, 119, 109, 108, 63, 99, 48, 120, 111, 25, 117, 45, 50, 80, 44, 30, 36, 105, 86, 84, 43, 92, 106, 41, 107, 88, 24, 104, 14, 42, 40, 19, 23, 39, 82, 102, 101, 38, 22, 98, 100, 27, 34, 33, 35, 78, 16, 91, 13, 96, 31, 21, 71, 87, 95, 9, 81, 12, 90, 15, 69, 32, 18, 68, 11, 72, 0, 93, 3, 74, 5, 29, 26, 85, 10, 64, 66, 1, 2, 4, 83, 17, 75, 73, 67, 6, 65, 76, 7, 79, 8, 77, 70], [46, 51, 103, 56, 19, 110, 87, 17, 15, 97, 28, 13, 92, 116, 10, 81, 61, 12, 47, 90, 53, 94, 23, 86, 112, 60, 57, 126, 72, 58, 52, 59, 96, 121, 124, 43, 89, 122, 115, 25, 114, 127, 106, 49, 55, 62, 21, 48, 63, 54, 108, 45, 4, 123, 109, 125, 119, 120, 42, 111, 118, 113, 24, 117, 50, 83, 30, 44, 105, 79, 85, 93, 107, 75, 67, 99, 9, 82, 11, 31, 20, 71, 8, 98, 104, 70, 6, 76, 26, 101, 84, 77, 40, 32, 41, 38, 7, 34, 37, 29, 22, 36, 102, 100, 95, 5, 3, 91, 80, 18, 14, 68, 27, 73, 69, 0, 1, 65, 35, 88, 74, 66, 16, 64, 2, 78, 39, 33], [102, 110, 33, 49, 46, 92, 113, 111, 86, 28, 122, 19, 57, 81, 24, 55, 78, 54, 70, 74, 85, 13, 108, 90, 61, 8, 117, 94, 30, 23, 66, 105, 80, 109, 114, 26, 76, 87, 44, 14, 60, 75, 9, 68, 79, 127, 67, 17, 21, 47, 77, 107, 31, 119, 65, 51, 0, 106, 18, 63, 116, 56, 62, 15, 7, 120, 58, 53, 126, 83, 52, 112, 115, 40, 11, 50, 39, 103, 43, 121, 104, 36, 124, 2, 123, 12, 20, 99, 125, 3, 118, 45, 48, 41, 59, 37, 22, 32, 29, 98, 71, 42, 89, 72, 97, 25, 35, 101, 69, 88, 16, 100, 27, 93, 95, 34, 91, 82, 96, 5, 4, 10, 1, 84, 38, 64, 73, 6], [110, 102, 33, 46, 49, 57, 92, 113, 111, 86, 28, 19, 24, 81, 85, 61, 116, 119, 56, 122, 115, 87, 26, 79, 108, 90, 107, 78, 94, 63, 109, 114, 9, 13, 52, 23, 121, 127, 30, 74, 47, 104, 123, 70, 21, 17, 99, 126, 59, 48, 62, 51, 31, 14, 60, 98, 124, 58, 125, 80, 55, 106, 54, 43, 112, 53, 120, 50, 100, 44, 118, 29, 42, 76, 41, 105, 117, 103, 75, 77, 8, 45, 37, 36, 83, 15, 101, 25, 20, 66, 68, 35, 22, 95, 34, 40, 12, 18, 39, 93, 11, 32, 96, 0, 97, 38, 27, 89, 88, 69, 91, 3, 65, 84, 1, 72, 4, 10, 71, 73, 7, 16, 82, 6, 64, 5, 67, 2], [110, 102, 46, 113, 49, 33, 92, 111, 86, 19, 122, 28, 24, 81, 79, 55, 60, 85, 78, 39, 26, 127, 87, 74, 115, 68, 90, 93, 12, 118, 119, 114, 77, 70, 9, 125, 56, 8, 13, 50, 84, 108, 61, 29, 107, 98, 14, 59, 37, 105, 51, 100, 22, 112, 73, 71, 35, 25, 47, 94, 58, 88, 44, 117, 124, 53, 120, 42, 106, 21, 95, 57, 40, 23, 20, 17, 83, 82, 121, 2, 96, 62, 54, 52, 32, 30, 41, 65, 31, 116, 43, 109, 76, 104, 126, 75, 36, 64, 63, 38, 99, 45, 48, 91, 101, 34, 11, 5, 80, 103, 123, 66, 15, 89, 27, 18, 10, 97, 16, 4, 6, 72, 0, 7, 3, 69, 67, 1], [110, 102, 46, 49, 33, 113, 92, 111, 86, 122, 19, 28, 54, 81, 85, 119, 24, 90, 26, 109, 94, 126, 79, 70, 13, 120, 78, 9, 51, 57, 112, 74, 125, 21, 87, 108, 123, 61, 50, 59, 105, 107, 121, 52, 14, 58, 8, 53, 47, 56, 68, 17, 60, 43, 45, 100, 93, 127, 114, 63, 12, 118, 106, 80, 44, 116, 55, 20, 48, 29, 15, 83, 30, 124, 23, 117, 103, 77, 31, 39, 65, 115, 42, 62, 75, 22, 104, 91, 40, 76, 99, 36, 71, 66, 34, 97, 101, 41, 98, 37, 32, 95, 88, 35, 82, 10, 27, 89, 18, 96, 25, 73, 84, 5, 11, 64, 16, 38, 72, 3, 0, 2, 4, 69, 7, 6, 1, 67], [48, 39, 119, 117, 56, 33, 60, 112, 121, 127, 58, 120, 47, 116, 125, 63, 122, 49, 90, 29, 114, 118, 55, 51, 123, 115, 124, 52, 59, 126, 113, 61, 62, 53, 107, 24, 44, 111, 54, 50, 110, 45, 91, 108, 93, 46, 106, 57, 88, 95, 109, 26, 86, 42, 20, 40, 43, 41, 105, 102, 17, 101, 104, 97, 36, 103, 38, 27, 85, 87, 37, 92, 100, 34, 22, 96, 94, 99, 98, 28, 89, 35, 21, 81, 16, 32, 31, 30, 84, 83, 78, 76, 14, 25, 12, 15, 82, 80, 10, 23, 18, 74, 19, 72, 65, 1, 67, 3, 0, 13, 64, 8, 69, 5, 68, 66, 2, 79, 4, 11, 7, 6, 77, 71, 9, 75, 73, 70], [119, 39, 48, 117, 60, 33, 56, 121, 47, 127, 120, 55, 63, 125, 58, 116, 51, 122, 49, 123, 114, 118, 115, 61, 52, 112, 90, 53, 59, 113, 106, 44, 62, 126, 124, 110, 29, 57, 54, 24, 107, 50, 111, 45, 108, 46, 41, 91, 93, 26, 95, 88, 105, 20, 86, 109, 43, 42, 102, 40, 104, 17, 103, 92, 101, 100, 38, 27, 97, 21, 34, 36, 94, 85, 28, 37, 87, 35, 99, 96, 89, 31, 22, 98, 16, 32, 76, 30, 81, 84, 25, 83, 15, 80, 78, 23, 14, 12, 82, 18, 10, 74, 1, 0, 65, 67, 64, 8, 19, 69, 72, 5, 4, 3, 13, 79, 11, 68, 66, 2, 7, 6, 71, 75, 70, 9, 77, 73], [117, 39, 119, 48, 56, 90, 60, 33, 55, 62, 124, 52, 121, 120, 95, 127, 47, 46, 105, 93, 58, 29, 116, 106, 61, 115, 122, 114, 63, 83, 26, 125, 51, 10, 118, 102, 126, 113, 49, 24, 57, 107, 50, 53, 123, 89, 59, 45, 104, 109, 108, 96, 54, 16, 111, 86, 44, 110, 112, 20, 42, 27, 43, 18, 41, 81, 85, 78, 38, 30, 40, 32, 94, 31, 19, 36, 25, 17, 34, 101, 82, 92, 100, 98, 14, 88, 91, 23, 75, 35, 97, 84, 87, 28, 71, 37, 13, 99, 22, 103, 12, 8, 21, 76, 3, 15, 11, 80, 4, 9, 68, 2, 72, 7, 74, 79, 5, 0, 6, 69, 73, 70, 67, 77, 1, 66, 65, 64], [39, 117, 119, 48, 83, 33, 15, 13, 11, 9, 29, 86, 6, 89, 66, 7, 74, 55, 88, 27, 87, 73, 81, 68, 80, 53, 90, 72, 22, 84, 91, 75, 82, 85, 8, 65, 30, 23, 18, 62, 26, 25, 17, 56, 16, 34, 0, 77, 79, 12, 21, 67, 76, 19, 92, 14, 31, 78, 70, 71, 28, 94, 4, 20, 5, 10, 32, 58, 50, 96, 35, 3, 64, 43, 106, 45, 24, 95, 40, 2, 69, 47, 102, 104, 93, 112, 38, 105, 99, 101, 54, 121, 108, 61, 124, 120, 57, 122, 1, 103, 110, 41, 98, 127, 49, 100, 115, 123, 36, 60, 111, 44, 63, 125, 118, 42, 52, 51, 107, 37, 116, 59, 97, 114, 113, 126, 109, 46], [44, 37, 108, 76, 18, 21, 14, 97, 24, 57, 80, 28, 71, 0, 5, 73, 125, 90, 69, 67, 7, 2, 51, 121, 58, 3, 11, 72, 75, 113, 8, 10, 19, 52, 23, 12, 89, 118, 55, 33, 91, 68, 16, 64, 65, 9, 88, 101, 34, 92, 70, 96, 77, 85, 13, 1, 84, 119, 99, 124, 20, 109, 25, 123, 66, 86, 26, 6, 82, 46, 93, 83, 78, 127, 114, 104, 79, 74, 15, 81, 35, 4, 100, 95, 47, 111, 29, 30, 27, 50, 56, 120, 98, 60, 126, 17, 117, 22, 31, 32, 61, 63, 110, 94, 36, 87, 106, 62, 103, 45, 41, 39, 102, 38, 105, 112, 43, 40, 107, 54, 116, 115, 122, 48, 42, 49, 53, 59], [44, 37, 108, 28, 24, 21, 97, 80, 18, 14, 19, 76, 73, 57, 87, 51, 90, 58, 71, 125, 15, 121, 17, 113, 117, 47, 5, 55, 11, 7, 106, 95, 69, 23, 52, 50, 98, 2, 93, 30, 114, 99, 85, 83, 45, 86, 22, 127, 27, 92, 10, 66, 35, 109, 31, 84, 20, 46, 3, 81, 82, 100, 29, 6, 75, 91, 79, 78, 124, 70, 16, 34, 96, 118, 105, 12, 33, 123, 61, 13, 9, 48, 89, 94, 88, 26, 36, 8, 111, 104, 25, 112, 32, 40, 103, 77, 38, 42, 53, 120, 126, 102, 41, 119, 107, 49, 43, 74, 110, 72, 68, 115, 0, 67, 122, 116, 39, 56, 54, 63, 59, 60, 101, 62, 4, 64, 65, 1], [57, 44, 37, 125, 108, 90, 97, 19, 28, 58, 21, 114, 24, 126, 113, 109, 117, 17, 86, 116, 121, 61, 51, 40, 110, 50, 49, 122, 55, 118, 41, 46, 59, 47, 11, 48, 43, 111, 106, 56, 124, 102, 63, 53, 123, 52, 62, 115, 112, 120, 119, 91, 54, 60, 127, 42, 107, 80, 104, 45, 105, 18, 87, 93, 39, 95, 14, 72, 35, 38, 84, 73, 77, 103, 23, 13, 101, 75, 27, 36, 20, 74, 66, 34, 89, 83, 25, 15, 26, 6, 30, 98, 8, 33, 100, 4, 29, 22, 81, 99, 94, 5, 79, 31, 68, 96, 32, 70, 76, 69, 2, 10, 1, 65, 12, 85, 92, 0, 64, 88, 78, 7, 9, 82, 16, 3, 71, 67], [44, 37, 125, 24, 108, 21, 28, 18, 97, 14, 90, 19, 58, 80, 57, 51, 11, 121, 114, 73, 109, 17, 13, 95, 118, 117, 52, 87, 75, 113, 69, 35, 50, 93, 61, 81, 46, 123, 76, 9, 124, 34, 119, 102, 71, 111, 115, 59, 36, 104, 100, 32, 96, 4, 55, 103, 20, 84, 99, 30, 85, 45, 105, 60, 106, 62, 29, 86, 83, 39, 25, 43, 40, 48, 66, 94, 38, 42, 120, 107, 47, 91, 110, 23, 112, 82, 15, 127, 78, 116, 98, 92, 16, 31, 122, 54, 89, 126, 49, 33, 72, 88, 41, 56, 22, 53, 101, 26, 10, 63, 74, 79, 67, 6, 1, 27, 8, 77, 5, 64, 12, 2, 3, 70, 68, 65, 7, 0], [54, 37, 127, 62, 63, 24, 116, 33, 101, 119, 123, 18, 55, 59, 51, 120, 58, 112, 46, 53, 60, 125, 114, 117, 113, 39, 126, 44, 15, 57, 61, 56, 111, 121, 122, 118, 47, 52, 49, 27, 110, 50, 48, 91, 115, 45, 124, 94, 109, 85, 107, 108, 105, 106, 43, 92, 86, 20, 21, 104, 42, 73, 103, 41, 102, 88, 100, 30, 40, 38, 25, 29, 82, 23, 95, 36, 13, 28, 97, 35, 31, 22, 9, 77, 79, 99, 84, 90, 98, 34, 16, 93, 87, 26, 17, 89, 12, 14, 1, 80, 75, 71, 65, 32, 4, 19, 6, 96, 70, 2, 66, 10, 7, 11, 68, 67, 72, 78, 3, 76, 5, 69, 0, 83, 8, 81, 64, 74], [127, 54, 37, 25, 62, 17, 94, 101, 33, 86, 15, 123, 20, 6, 63, 24, 14, 12, 27, 77, 19, 10, 90, 30, 109, 23, 116, 84, 88, 13, 61, 93, 72, 113, 9, 51, 107, 95, 91, 59, 120, 38, 119, 92, 125, 117, 112, 22, 7, 41, 124, 70, 32, 58, 85, 35, 67, 36, 75, 118, 48, 42, 78, 31, 18, 126, 122, 21, 79, 28, 102, 55, 34, 80, 29, 115, 114, 68, 82, 5, 11, 53, 50, 16, 87, 57, 83, 103, 46, 98, 106, 81, 26, 56, 60, 44, 4, 111, 39, 74, 89, 8, 108, 76, 52, 110, 121, 1, 45, 49, 73, 40, 96, 100, 97, 66, 105, 104, 99, 43, 47, 0, 71, 3, 2, 69, 65, 64], [127, 63, 37, 62, 54, 24, 33, 51, 112, 123, 116, 101, 117, 55, 120, 59, 58, 119, 125, 53, 19, 114, 46, 111, 44, 60, 113, 122, 61, 47, 126, 57, 121, 91, 118, 52, 56, 49, 48, 27, 50, 45, 94, 110, 115, 85, 124, 39, 108, 109, 18, 102, 86, 106, 88, 30, 107, 29, 105, 43, 41, 104, 103, 42, 96, 21, 14, 40, 38, 95, 20, 97, 32, 26, 100, 22, 16, 31, 75, 83, 36, 25, 98, 12, 92, 35, 99, 78, 34, 15, 90, 82, 13, 93, 80, 17, 6, 11, 73, 77, 9, 65, 1, 84, 89, 28, 87, 23, 68, 4, 66, 2, 7, 70, 10, 71, 72, 5, 8, 76, 79, 0, 81, 67, 64, 3, 69, 74], [127, 54, 37, 33, 17, 62, 86, 10, 15, 24, 14, 123, 12, 5, 72, 90, 27, 65, 7, 116, 25, 0, 101, 63, 77, 91, 64, 20, 44, 23, 88, 73, 4, 19, 67, 87, 89, 113, 22, 71, 112, 2, 93, 8, 107, 83, 59, 81, 111, 80, 76, 68, 79, 74, 82, 118, 21, 13, 6, 120, 104, 46, 114, 75, 126, 28, 119, 70, 122, 18, 3, 97, 11, 30, 102, 1, 16, 84, 69, 56, 31, 106, 58, 26, 9, 66, 78, 32, 85, 48, 95, 40, 117, 61, 94, 96, 45, 125, 99, 35, 29, 98, 57, 92, 60, 39, 53, 124, 34, 36, 100, 51, 38, 52, 103, 41, 108, 55, 109, 110, 105, 47, 43, 121, 49, 50, 115, 42], [43, 121, 45, 107, 100, 97, 109, 27, 91, 102, 123, 24, 103, 15, 22, 54, 81, 59, 88, 127, 120, 118, 114, 117, 110, 20, 44, 124, 85, 61, 111, 31, 79, 119, 51, 26, 75, 57, 7, 41, 11, 33, 58, 98, 49, 92, 46, 23, 112, 39, 52, 99, 42, 13, 113, 55, 21, 62, 29, 17, 122, 28, 47, 84, 63, 125, 25, 48, 18, 93, 50, 108, 126, 56, 82, 115, 116, 86, 101, 104, 37, 105, 53, 60, 32, 30, 96, 38, 40, 35, 34, 89, 80, 106, 90, 19, 94, 77, 83, 95, 16, 73, 87, 71, 74, 70, 76, 14, 78, 36, 3, 6, 9, 12, 5, 69, 8, 10, 72, 66, 67, 65, 2, 1, 68, 64, 0, 4], [43, 107, 123, 117, 100, 27, 97, 91, 88, 51, 103, 21, 49, 124, 80, 59, 54, 24, 109, 55, 48, 85, 115, 127, 57, 14, 50, 121, 61, 114, 113, 126, 58, 118, 22, 45, 119, 60, 62, 52, 41, 31, 63, 125, 112, 47, 111, 74, 122, 116, 53, 29, 19, 76, 110, 102, 46, 44, 56, 108, 39, 93, 37, 120, 5, 20, 42, 89, 8, 30, 90, 6, 2, 99, 105, 3, 18, 40, 106, 68, 35, 101, 98, 87, 104, 84, 38, 78, 32, 33, 16, 1, 86, 12, 17, 96, 0, 28, 34, 25, 94, 26, 81, 10, 72, 11, 95, 23, 15, 36, 92, 4, 69, 83, 82, 66, 73, 65, 64, 70, 13, 77, 67, 71, 7, 75, 9, 79], [43, 121, 45, 107, 100, 27, 97, 91, 116, 63, 24, 22, 61, 106, 125, 54, 114, 37, 15, 49, 88, 118, 58, 124, 29, 33, 85, 76, 120, 57, 31, 17, 19, 32, 81, 21, 41, 127, 47, 109, 123, 80, 50, 18, 52, 60, 51, 55, 98, 122, 74, 86, 53, 101, 113, 34, 105, 103, 12, 28, 119, 14, 111, 62, 94, 93, 59, 8, 115, 46, 38, 44, 112, 42, 7, 110, 90, 40, 126, 68, 48, 20, 117, 26, 104, 102, 36, 99, 108, 35, 2, 39, 96, 30, 92, 84, 13, 11, 56, 79, 82, 25, 95, 89, 75, 73, 83, 77, 1, 78, 5, 3, 10, 87, 71, 69, 0, 72, 9, 23, 67, 6, 4, 66, 65, 64, 70, 16], [121, 43, 45, 100, 91, 97, 27, 107, 88, 85, 21, 123, 80, 51, 54, 24, 115, 49, 61, 117, 127, 126, 48, 59, 57, 114, 109, 46, 52, 116, 118, 63, 55, 74, 53, 50, 22, 14, 76, 60, 105, 31, 62, 119, 124, 120, 111, 19, 122, 125, 113, 58, 106, 47, 44, 56, 102, 8, 112, 90, 103, 110, 12, 108, 39, 93, 37, 20, 32, 29, 42, 41, 99, 89, 81, 33, 5, 87, 2, 104, 17, 40, 38, 6, 34, 16, 82, 26, 101, 78, 28, 86, 96, 92, 30, 3, 35, 1, 98, 36, 68, 94, 72, 23, 95, 18, 10, 84, 0, 69, 25, 83, 15, 70, 4, 73, 65, 67, 11, 13, 66, 64, 77, 79, 71, 9, 7, 75], [103, 115, 51, 85, 83, 80, 62, 10, 90, 13, 124, 118, 26, 63, 72, 48, 56, 70, 60, 98, 68, 52, 55, 88, 106, 47, 59, 41, 53, 50, 93, 110, 30, 91, 100, 107, 76, 71, 86, 58, 111, 19, 45, 84, 15, 66, 82, 122, 61, 42, 123, 57, 125, 38, 44, 96, 89, 77, 119, 65, 81, 40, 21, 28, 16, 14, 87, 11, 3, 23, 25, 94, 101, 104, 43, 33, 102, 17, 74, 27, 105, 121, 49, 95, 112, 31, 92, 117, 116, 24, 108, 20, 120, 36, 7, 9, 109, 5, 114, 46, 97, 34, 69, 126, 127, 73, 35, 113, 79, 8, 99, 22, 29, 18, 32, 78, 54, 12, 37, 64, 2, 39, 6, 1, 75, 4, 0, 67], [103, 51, 115, 85, 83, 10, 80, 13, 72, 70, 66, 68, 26, 62, 63, 90, 118, 60, 81, 124, 107, 64, 2, 91, 53, 59, 55, 44, 52, 119, 89, 56, 65, 93, 106, 47, 111, 50, 0, 123, 98, 19, 15, 100, 40, 76, 1, 110, 61, 5, 48, 114, 69, 77, 16, 41, 25, 6, 99, 74, 8, 4, 104, 3, 32, 126, 79, 11, 94, 117, 105, 22, 121, 87, 20, 88, 29, 58, 116, 46, 43, 73, 112, 14, 75, 21, 27, 23, 127, 24, 120, 35, 71, 38, 86, 109, 57, 49, 82, 92, 125, 45, 113, 122, 67, 54, 102, 78, 96, 84, 9, 108, 18, 95, 12, 101, 42, 37, 30, 33, 17, 28, 34, 39, 7, 31, 36, 97], [103, 51, 115, 85, 80, 13, 10, 68, 83, 70, 72, 26, 66, 0, 62, 124, 55, 65, 90, 118, 63, 53, 60, 64, 47, 76, 100, 98, 89, 107, 46, 59, 88, 50, 56, 48, 61, 2, 91, 93, 82, 1, 58, 23, 111, 4, 3, 19, 81, 73, 99, 121, 25, 44, 5, 106, 123, 6, 69, 75, 74, 11, 41, 87, 119, 15, 20, 127, 71, 79, 21, 95, 77, 110, 8, 52, 40, 126, 16, 114, 67, 27, 17, 112, 9, 122, 78, 94, 57, 22, 117, 86, 49, 12, 14, 32, 39, 113, 30, 37, 38, 92, 120, 18, 29, 105, 84, 96, 31, 36, 7, 33, 108, 42, 125, 35, 116, 97, 101, 24, 109, 45, 104, 54, 43, 102, 28, 34], [103, 115, 51, 80, 85, 10, 13, 83, 72, 70, 68, 62, 26, 124, 118, 60, 59, 55, 66, 107, 90, 82, 64, 93, 119, 47, 52, 25, 15, 63, 48, 53, 98, 40, 88, 56, 111, 87, 73, 5, 1, 89, 76, 65, 69, 23, 29, 2, 61, 71, 0, 46, 44, 81, 100, 50, 117, 77, 58, 19, 22, 96, 84, 32, 112, 110, 24, 74, 8, 7, 3, 16, 114, 12, 17, 122, 126, 121, 125, 91, 27, 11, 123, 35, 38, 28, 99, 4, 104, 106, 116, 20, 101, 45, 6, 9, 79, 31, 78, 95, 41, 18, 30, 21, 86, 67, 92, 49, 108, 113, 43, 94, 37, 33, 57, 42, 127, 36, 105, 109, 54, 34, 102, 14, 120, 97, 75, 39]], "model.layers.23.self_attn.k_proj": [[47, 111, 36, 107, 88, 96, 30, 90, 80, 21, 0, 78, 81, 2, 27, 104, 68, 84, 83, 7, 15, 75, 74, 93, 95, 5, 103, 106, 10, 77, 11, 86, 124, 110, 22, 6, 120, 91, 59, 71, 73, 85, 43, 122, 46, 127, 13, 51, 67, 94, 119, 114, 48, 32, 50, 105, 55, 92, 101, 23, 66, 118, 42, 52, 33, 97, 56, 63, 60, 102, 125, 35, 39, 123, 72, 29, 31, 99, 116, 64, 19, 14, 45, 41, 53, 61, 112, 28, 12, 117, 49, 58, 113, 16, 40, 34, 57, 17, 25, 38, 108, 62, 3, 79, 98, 126, 37, 54, 109, 121, 18, 4, 44, 115, 24, 20, 26, 82, 89, 87, 65, 8, 76, 9, 100, 1, 70, 69], [39, 56, 46, 51, 86, 33, 110, 116, 61, 53, 30, 20, 60, 47, 57, 124, 55, 59, 120, 80, 89, 58, 114, 119, 52, 122, 127, 112, 49, 91, 126, 123, 63, 54, 118, 48, 115, 121, 44, 113, 62, 34, 125, 45, 106, 109, 117, 92, 50, 111, 101, 96, 100, 93, 14, 94, 108, 105, 107, 88, 98, 43, 42, 35, 40, 24, 37, 78, 104, 38, 41, 36, 11, 102, 97, 95, 27, 16, 90, 82, 29, 65, 72, 13, 31, 19, 84, 71, 99, 64, 5, 73, 26, 87, 85, 3, 32, 25, 10, 28, 12, 17, 21, 15, 69, 9, 18, 7, 23, 70, 6, 0, 76, 1, 79, 77, 103, 75, 83, 4, 67, 22, 68, 66, 81, 8, 2, 74], [46, 113, 38, 110, 97, 28, 19, 86, 79, 26, 94, 24, 81, 21, 87, 77, 122, 14, 70, 74, 47, 17, 78, 60, 68, 9, 59, 52, 126, 65, 57, 112, 111, 119, 62, 44, 8, 55, 114, 20, 105, 115, 56, 127, 108, 117, 106, 85, 58, 76, 104, 0, 125, 50, 11, 42, 64, 93, 118, 45, 41, 109, 13, 2, 43, 103, 80, 124, 92, 48, 123, 63, 51, 116, 39, 16, 121, 120, 36, 61, 66, 100, 53, 99, 75, 54, 40, 18, 89, 101, 49, 37, 107, 90, 15, 73, 95, 5, 29, 72, 32, 71, 23, 3, 35, 25, 31, 34, 96, 84, 98, 12, 91, 27, 30, 22, 69, 82, 10, 33, 88, 7, 6, 83, 4, 67, 1, 102], [117, 103, 119, 86, 48, 97, 112, 13, 93, 11, 83, 15, 56, 26, 60, 120, 124, 47, 121, 6, 89, 113, 53, 122, 116, 63, 58, 127, 55, 125, 115, 24, 9, 114, 123, 7, 52, 49, 118, 51, 61, 62, 91, 59, 54, 126, 18, 107, 81, 111, 45, 42, 50, 46, 44, 57, 109, 16, 110, 20, 43, 108, 74, 41, 73, 98, 104, 29, 92, 30, 23, 105, 40, 25, 106, 37, 88, 35, 38, 21, 68, 17, 64, 100, 101, 78, 102, 31, 14, 27, 36, 99, 2, 95, 28, 8, 32, 96, 94, 34, 69, 85, 10, 82, 4, 19, 87, 84, 66, 90, 80, 12, 76, 79, 75, 65, 33, 70, 71, 5, 77, 72, 67, 0, 39, 1, 3, 22], [108, 101, 44, 57, 21, 80, 28, 14, 24, 11, 71, 33, 18, 76, 73, 90, 58, 125, 19, 67, 50, 5, 64, 17, 1, 52, 55, 15, 118, 117, 121, 51, 115, 122, 53, 119, 4, 47, 48, 69, 75, 124, 123, 120, 95, 45, 35, 31, 111, 2, 59, 13, 87, 126, 12, 104, 61, 60, 56, 72, 110, 42, 127, 41, 114, 62, 43, 112, 8, 84, 7, 63, 109, 107, 68, 116, 54, 23, 40, 98, 106, 88, 91, 39, 6, 46, 49, 27, 105, 10, 70, 89, 113, 26, 30, 86, 36, 29, 34, 103, 32, 100, 92, 38, 81, 102, 94, 22, 78, 93, 74, 3, 66, 16, 0, 97, 77, 99, 25, 79, 9, 96, 82, 20, 85, 83, 37, 65], [127, 54, 101, 97, 86, 24, 27, 123, 118, 18, 94, 77, 113, 63, 116, 120, 48, 17, 10, 64, 58, 85, 62, 59, 117, 57, 15, 38, 114, 12, 111, 67, 42, 121, 122, 14, 108, 29, 55, 61, 7, 125, 53, 126, 60, 49, 103, 1, 51, 119, 19, 56, 16, 52, 112, 124, 43, 109, 50, 5, 105, 45, 110, 46, 115, 47, 31, 72, 75, 71, 37, 90, 6, 25, 66, 107, 40, 44, 20, 39, 89, 87, 95, 104, 106, 83, 36, 100, 41, 34, 102, 93, 98, 68, 96, 11, 99, 0, 2, 35, 3, 21, 26, 92, 9, 79, 23, 30, 28, 80, 32, 78, 91, 81, 84, 76, 8, 88, 73, 69, 74, 13, 82, 33, 70, 22, 4, 65], [107, 33, 121, 36, 22, 91, 43, 124, 88, 45, 61, 80, 21, 51, 54, 60, 57, 49, 74, 55, 119, 123, 58, 115, 117, 29, 116, 62, 63, 122, 127, 50, 26, 125, 53, 52, 111, 42, 118, 59, 112, 113, 109, 120, 126, 46, 110, 56, 48, 38, 47, 76, 95, 108, 101, 19, 114, 39, 14, 65, 17, 106, 66, 44, 69, 4, 78, 20, 104, 12, 41, 0, 105, 98, 8, 35, 37, 15, 30, 67, 103, 70, 64, 83, 102, 6, 23, 40, 99, 31, 32, 34, 94, 92, 5, 81, 10, 87, 73, 96, 28, 25, 100, 82, 9, 97, 18, 11, 93, 90, 89, 79, 71, 27, 72, 86, 85, 77, 84, 13, 1, 7, 3, 75, 68, 2, 24, 16], [115, 39, 13, 72, 51, 80, 64, 83, 10, 70, 85, 68, 66, 90, 62, 2, 124, 0, 65, 76, 43, 111, 26, 60, 91, 112, 118, 75, 53, 55, 61, 56, 67, 5, 81, 88, 63, 4, 119, 89, 46, 42, 40, 34, 59, 52, 50, 108, 73, 29, 123, 1, 93, 82, 114, 15, 121, 105, 23, 35, 36, 71, 126, 30, 31, 22, 96, 7, 122, 125, 84, 69, 41, 110, 58, 3, 102, 79, 25, 109, 87, 86, 24, 120, 94, 57, 127, 38, 14, 98, 28, 100, 104, 99, 6, 106, 117, 44, 33, 107, 54, 45, 8, 48, 101, 95, 78, 97, 49, 116, 17, 12, 47, 18, 92, 27, 32, 20, 9, 113, 37, 11, 74, 21, 19, 77, 16, 103]], "model.layers.23.self_attn.qk_proj": [[46, 115, 111, 127, 54, 56, 47, 110, 108, 119, 117, 107, 51, 44, 121, 48, 43, 113, 22, 24, 26, 21, 55, 83, 85, 57, 62, 19, 92, 27, 124, 101, 80, 88, 118, 90, 63, 39, 37, 16, 59, 86, 45, 60, 123, 103, 61, 33, 13, 116, 58, 125, 49, 122, 81, 77, 74, 97, 14, 10, 120, 78, 50, 72, 79, 53, 52, 17, 36, 28, 93, 15, 91, 94, 29, 70, 106, 112, 11, 126, 75, 68, 109, 8, 4, 64, 82, 114, 0, 89, 71, 18, 100, 2, 25, 9, 76, 66, 102, 38, 12, 30, 105, 23, 73, 7, 42, 5, 96, 32, 20, 84, 104, 40, 95, 87, 69, 6, 41, 98, 1, 31, 34, 67, 99, 35, 65, 3], [46, 115, 127, 111, 54, 56, 47, 110, 108, 119, 107, 117, 51, 44, 121, 48, 43, 113, 57, 21, 22, 26, 83, 124, 27, 118, 39, 24, 92, 62, 85, 63, 55, 101, 19, 88, 16, 60, 86, 90, 80, 58, 37, 59, 123, 116, 33, 125, 74, 61, 103, 49, 77, 45, 78, 13, 10, 81, 120, 112, 52, 70, 91, 122, 53, 14, 72, 97, 50, 17, 15, 93, 114, 94, 28, 4, 0, 11, 29, 36, 106, 126, 2, 66, 79, 109, 75, 8, 82, 68, 102, 30, 38, 25, 105, 100, 64, 76, 73, 12, 104, 23, 18, 42, 89, 7, 20, 9, 71, 5, 96, 31, 69, 32, 98, 84, 95, 6, 40, 41, 87, 3, 34, 35, 65, 99, 1, 67], [46, 115, 111, 127, 56, 54, 110, 47, 108, 119, 107, 117, 51, 44, 48, 121, 43, 113, 57, 22, 124, 26, 62, 85, 21, 24, 118, 83, 27, 55, 39, 92, 37, 63, 19, 101, 60, 90, 80, 88, 33, 58, 16, 86, 103, 59, 97, 61, 123, 125, 74, 53, 77, 122, 116, 45, 14, 13, 78, 91, 120, 10, 52, 72, 81, 49, 112, 70, 36, 66, 4, 28, 50, 15, 17, 109, 93, 64, 79, 11, 29, 126, 2, 114, 38, 94, 0, 68, 106, 25, 12, 82, 75, 104, 100, 23, 76, 89, 18, 42, 71, 7, 30, 84, 8, 96, 105, 41, 20, 5, 9, 32, 98, 73, 102, 40, 69, 87, 35, 31, 95, 6, 34, 99, 65, 67, 1, 3], [46, 115, 127, 111, 54, 56, 47, 110, 108, 107, 119, 117, 51, 44, 121, 48, 43, 113, 57, 22, 21, 83, 63, 124, 26, 62, 118, 60, 19, 24, 85, 92, 39, 88, 58, 27, 55, 80, 101, 37, 16, 122, 53, 123, 86, 59, 90, 77, 61, 33, 125, 10, 116, 17, 81, 13, 14, 78, 120, 103, 74, 45, 72, 112, 49, 97, 15, 70, 52, 4, 50, 91, 11, 66, 114, 106, 126, 2, 109, 36, 100, 68, 29, 28, 93, 94, 0, 18, 75, 76, 79, 12, 71, 38, 89, 8, 102, 7, 69, 64, 42, 73, 82, 25, 9, 104, 30, 84, 20, 5, 96, 105, 23, 6, 31, 41, 32, 98, 87, 95, 35, 65, 67, 40, 99, 34, 3, 1], [46, 115, 127, 111, 54, 47, 56, 110, 108, 119, 117, 107, 51, 44, 48, 121, 43, 113, 57, 62, 83, 124, 63, 22, 21, 19, 26, 85, 55, 24, 60, 27, 101, 39, 118, 86, 16, 37, 92, 58, 90, 122, 123, 88, 80, 61, 33, 103, 97, 72, 59, 14, 13, 10, 77, 45, 74, 49, 125, 52, 4, 81, 78, 68, 112, 17, 50, 116, 75, 53, 120, 91, 66, 79, 15, 28, 11, 109, 0, 126, 106, 93, 114, 29, 64, 2, 36, 12, 94, 70, 6, 7, 18, 20, 76, 25, 100, 82, 71, 38, 102, 9, 23, 73, 69, 89, 8, 42, 30, 5, 105, 84, 40, 104, 41, 32, 98, 96, 35, 34, 87, 31, 99, 95, 67, 3, 1, 65], [46, 115, 111, 127, 54, 47, 56, 110, 108, 119, 107, 117, 51, 44, 121, 48, 43, 113, 22, 57, 21, 26, 19, 27, 55, 24, 83, 62, 85, 101, 63, 39, 16, 80, 124, 88, 86, 58, 92, 60, 118, 37, 122, 72, 90, 123, 10, 33, 77, 45, 74, 13, 61, 81, 14, 97, 59, 125, 103, 17, 112, 49, 15, 78, 116, 75, 120, 53, 52, 0, 50, 91, 11, 68, 126, 28, 79, 64, 94, 66, 29, 82, 106, 114, 20, 36, 100, 6, 7, 4, 12, 76, 93, 25, 18, 23, 109, 38, 71, 2, 69, 102, 89, 30, 8, 105, 9, 70, 84, 73, 96, 42, 87, 32, 34, 95, 41, 5, 104, 65, 98, 40, 1, 35, 67, 31, 99, 3], [46, 115, 111, 127, 54, 56, 110, 47, 108, 119, 107, 51, 121, 44, 48, 117, 43, 113, 26, 22, 57, 21, 27, 85, 24, 83, 19, 88, 124, 92, 62, 80, 16, 101, 90, 86, 63, 39, 58, 60, 55, 77, 37, 122, 123, 33, 14, 103, 125, 74, 118, 10, 13, 97, 72, 81, 120, 45, 61, 59, 17, 78, 112, 116, 28, 49, 91, 106, 93, 50, 15, 79, 36, 53, 6, 126, 64, 114, 75, 82, 11, 52, 94, 109, 29, 68, 12, 89, 20, 38, 18, 25, 100, 4, 8, 66, 76, 23, 84, 102, 7, 0, 9, 71, 2, 73, 87, 42, 96, 105, 30, 32, 98, 31, 69, 70, 34, 5, 1, 41, 95, 104, 40, 35, 65, 99, 67, 3], [46, 115, 111, 127, 56, 54, 110, 47, 108, 119, 107, 51, 117, 44, 121, 48, 43, 113, 27, 21, 22, 24, 83, 57, 85, 26, 60, 92, 62, 19, 124, 55, 16, 80, 88, 90, 39, 86, 101, 123, 63, 33, 37, 61, 118, 58, 125, 59, 49, 77, 122, 116, 13, 97, 74, 103, 14, 45, 10, 81, 78, 112, 79, 17, 120, 28, 114, 36, 6, 91, 50, 52, 126, 72, 53, 94, 93, 11, 82, 106, 75, 4, 100, 109, 68, 29, 15, 18, 8, 0, 38, 23, 64, 89, 2, 25, 12, 105, 102, 66, 32, 73, 76, 30, 71, 20, 42, 96, 84, 9, 104, 87, 7, 70, 31, 98, 95, 5, 69, 65, 40, 41, 35, 34, 99, 1, 67, 3], [46, 115, 111, 127, 56, 54, 110, 47, 108, 107, 117, 119, 51, 121, 44, 48, 43, 113, 57, 83, 85, 24, 26, 21, 124, 22, 92, 27, 19, 88, 60, 55, 16, 62, 90, 123, 39, 101, 63, 86, 118, 58, 80, 33, 13, 116, 61, 37, 125, 97, 77, 74, 49, 45, 120, 103, 112, 81, 59, 17, 28, 122, 53, 10, 14, 52, 91, 78, 93, 79, 8, 36, 6, 29, 126, 11, 106, 75, 50, 100, 72, 114, 15, 12, 82, 109, 68, 94, 102, 23, 38, 4, 18, 76, 42, 73, 0, 2, 66, 105, 32, 104, 7, 89, 30, 41, 96, 31, 9, 64, 20, 25, 87, 98, 84, 5, 71, 95, 70, 34, 35, 40, 99, 69, 65, 3, 1, 67], [46, 115, 111, 127, 56, 54, 47, 110, 108, 117, 107, 51, 119, 44, 121, 48, 43, 113, 57, 62, 21, 26, 123, 85, 19, 124, 27, 83, 24, 22, 92, 118, 55, 39, 60, 16, 88, 86, 37, 58, 90, 63, 101, 33, 10, 80, 116, 61, 77, 45, 125, 8, 13, 103, 122, 59, 112, 74, 49, 97, 120, 17, 78, 52, 53, 14, 114, 2, 0, 81, 91, 28, 68, 4, 94, 36, 15, 93, 75, 29, 79, 50, 64, 109, 72, 6, 12, 106, 66, 126, 38, 71, 11, 76, 42, 89, 70, 82, 100, 18, 7, 73, 96, 25, 5, 9, 20, 105, 102, 23, 87, 104, 32, 30, 31, 69, 98, 41, 40, 84, 99, 1, 67, 34, 65, 95, 35, 3], [46, 115, 111, 127, 54, 47, 56, 110, 108, 117, 51, 119, 107, 44, 121, 43, 48, 113, 57, 124, 62, 22, 21, 85, 39, 19, 26, 80, 83, 123, 86, 92, 24, 16, 118, 60, 63, 88, 27, 58, 77, 37, 101, 55, 125, 61, 10, 13, 116, 90, 45, 103, 8, 120, 74, 97, 33, 59, 28, 52, 4, 14, 81, 75, 78, 112, 49, 17, 53, 50, 66, 68, 15, 91, 122, 11, 94, 79, 114, 29, 70, 64, 36, 71, 82, 2, 109, 106, 126, 0, 6, 100, 7, 12, 76, 42, 93, 20, 38, 25, 32, 72, 23, 9, 84, 73, 5, 18, 105, 89, 102, 69, 30, 104, 87, 96, 31, 95, 34, 98, 40, 99, 67, 3, 41, 1, 65, 35], [46, 115, 111, 127, 54, 56, 47, 110, 108, 107, 119, 51, 117, 44, 121, 48, 43, 113, 22, 21, 57, 85, 26, 83, 19, 24, 92, 124, 80, 88, 27, 86, 101, 39, 62, 63, 16, 90, 60, 58, 55, 33, 13, 77, 10, 8, 125, 118, 14, 37, 123, 74, 61, 97, 116, 45, 81, 52, 28, 49, 103, 91, 78, 59, 53, 120, 17, 79, 15, 70, 122, 75, 4, 112, 68, 11, 50, 36, 64, 94, 29, 93, 109, 12, 23, 126, 100, 106, 18, 114, 2, 38, 82, 25, 0, 9, 7, 76, 66, 71, 30, 84, 73, 20, 89, 102, 105, 32, 72, 6, 5, 96, 34, 98, 95, 69, 104, 87, 31, 40, 41, 42, 99, 1, 67, 35, 65, 3], [46, 115, 111, 127, 56, 110, 54, 47, 108, 107, 119, 117, 51, 44, 121, 48, 43, 113, 21, 57, 27, 24, 22, 85, 26, 60, 92, 19, 88, 80, 90, 55, 101, 83, 61, 16, 39, 86, 62, 124, 33, 58, 59, 63, 123, 49, 125, 122, 116, 91, 13, 103, 37, 74, 8, 77, 118, 97, 10, 52, 120, 81, 14, 45, 29, 53, 100, 17, 94, 28, 112, 70, 50, 36, 78, 15, 126, 93, 106, 79, 114, 64, 109, 38, 25, 82, 4, 18, 75, 23, 2, 102, 89, 12, 68, 105, 30, 0, 20, 11, 76, 71, 9, 72, 87, 66, 42, 96, 31, 7, 104, 98, 73, 41, 99, 65, 34, 84, 5, 32, 69, 95, 6, 35, 40, 1, 3, 67], [46, 115, 111, 127, 54, 110, 56, 47, 108, 117, 119, 51, 107, 44, 121, 48, 43, 113, 57, 22, 60, 21, 85, 19, 26, 55, 63, 80, 62, 27, 24, 123, 124, 92, 88, 101, 58, 86, 83, 39, 118, 61, 16, 59, 13, 10, 122, 37, 90, 45, 8, 74, 120, 81, 33, 49, 125, 52, 53, 77, 70, 112, 17, 116, 103, 14, 91, 28, 97, 78, 126, 64, 114, 93, 2, 68, 15, 94, 79, 11, 100, 50, 36, 4, 29, 0, 109, 106, 66, 75, 89, 12, 38, 76, 82, 18, 9, 42, 20, 30, 72, 23, 104, 7, 71, 105, 32, 102, 96, 69, 95, 41, 73, 25, 5, 84, 87, 6, 31, 98, 34, 1, 99, 67, 40, 35, 3, 65], [46, 115, 111, 127, 54, 56, 47, 110, 108, 51, 117, 107, 119, 44, 48, 121, 43, 113, 22, 57, 21, 19, 85, 26, 83, 24, 124, 62, 123, 55, 80, 27, 63, 92, 39, 88, 37, 16, 90, 60, 101, 61, 13, 58, 97, 86, 74, 8, 125, 103, 33, 118, 45, 116, 10, 77, 120, 122, 81, 52, 49, 78, 70, 94, 14, 91, 15, 59, 93, 36, 50, 68, 112, 17, 28, 66, 79, 0, 64, 53, 75, 106, 4, 2, 29, 11, 72, 102, 100, 109, 114, 71, 12, 126, 30, 7, 6, 76, 20, 82, 18, 105, 73, 9, 32, 25, 96, 42, 89, 38, 104, 69, 23, 41, 87, 5, 40, 35, 84, 98, 99, 34, 31, 95, 65, 67, 1, 3], [46, 115, 127, 111, 54, 56, 110, 47, 108, 107, 117, 51, 119, 44, 121, 48, 43, 113, 22, 57, 21, 19, 26, 124, 85, 62, 80, 123, 39, 83, 55, 88, 24, 16, 92, 60, 61, 86, 27, 13, 37, 90, 33, 77, 63, 101, 125, 118, 103, 10, 58, 74, 45, 49, 8, 59, 14, 78, 97, 122, 116, 81, 91, 17, 50, 120, 75, 28, 53, 93, 112, 52, 79, 11, 29, 68, 15, 94, 36, 70, 72, 100, 109, 4, 102, 64, 114, 126, 18, 76, 106, 6, 2, 73, 82, 71, 7, 12, 66, 9, 20, 32, 23, 89, 30, 0, 105, 25, 84, 38, 87, 69, 96, 41, 104, 42, 95, 40, 5, 98, 31, 3, 1, 34, 99, 35, 67, 65], [46, 115, 127, 111, 54, 56, 110, 47, 108, 107, 119, 51, 117, 44, 48, 121, 43, 113, 22, 21, 85, 57, 88, 26, 27, 19, 80, 24, 83, 92, 62, 86, 90, 124, 39, 55, 101, 61, 60, 33, 123, 16, 125, 103, 63, 116, 13, 97, 91, 58, 122, 37, 118, 10, 45, 77, 17, 59, 49, 74, 81, 14, 78, 94, 36, 112, 28, 93, 120, 52, 114, 29, 6, 72, 79, 53, 15, 102, 0, 8, 106, 100, 68, 18, 25, 126, 64, 82, 38, 50, 11, 12, 2, 109, 30, 75, 4, 23, 89, 66, 105, 71, 76, 41, 7, 32, 87, 96, 20, 84, 70, 73, 9, 98, 69, 5, 40, 95, 42, 65, 31, 104, 1, 99, 34, 35, 67, 3], [46, 115, 127, 111, 56, 54, 110, 47, 108, 107, 119, 51, 117, 44, 48, 121, 43, 113, 57, 22, 85, 83, 21, 19, 26, 124, 92, 86, 27, 62, 24, 60, 80, 63, 39, 123, 88, 101, 61, 103, 125, 13, 55, 90, 16, 37, 58, 10, 118, 77, 74, 120, 14, 91, 59, 33, 122, 97, 116, 53, 72, 94, 6, 112, 17, 45, 81, 36, 52, 49, 28, 114, 78, 15, 29, 79, 126, 4, 109, 75, 100, 50, 66, 2, 0, 11, 93, 82, 64, 106, 68, 12, 38, 102, 89, 18, 76, 8, 25, 84, 71, 30, 7, 87, 73, 104, 105, 32, 20, 9, 42, 96, 23, 41, 40, 98, 69, 31, 5, 65, 70, 34, 99, 95, 35, 1, 3, 67], [46, 115, 127, 111, 56, 54, 47, 110, 108, 119, 107, 51, 117, 44, 48, 121, 43, 113, 57, 22, 62, 85, 83, 26, 21, 123, 124, 19, 24, 63, 80, 92, 101, 39, 90, 58, 103, 60, 86, 88, 55, 45, 120, 118, 61, 125, 37, 74, 33, 27, 97, 16, 10, 53, 122, 116, 13, 77, 50, 72, 59, 91, 49, 52, 28, 78, 14, 114, 126, 112, 2, 6, 81, 93, 94, 79, 29, 11, 4, 17, 15, 0, 68, 106, 75, 36, 64, 102, 12, 18, 32, 71, 109, 66, 38, 82, 89, 105, 76, 8, 41, 73, 100, 7, 9, 25, 42, 31, 104, 20, 84, 98, 23, 69, 40, 30, 96, 5, 99, 87, 95, 70, 35, 65, 34, 3, 67, 1], [46, 115, 127, 111, 56, 54, 47, 110, 108, 119, 107, 117, 44, 51, 48, 121, 43, 113, 57, 62, 21, 22, 19, 39, 124, 24, 26, 101, 63, 83, 85, 90, 92, 123, 88, 27, 58, 16, 55, 86, 61, 80, 33, 103, 60, 10, 37, 13, 125, 120, 118, 116, 45, 97, 59, 77, 49, 112, 72, 74, 78, 122, 53, 52, 91, 29, 126, 81, 6, 75, 28, 94, 68, 15, 106, 114, 14, 93, 79, 0, 4, 36, 17, 109, 11, 64, 66, 102, 82, 2, 100, 50, 12, 32, 84, 30, 7, 76, 38, 89, 71, 9, 41, 18, 105, 25, 23, 8, 73, 42, 96, 5, 69, 87, 20, 104, 40, 70, 34, 98, 95, 31, 35, 67, 65, 99, 1, 3], [46, 115, 111, 127, 47, 54, 56, 110, 108, 119, 107, 117, 51, 44, 121, 48, 43, 113, 22, 57, 62, 124, 63, 85, 26, 19, 21, 83, 24, 39, 92, 27, 55, 61, 37, 88, 101, 123, 125, 49, 80, 58, 86, 16, 118, 60, 90, 59, 45, 72, 116, 53, 33, 52, 13, 77, 97, 120, 10, 74, 103, 91, 112, 78, 81, 14, 68, 122, 94, 2, 15, 28, 79, 93, 36, 75, 29, 126, 17, 6, 100, 64, 114, 109, 11, 82, 106, 25, 18, 0, 4, 50, 89, 32, 76, 73, 30, 7, 38, 66, 20, 71, 70, 12, 41, 84, 102, 40, 105, 9, 23, 87, 104, 5, 69, 42, 34, 98, 8, 96, 95, 1, 31, 67, 35, 65, 99, 3], [46, 115, 127, 111, 56, 54, 47, 110, 119, 108, 107, 51, 117, 48, 44, 121, 43, 113, 57, 62, 63, 85, 124, 22, 24, 60, 19, 21, 123, 83, 26, 92, 90, 27, 39, 53, 101, 80, 88, 61, 49, 86, 59, 37, 16, 58, 116, 74, 118, 120, 103, 125, 72, 13, 122, 10, 55, 45, 91, 112, 33, 52, 77, 14, 78, 97, 64, 114, 81, 17, 68, 29, 126, 93, 79, 70, 28, 36, 11, 15, 89, 100, 2, 106, 94, 50, 66, 0, 4, 75, 18, 38, 20, 109, 76, 82, 32, 7, 42, 30, 25, 12, 6, 84, 41, 71, 105, 8, 9, 73, 69, 31, 87, 96, 102, 104, 5, 95, 23, 65, 35, 99, 98, 34, 3, 1, 40, 67], [46, 115, 127, 111, 47, 56, 54, 110, 108, 119, 107, 117, 51, 44, 48, 121, 43, 113, 57, 62, 124, 22, 85, 21, 19, 27, 24, 92, 101, 90, 59, 63, 26, 60, 123, 83, 61, 39, 86, 55, 80, 125, 33, 118, 16, 88, 37, 49, 58, 116, 103, 120, 13, 77, 45, 74, 52, 97, 122, 10, 53, 112, 91, 14, 70, 72, 81, 50, 29, 17, 68, 15, 79, 78, 114, 28, 36, 94, 64, 100, 109, 93, 4, 126, 18, 38, 106, 75, 76, 11, 8, 66, 2, 89, 42, 0, 82, 105, 25, 7, 9, 12, 20, 73, 96, 30, 102, 71, 23, 31, 32, 84, 87, 41, 69, 5, 104, 99, 6, 98, 95, 40, 34, 35, 67, 3, 65, 1], [46, 115, 127, 111, 54, 47, 56, 110, 108, 119, 107, 117, 51, 44, 48, 121, 43, 113, 22, 57, 21, 19, 24, 85, 62, 124, 27, 101, 83, 26, 92, 39, 88, 60, 63, 16, 86, 55, 123, 90, 80, 13, 37, 33, 58, 74, 45, 61, 77, 103, 118, 125, 97, 59, 120, 14, 49, 10, 81, 70, 72, 52, 91, 122, 114, 17, 116, 53, 36, 29, 78, 94, 15, 11, 8, 93, 75, 50, 28, 112, 109, 79, 106, 126, 68, 12, 0, 76, 82, 38, 4, 30, 32, 18, 66, 100, 25, 89, 42, 7, 71, 64, 20, 23, 73, 105, 9, 2, 102, 84, 41, 40, 96, 95, 87, 5, 98, 104, 6, 69, 31, 34, 1, 3, 99, 67, 65, 35], [46, 115, 111, 127, 54, 56, 47, 110, 108, 119, 107, 51, 117, 44, 48, 121, 43, 113, 22, 85, 26, 21, 124, 24, 19, 83, 57, 62, 88, 55, 63, 27, 39, 90, 60, 16, 92, 101, 103, 86, 80, 123, 59, 74, 37, 58, 33, 125, 45, 10, 77, 118, 97, 13, 49, 91, 120, 14, 61, 116, 53, 52, 17, 112, 81, 70, 78, 122, 93, 79, 94, 114, 15, 11, 8, 72, 28, 64, 126, 36, 0, 75, 18, 29, 106, 109, 82, 68, 50, 2, 12, 4, 25, 7, 66, 89, 20, 71, 100, 38, 76, 32, 84, 30, 105, 9, 23, 5, 42, 73, 102, 96, 6, 69, 98, 87, 104, 41, 40, 31, 95, 34, 1, 65, 35, 3, 99, 67], [46, 115, 127, 111, 54, 56, 47, 110, 108, 119, 107, 117, 51, 44, 48, 121, 43, 113, 57, 21, 22, 85, 124, 27, 60, 26, 19, 83, 92, 62, 24, 123, 63, 88, 86, 61, 90, 59, 55, 101, 39, 80, 16, 33, 125, 118, 49, 58, 53, 103, 97, 120, 74, 91, 37, 116, 13, 112, 77, 52, 45, 122, 10, 94, 36, 78, 93, 8, 81, 106, 14, 79, 50, 29, 70, 126, 114, 100, 28, 17, 4, 109, 75, 66, 64, 12, 15, 18, 68, 11, 82, 25, 30, 38, 89, 0, 41, 42, 105, 76, 72, 20, 102, 23, 2, 7, 104, 71, 32, 9, 95, 40, 96, 73, 87, 6, 84, 99, 5, 34, 69, 31, 98, 65, 67, 1, 3, 35], [46, 115, 127, 111, 54, 47, 56, 110, 108, 107, 117, 119, 51, 44, 48, 121, 43, 113, 57, 21, 85, 60, 124, 26, 125, 83, 22, 19, 62, 92, 55, 27, 61, 39, 88, 123, 24, 63, 90, 118, 80, 101, 59, 120, 13, 86, 37, 58, 16, 33, 8, 45, 52, 53, 97, 77, 103, 49, 74, 114, 81, 112, 10, 126, 122, 28, 116, 14, 50, 109, 91, 17, 15, 78, 29, 79, 36, 94, 75, 11, 82, 4, 106, 68, 100, 93, 6, 2, 38, 104, 76, 66, 12, 64, 42, 0, 32, 30, 25, 41, 70, 20, 102, 89, 71, 105, 18, 9, 96, 87, 7, 23, 73, 84, 40, 95, 98, 31, 34, 69, 99, 72, 35, 5, 1, 67, 3, 65], [46, 115, 111, 127, 56, 47, 54, 110, 108, 107, 117, 119, 51, 44, 121, 48, 43, 113, 57, 21, 62, 22, 124, 19, 24, 85, 26, 83, 63, 88, 92, 80, 27, 118, 55, 58, 39, 123, 120, 60, 101, 90, 16, 53, 13, 86, 8, 74, 103, 61, 45, 125, 37, 49, 33, 77, 59, 10, 52, 122, 97, 78, 14, 112, 6, 116, 81, 91, 79, 94, 0, 114, 17, 15, 68, 11, 29, 28, 66, 75, 126, 4, 109, 100, 50, 12, 2, 36, 106, 38, 93, 76, 89, 82, 102, 7, 18, 71, 64, 42, 32, 5, 84, 73, 20, 25, 23, 70, 30, 105, 72, 9, 87, 69, 96, 104, 98, 95, 67, 31, 41, 40, 34, 65, 1, 3, 35, 99], [46, 115, 111, 127, 54, 47, 56, 110, 108, 119, 51, 107, 117, 44, 121, 48, 43, 113, 57, 62, 22, 26, 55, 21, 83, 124, 24, 19, 85, 39, 45, 118, 27, 63, 92, 88, 37, 60, 101, 90, 123, 61, 8, 80, 86, 59, 74, 97, 33, 16, 125, 120, 49, 13, 103, 52, 53, 58, 77, 122, 114, 6, 78, 10, 68, 14, 50, 0, 81, 11, 17, 29, 91, 116, 66, 106, 112, 75, 15, 4, 79, 94, 28, 64, 126, 93, 109, 100, 71, 36, 76, 102, 18, 7, 2, 73, 25, 32, 12, 84, 38, 89, 82, 105, 9, 98, 5, 72, 30, 69, 96, 41, 35, 42, 23, 20, 34, 95, 87, 70, 40, 99, 104, 65, 31, 67, 3, 1], [46, 115, 111, 127, 56, 54, 47, 110, 108, 119, 107, 117, 51, 44, 48, 121, 43, 113, 57, 22, 26, 19, 62, 55, 85, 21, 24, 39, 27, 124, 83, 92, 86, 88, 60, 101, 16, 45, 80, 123, 58, 118, 90, 59, 37, 61, 63, 13, 33, 8, 103, 125, 77, 74, 97, 81, 122, 120, 53, 10, 14, 49, 78, 6, 112, 116, 17, 68, 52, 11, 91, 114, 29, 50, 94, 15, 36, 75, 28, 79, 93, 18, 4, 109, 100, 66, 106, 126, 25, 82, 0, 102, 76, 12, 38, 71, 105, 20, 72, 30, 7, 9, 2, 89, 73, 32, 64, 23, 5, 104, 87, 95, 84, 69, 70, 98, 40, 42, 96, 41, 34, 31, 35, 67, 1, 3, 65, 99], [46, 115, 127, 111, 56, 54, 47, 110, 108, 107, 119, 117, 51, 44, 48, 121, 43, 113, 26, 22, 57, 21, 62, 27, 124, 88, 19, 24, 55, 85, 63, 60, 39, 92, 59, 83, 16, 86, 118, 80, 101, 58, 45, 37, 103, 125, 90, 53, 123, 74, 61, 97, 8, 33, 10, 13, 116, 120, 14, 49, 122, 77, 91, 78, 112, 81, 6, 52, 0, 15, 68, 36, 93, 17, 114, 94, 102, 29, 50, 11, 2, 75, 4, 28, 126, 109, 64, 7, 79, 76, 18, 71, 100, 66, 12, 89, 25, 82, 70, 72, 38, 106, 9, 20, 5, 30, 69, 32, 73, 98, 105, 84, 104, 23, 87, 96, 1, 3, 95, 65, 42, 41, 40, 34, 31, 35, 99, 67], [46, 115, 127, 111, 56, 54, 47, 110, 108, 107, 119, 117, 44, 51, 121, 48, 43, 113, 57, 26, 22, 62, 19, 27, 80, 21, 24, 92, 63, 39, 124, 55, 85, 88, 83, 86, 60, 90, 16, 123, 101, 118, 37, 58, 61, 77, 59, 33, 97, 45, 120, 10, 125, 116, 49, 74, 13, 53, 103, 112, 122, 8, 81, 78, 14, 17, 93, 91, 36, 50, 29, 79, 28, 11, 52, 15, 94, 114, 75, 106, 76, 72, 126, 18, 68, 25, 12, 100, 82, 6, 109, 102, 70, 64, 7, 38, 66, 84, 73, 9, 71, 89, 4, 42, 105, 20, 30, 96, 23, 2, 32, 0, 69, 41, 98, 104, 87, 95, 31, 5, 34, 99, 40, 65, 35, 1, 3, 67]], "model.layers.24.self_attn.q_proj": [[112, 37, 48, 54, 90, 41, 94, 86, 30, 101, 56, 25, 59, 81, 62, 19, 20, 106, 58, 44, 63, 121, 123, 89, 105, 114, 12, 84, 9, 22, 95, 35, 74, 113, 46, 77, 52, 97, 104, 70, 2, 16, 24, 107, 117, 124, 60, 39, 18, 43, 119, 31, 88, 14, 125, 79, 122, 26, 10, 126, 109, 49, 4, 108, 68, 67, 80, 50, 45, 92, 8, 47, 120, 111, 29, 57, 0, 32, 115, 98, 51, 61, 118, 53, 99, 27, 71, 28, 116, 42, 110, 23, 103, 93, 102, 36, 127, 33, 91, 38, 40, 55, 100, 3, 21, 87, 17, 15, 78, 34, 85, 75, 1, 5, 96, 82, 13, 83, 65, 7, 69, 73, 76, 11, 66, 64, 72, 6], [112, 37, 48, 54, 122, 90, 111, 94, 30, 86, 125, 25, 101, 117, 41, 81, 24, 58, 19, 89, 88, 22, 35, 121, 59, 84, 45, 57, 126, 114, 109, 53, 20, 63, 106, 42, 105, 77, 12, 31, 119, 102, 120, 55, 104, 46, 10, 82, 60, 124, 3, 113, 14, 50, 18, 123, 70, 62, 100, 97, 49, 56, 47, 8, 52, 110, 44, 61, 74, 21, 26, 16, 107, 118, 87, 36, 9, 43, 103, 29, 40, 116, 65, 115, 95, 64, 93, 4, 27, 79, 32, 34, 51, 108, 28, 23, 17, 92, 91, 85, 127, 15, 96, 33, 2, 38, 39, 99, 80, 78, 98, 72, 73, 5, 83, 71, 11, 6, 75, 13, 7, 66, 68, 67, 0, 69, 76, 1], [112, 37, 48, 89, 25, 90, 54, 86, 94, 30, 56, 24, 18, 19, 35, 41, 22, 45, 105, 43, 20, 59, 50, 101, 116, 127, 97, 42, 81, 117, 125, 63, 16, 77, 60, 123, 88, 49, 95, 85, 38, 47, 9, 121, 106, 122, 109, 12, 114, 84, 115, 119, 100, 67, 0, 108, 55, 40, 26, 31, 110, 58, 70, 87, 51, 103, 104, 36, 102, 27, 92, 124, 111, 79, 2, 62, 46, 61, 13, 107, 91, 113, 53, 23, 126, 57, 74, 32, 34, 71, 39, 52, 33, 120, 29, 14, 82, 93, 99, 98, 44, 83, 96, 21, 15, 118, 69, 66, 8, 28, 78, 17, 10, 80, 7, 1, 75, 68, 76, 3, 11, 4, 72, 73, 6, 65, 64, 5], [112, 37, 48, 54, 90, 41, 94, 84, 81, 86, 117, 56, 62, 88, 30, 14, 20, 105, 19, 111, 24, 25, 51, 125, 101, 109, 49, 114, 10, 120, 63, 45, 58, 47, 31, 8, 60, 70, 126, 59, 43, 64, 77, 55, 121, 22, 52, 92, 102, 42, 119, 18, 57, 118, 53, 66, 3, 124, 4, 122, 113, 127, 65, 97, 106, 108, 89, 35, 123, 44, 107, 50, 16, 34, 39, 78, 103, 74, 110, 61, 26, 46, 32, 98, 104, 99, 38, 116, 40, 28, 12, 69, 17, 72, 100, 80, 21, 115, 93, 87, 1, 95, 33, 83, 29, 36, 85, 73, 96, 67, 5, 79, 91, 11, 2, 27, 9, 23, 71, 68, 75, 15, 0, 82, 6, 13, 76, 7], [108, 36, 44, 123, 51, 90, 26, 114, 85, 92, 96, 52, 121, 120, 18, 82, 31, 77, 28, 111, 94, 24, 15, 125, 56, 53, 95, 127, 60, 126, 20, 62, 107, 63, 113, 122, 23, 76, 46, 73, 110, 55, 32, 124, 39, 105, 102, 101, 45, 84, 87, 58, 50, 43, 74, 30, 37, 118, 41, 109, 116, 16, 6, 8, 97, 29, 27, 49, 21, 54, 33, 61, 115, 38, 9, 48, 7, 57, 112, 106, 40, 98, 14, 103, 117, 91, 89, 119, 47, 22, 99, 34, 25, 59, 104, 100, 35, 3, 42, 86, 78, 64, 88, 93, 4, 19, 80, 2, 83, 81, 11, 12, 17, 65, 10, 79, 67, 71, 5, 13, 69, 75, 66, 0, 68, 70, 1, 72], [108, 36, 44, 123, 51, 63, 127, 52, 90, 28, 96, 56, 114, 120, 92, 23, 105, 95, 119, 118, 46, 58, 31, 85, 87, 111, 30, 102, 106, 112, 57, 54, 124, 40, 103, 122, 55, 42, 77, 26, 107, 125, 60, 113, 99, 104, 116, 110, 15, 43, 109, 39, 32, 94, 61, 41, 100, 45, 62, 47, 38, 49, 11, 121, 82, 18, 115, 117, 126, 48, 53, 17, 37, 50, 10, 20, 59, 101, 93, 84, 8, 35, 97, 98, 33, 76, 34, 27, 6, 91, 88, 24, 16, 9, 89, 29, 83, 25, 19, 80, 73, 5, 21, 86, 22, 74, 3, 79, 81, 13, 7, 68, 12, 72, 75, 78, 14, 69, 66, 70, 64, 1, 4, 71, 65, 67, 2, 0], [108, 36, 44, 51, 52, 92, 96, 56, 85, 121, 90, 126, 26, 28, 31, 60, 114, 23, 120, 45, 117, 87, 18, 82, 15, 105, 49, 94, 77, 124, 102, 24, 112, 32, 48, 88, 109, 123, 55, 104, 110, 46, 103, 93, 41, 27, 73, 76, 100, 107, 125, 115, 34, 116, 61, 29, 63, 118, 113, 122, 43, 50, 53, 84, 119, 89, 111, 57, 127, 95, 101, 16, 22, 38, 47, 42, 39, 33, 106, 54, 25, 62, 4, 2, 40, 8, 37, 59, 98, 21, 97, 58, 64, 6, 3, 74, 99, 86, 30, 91, 9, 35, 80, 20, 65, 83, 78, 19, 7, 69, 71, 79, 81, 14, 5, 12, 17, 70, 10, 0, 13, 11, 75, 68, 72, 67, 66, 1], [108, 36, 123, 52, 90, 94, 44, 92, 28, 121, 124, 111, 63, 62, 93, 59, 109, 86, 105, 82, 87, 23, 116, 114, 50, 60, 26, 20, 100, 49, 96, 42, 91, 46, 31, 127, 119, 17, 103, 51, 78, 19, 41, 84, 57, 110, 15, 27, 53, 98, 48, 102, 37, 122, 117, 112, 58, 55, 33, 101, 99, 30, 104, 47, 45, 40, 25, 56, 120, 43, 61, 35, 54, 11, 106, 38, 118, 39, 113, 115, 97, 126, 107, 125, 22, 29, 18, 34, 8, 14, 85, 89, 80, 95, 88, 32, 21, 73, 77, 76, 24, 9, 83, 6, 16, 10, 81, 13, 79, 3, 7, 74, 12, 71, 75, 64, 2, 70, 72, 4, 5, 69, 65, 68, 66, 1, 67, 0], [45, 52, 109, 32, 89, 85, 18, 123, 12, 29, 87, 10, 9, 79, 69, 81, 96, 83, 71, 91, 101, 58, 4, 30, 117, 0, 68, 2, 82, 8, 19, 1, 16, 105, 59, 84, 35, 108, 37, 7, 64, 23, 6, 50, 54, 77, 76, 78, 127, 42, 25, 124, 97, 33, 17, 46, 102, 24, 31, 120, 114, 21, 28, 72, 15, 20, 94, 80, 73, 26, 88, 3, 126, 62, 104, 92, 70, 74, 110, 75, 66, 14, 103, 13, 122, 61, 44, 116, 27, 95, 67, 36, 60, 112, 39, 40, 86, 100, 22, 90, 34, 5, 119, 38, 113, 43, 98, 49, 93, 125, 65, 115, 56, 107, 11, 118, 48, 51, 53, 111, 99, 121, 63, 106, 57, 41, 47, 55], [45, 52, 109, 87, 123, 91, 79, 85, 69, 89, 12, 10, 32, 18, 96, 101, 4, 71, 1, 29, 9, 0, 81, 66, 83, 92, 30, 2, 36, 35, 56, 82, 65, 122, 42, 120, 117, 60, 8, 105, 22, 70, 58, 39, 110, 97, 64, 104, 88, 127, 106, 7, 84, 72, 53, 90, 14, 61, 95, 63, 74, 3, 126, 5, 21, 77, 16, 48, 54, 73, 111, 80, 27, 23, 68, 24, 76, 67, 94, 119, 17, 25, 13, 50, 33, 75, 62, 26, 107, 15, 116, 51, 44, 20, 49, 93, 31, 19, 46, 11, 6, 102, 98, 37, 108, 114, 103, 78, 28, 41, 38, 59, 121, 86, 125, 34, 118, 113, 99, 40, 57, 112, 100, 55, 124, 115, 43, 47], [45, 52, 109, 91, 32, 123, 85, 89, 87, 29, 18, 12, 9, 79, 46, 81, 112, 10, 4, 114, 69, 71, 83, 126, 96, 50, 54, 94, 61, 58, 47, 119, 108, 60, 82, 127, 92, 25, 63, 72, 22, 70, 62, 77, 30, 84, 107, 59, 110, 101, 35, 105, 64, 15, 57, 106, 16, 13, 111, 40, 49, 27, 93, 68, 116, 117, 42, 21, 1, 56, 55, 41, 39, 2, 115, 17, 33, 20, 23, 118, 24, 80, 0, 75, 19, 37, 113, 120, 103, 99, 95, 36, 26, 7, 122, 88, 124, 31, 34, 98, 90, 125, 28, 104, 100, 51, 8, 121, 102, 44, 73, 76, 14, 97, 5, 6, 38, 11, 3, 86, 43, 74, 53, 48, 78, 67, 65, 66], [45, 52, 109, 89, 32, 87, 91, 29, 85, 123, 79, 96, 18, 12, 10, 71, 83, 69, 50, 114, 9, 60, 35, 119, 49, 92, 84, 81, 106, 4, 77, 101, 95, 57, 107, 93, 63, 16, 1, 30, 36, 46, 82, 108, 100, 61, 117, 94, 39, 22, 112, 120, 118, 23, 58, 127, 53, 26, 21, 113, 110, 116, 43, 40, 44, 59, 28, 105, 25, 103, 88, 99, 42, 122, 55, 31, 121, 111, 124, 24, 126, 13, 54, 98, 62, 125, 37, 56, 27, 38, 115, 97, 15, 80, 51, 19, 20, 48, 102, 86, 68, 14, 90, 6, 74, 34, 33, 75, 78, 47, 17, 64, 8, 41, 76, 72, 104, 7, 73, 11, 5, 0, 70, 65, 67, 2, 3, 66], [104, 127, 98, 92, 87, 84, 81, 109, 31, 15, 17, 22, 54, 41, 28, 58, 82, 51, 37, 76, 124, 14, 21, 63, 122, 116, 95, 121, 89, 30, 20, 43, 60, 38, 57, 90, 53, 13, 56, 25, 73, 18, 94, 85, 102, 29, 24, 11, 88, 126, 111, 117, 125, 70, 27, 46, 55, 107, 23, 48, 62, 12, 42, 59, 78, 67, 61, 4, 40, 45, 93, 110, 80, 105, 118, 106, 32, 9, 114, 83, 79, 19, 35, 97, 99, 120, 96, 36, 47, 6, 39, 101, 33, 68, 86, 52, 75, 10, 50, 49, 77, 100, 119, 74, 113, 123, 115, 44, 103, 26, 5, 108, 91, 16, 72, 69, 8, 112, 34, 71, 7, 66, 3, 1, 65, 64, 0, 2], [104, 127, 92, 98, 84, 87, 14, 81, 109, 31, 73, 76, 37, 6, 63, 125, 122, 82, 57, 105, 75, 89, 124, 18, 41, 4, 107, 94, 99, 78, 25, 17, 97, 116, 95, 83, 61, 10, 64, 58, 28, 30, 68, 59, 108, 66, 43, 54, 20, 65, 60, 51, 47, 115, 72, 15, 100, 106, 3, 50, 46, 53, 45, 56, 49, 85, 48, 23, 13, 16, 22, 114, 96, 24, 9, 62, 77, 12, 74, 35, 26, 80, 70, 119, 19, 36, 33, 38, 91, 79, 90, 40, 117, 44, 55, 29, 111, 121, 101, 39, 88, 102, 103, 2, 21, 34, 93, 8, 123, 69, 120, 126, 7, 32, 113, 112, 5, 27, 11, 42, 110, 52, 118, 71, 0, 86, 1, 67], [104, 127, 98, 101, 22, 43, 92, 18, 105, 53, 31, 59, 125, 84, 124, 87, 63, 61, 89, 54, 81, 41, 39, 122, 57, 106, 50, 95, 45, 19, 46, 28, 99, 35, 121, 109, 71, 79, 118, 38, 26, 62, 25, 76, 58, 37, 116, 44, 8, 96, 15, 56, 0, 30, 102, 27, 111, 117, 14, 115, 13, 120, 126, 107, 108, 60, 94, 93, 49, 73, 74, 51, 55, 110, 52, 11, 85, 123, 113, 103, 82, 119, 32, 4, 97, 42, 75, 36, 77, 112, 100, 90, 48, 33, 47, 86, 114, 68, 65, 6, 5, 29, 24, 34, 10, 80, 88, 23, 91, 83, 40, 7, 67, 17, 20, 72, 69, 2, 21, 1, 16, 70, 66, 3, 64, 9, 12, 78], [104, 127, 98, 73, 87, 31, 66, 14, 92, 81, 124, 84, 76, 4, 6, 116, 37, 25, 64, 89, 2, 63, 71, 13, 5, 60, 41, 80, 65, 75, 19, 0, 18, 106, 61, 114, 22, 79, 67, 46, 10, 1, 105, 53, 47, 58, 57, 125, 8, 122, 95, 40, 85, 54, 82, 101, 12, 59, 102, 51, 77, 74, 117, 121, 62, 70, 3, 111, 11, 90, 55, 24, 69, 72, 29, 109, 50, 23, 49, 15, 9, 100, 16, 86, 21, 91, 42, 33, 56, 88, 35, 99, 26, 7, 119, 123, 107, 17, 112, 43, 68, 36, 32, 38, 44, 118, 48, 94, 103, 96, 27, 126, 113, 52, 97, 108, 83, 28, 115, 34, 110, 39, 120, 78, 45, 30, 93, 20], [61, 102, 121, 114, 58, 116, 119, 62, 115, 54, 50, 33, 111, 126, 60, 125, 59, 122, 120, 124, 123, 117, 112, 110, 63, 52, 38, 24, 56, 53, 49, 45, 113, 42, 57, 29, 127, 55, 48, 26, 51, 118, 46, 107, 15, 27, 108, 47, 109, 91, 88, 105, 41, 85, 21, 84, 106, 44, 43, 86, 93, 37, 90, 18, 101, 28, 103, 100, 40, 104, 39, 22, 30, 97, 36, 32, 83, 17, 79, 34, 98, 35, 82, 96, 12, 19, 73, 95, 99, 31, 92, 81, 9, 94, 23, 80, 77, 64, 7, 20, 76, 25, 71, 66, 78, 89, 67, 87, 0, 2, 1, 65, 3, 5, 4, 69, 16, 13, 68, 11, 6, 14, 75, 10, 8, 72, 74, 70], [121, 102, 114, 61, 116, 58, 119, 62, 115, 54, 33, 60, 126, 59, 122, 111, 50, 123, 117, 120, 124, 110, 125, 52, 112, 53, 57, 24, 29, 63, 56, 45, 38, 49, 48, 26, 127, 55, 42, 113, 46, 118, 51, 88, 15, 47, 109, 108, 27, 91, 105, 41, 107, 106, 21, 85, 43, 84, 44, 86, 93, 28, 37, 90, 18, 103, 100, 101, 104, 39, 30, 97, 22, 40, 83, 17, 36, 79, 32, 12, 99, 95, 35, 34, 96, 98, 73, 19, 20, 31, 81, 87, 92, 82, 94, 80, 76, 23, 9, 25, 71, 67, 7, 77, 64, 66, 0, 3, 65, 1, 78, 89, 4, 2, 69, 5, 68, 13, 16, 11, 14, 75, 6, 74, 10, 72, 8, 70], [114, 121, 102, 61, 58, 116, 119, 115, 62, 122, 60, 124, 126, 50, 59, 123, 54, 33, 111, 112, 125, 120, 110, 117, 24, 52, 63, 56, 53, 42, 106, 57, 127, 48, 49, 107, 55, 26, 118, 113, 38, 15, 46, 51, 45, 29, 47, 108, 27, 105, 84, 109, 91, 85, 21, 44, 41, 88, 93, 28, 43, 86, 37, 90, 18, 103, 40, 104, 32, 101, 36, 100, 39, 30, 17, 22, 82, 79, 97, 98, 35, 9, 34, 96, 12, 99, 83, 92, 31, 95, 73, 81, 94, 7, 19, 76, 67, 69, 20, 77, 25, 64, 1, 0, 78, 71, 66, 65, 3, 4, 2, 80, 23, 5, 89, 68, 87, 14, 13, 11, 16, 6, 74, 75, 8, 72, 70, 10], [61, 121, 114, 102, 23, 80, 83, 50, 58, 74, 77, 30, 25, 45, 11, 8, 33, 37, 29, 90, 91, 78, 32, 92, 20, 70, 81, 119, 100, 69, 116, 88, 86, 62, 75, 68, 72, 120, 89, 59, 42, 105, 26, 21, 14, 125, 18, 6, 87, 16, 10, 66, 28, 54, 24, 76, 19, 27, 127, 85, 96, 126, 103, 56, 107, 1, 111, 106, 93, 63, 64, 51, 12, 67, 22, 13, 48, 84, 34, 4, 82, 17, 60, 31, 47, 110, 43, 115, 122, 98, 124, 52, 101, 7, 112, 117, 94, 35, 123, 57, 79, 108, 49, 0, 104, 41, 95, 2, 46, 71, 55, 5, 9, 36, 118, 3, 113, 99, 44, 53, 109, 15, 38, 39, 40, 65, 73, 97], [53, 42, 58, 120, 122, 100, 125, 116, 61, 45, 63, 123, 127, 48, 50, 52, 121, 49, 30, 54, 113, 89, 126, 51, 23, 108, 56, 59, 32, 44, 112, 111, 115, 46, 60, 106, 114, 62, 18, 47, 117, 57, 55, 21, 124, 119, 110, 109, 43, 118, 90, 91, 107, 40, 86, 92, 35, 15, 25, 104, 103, 28, 94, 24, 85, 41, 105, 12, 31, 37, 27, 38, 39, 83, 99, 101, 96, 36, 22, 102, 82, 34, 80, 98, 88, 93, 81, 95, 87, 78, 33, 1, 20, 76, 79, 97, 17, 5, 14, 29, 11, 26, 7, 77, 74, 16, 67, 68, 65, 0, 3, 72, 84, 19, 73, 64, 2, 70, 4, 71, 66, 69, 10, 9, 8, 13, 75, 6], [53, 42, 58, 120, 83, 80, 100, 89, 32, 11, 77, 73, 86, 27, 106, 45, 122, 70, 28, 24, 1, 92, 99, 26, 85, 81, 17, 67, 25, 74, 79, 72, 14, 5, 103, 20, 75, 111, 116, 23, 40, 113, 76, 125, 63, 123, 57, 48, 84, 119, 96, 61, 66, 6, 37, 93, 78, 82, 19, 50, 8, 91, 127, 34, 88, 15, 30, 126, 43, 94, 31, 9, 87, 69, 10, 49, 22, 105, 29, 4, 21, 0, 16, 95, 112, 71, 13, 39, 90, 56, 33, 54, 52, 124, 121, 101, 18, 51, 104, 118, 59, 109, 108, 7, 68, 114, 62, 12, 3, 35, 97, 117, 60, 115, 46, 44, 55, 98, 38, 2, 65, 102, 107, 64, 47, 110, 41, 36], [58, 42, 53, 120, 122, 125, 116, 45, 100, 61, 30, 123, 63, 48, 121, 50, 127, 49, 111, 54, 52, 89, 56, 59, 51, 112, 126, 23, 106, 108, 32, 46, 113, 115, 57, 114, 44, 62, 47, 60, 117, 55, 119, 21, 124, 110, 18, 109, 24, 118, 90, 94, 43, 107, 104, 91, 40, 25, 41, 105, 103, 92, 31, 35, 85, 86, 39, 37, 99, 12, 101, 38, 28, 27, 15, 96, 102, 36, 22, 82, 95, 93, 34, 98, 17, 81, 88, 97, 79, 33, 83, 76, 20, 80, 14, 87, 29, 26, 7, 16, 78, 2, 74, 8, 19, 64, 65, 72, 66, 77, 68, 0, 5, 71, 1, 67, 3, 84, 10, 4, 11, 69, 6, 70, 13, 75, 9, 73], [120, 42, 58, 53, 122, 125, 45, 61, 116, 123, 106, 50, 89, 52, 23, 49, 100, 48, 59, 56, 63, 112, 111, 44, 121, 54, 127, 117, 126, 57, 62, 110, 113, 51, 115, 30, 55, 60, 46, 109, 118, 114, 47, 90, 119, 124, 18, 108, 107, 28, 43, 21, 105, 24, 104, 91, 32, 83, 95, 29, 40, 103, 38, 39, 35, 101, 34, 41, 99, 102, 94, 86, 37, 97, 85, 92, 27, 31, 33, 25, 15, 98, 96, 77, 36, 26, 12, 82, 93, 20, 13, 19, 22, 75, 17, 10, 14, 87, 7, 11, 76, 84, 74, 79, 88, 16, 80, 71, 67, 6, 68, 66, 72, 1, 8, 2, 5, 81, 70, 3, 64, 0, 4, 69, 65, 78, 9, 73], [51, 118, 55, 39, 63, 54, 121, 25, 23, 122, 124, 120, 126, 59, 53, 61, 113, 123, 62, 58, 117, 95, 50, 56, 57, 89, 52, 125, 60, 82, 49, 116, 115, 119, 34, 47, 48, 114, 127, 106, 111, 112, 42, 46, 44, 109, 104, 110, 45, 108, 29, 87, 80, 14, 27, 43, 107, 84, 36, 76, 35, 37, 99, 41, 96, 40, 102, 103, 20, 101, 100, 105, 28, 97, 38, 31, 18, 12, 85, 91, 26, 24, 16, 74, 32, 93, 92, 98, 78, 86, 30, 71, 69, 33, 94, 8, 21, 88, 7, 2, 22, 1, 68, 90, 83, 10, 70, 72, 13, 81, 3, 73, 6, 19, 11, 0, 5, 9, 79, 65, 4, 64, 66, 75, 67, 17, 77, 15], [55, 39, 118, 122, 25, 23, 120, 121, 63, 89, 95, 115, 124, 51, 123, 113, 126, 61, 58, 60, 34, 82, 59, 112, 48, 53, 119, 106, 52, 57, 62, 117, 111, 42, 49, 50, 56, 47, 114, 125, 44, 127, 116, 43, 54, 80, 14, 29, 108, 45, 110, 46, 109, 84, 76, 41, 104, 107, 40, 27, 87, 20, 31, 105, 18, 102, 100, 16, 28, 96, 78, 37, 36, 101, 38, 103, 12, 93, 35, 8, 97, 32, 24, 94, 99, 83, 88, 74, 33, 86, 10, 71, 92, 85, 72, 7, 98, 90, 70, 73, 69, 68, 13, 30, 6, 21, 3, 2, 5, 26, 9, 22, 0, 65, 66, 19, 1, 4, 67, 64, 81, 11, 91, 79, 17, 77, 75, 15], [51, 55, 39, 120, 121, 118, 54, 122, 63, 23, 89, 25, 59, 123, 46, 113, 62, 115, 124, 60, 61, 126, 44, 112, 125, 58, 50, 116, 33, 53, 52, 49, 82, 95, 57, 34, 119, 29, 108, 56, 45, 110, 114, 111, 117, 87, 47, 42, 127, 48, 43, 76, 14, 109, 100, 84, 68, 71, 31, 36, 99, 98, 3, 106, 26, 72, 11, 80, 38, 107, 37, 40, 88, 32, 18, 102, 105, 27, 0, 83, 104, 20, 41, 28, 96, 97, 1, 12, 101, 81, 30, 92, 93, 90, 94, 78, 103, 5, 35, 2, 64, 74, 24, 69, 65, 70, 9, 4, 85, 19, 21, 8, 91, 13, 16, 6, 86, 7, 75, 67, 10, 73, 79, 66, 17, 22, 77, 15], [51, 55, 120, 39, 63, 121, 27, 124, 126, 59, 53, 61, 123, 116, 122, 57, 58, 60, 62, 56, 45, 118, 119, 54, 25, 117, 125, 114, 113, 50, 47, 49, 127, 111, 34, 115, 108, 95, 52, 48, 46, 84, 107, 112, 36, 86, 110, 82, 43, 20, 109, 42, 76, 89, 44, 29, 40, 23, 14, 92, 41, 106, 24, 94, 80, 102, 101, 105, 91, 93, 22, 79, 99, 31, 103, 28, 17, 81, 90, 35, 104, 38, 15, 74, 98, 100, 12, 69, 85, 7, 37, 8, 88, 32, 13, 16, 9, 96, 21, 70, 71, 97, 26, 18, 33, 87, 68, 1, 77, 83, 6, 30, 2, 11, 78, 73, 10, 19, 0, 67, 72, 5, 75, 66, 4, 65, 3, 64], [38, 115, 114, 50, 51, 113, 89, 75, 19, 82, 16, 23, 77, 7, 73, 78, 69, 10, 39, 87, 25, 6, 94, 67, 8, 85, 57, 104, 13, 74, 125, 52, 27, 3, 26, 80, 118, 21, 14, 68, 65, 5, 106, 92, 124, 12, 105, 11, 123, 30, 64, 79, 98, 122, 37, 95, 81, 43, 44, 63, 62, 56, 41, 18, 93, 70, 102, 54, 101, 2, 112, 121, 107, 83, 42, 76, 100, 59, 34, 48, 111, 49, 45, 40, 119, 117, 33, 28, 126, 60, 84, 47, 108, 120, 36, 96, 109, 103, 4, 61, 88, 86, 29, 32, 17, 99, 127, 35, 58, 72, 46, 9, 116, 97, 31, 55, 22, 15, 90, 110, 53, 91, 71, 24, 20, 1, 66, 0], [38, 114, 115, 50, 51, 89, 23, 82, 19, 77, 16, 69, 75, 7, 73, 113, 64, 2, 85, 14, 93, 17, 67, 66, 78, 1, 21, 72, 3, 87, 79, 12, 94, 8, 13, 32, 71, 126, 106, 25, 15, 68, 95, 102, 10, 22, 41, 57, 74, 6, 127, 24, 44, 34, 112, 107, 56, 39, 76, 27, 92, 26, 90, 98, 0, 54, 18, 101, 80, 65, 40, 121, 105, 49, 81, 30, 122, 84, 47, 9, 104, 108, 83, 109, 117, 4, 125, 11, 20, 100, 37, 36, 48, 42, 116, 43, 86, 103, 97, 59, 63, 120, 28, 29, 61, 46, 45, 111, 99, 55, 110, 119, 53, 35, 70, 58, 60, 91, 33, 124, 118, 31, 88, 96, 62, 52, 123, 5], [38, 114, 115, 50, 51, 89, 7, 19, 73, 16, 75, 113, 82, 2, 77, 64, 69, 23, 3, 67, 14, 25, 85, 87, 93, 6, 13, 1, 17, 48, 66, 107, 8, 125, 9, 124, 41, 56, 71, 104, 0, 12, 79, 20, 52, 122, 45, 126, 5, 94, 81, 18, 22, 65, 74, 95, 127, 91, 57, 49, 59, 83, 15, 11, 80, 46, 24, 60, 92, 39, 118, 21, 86, 90, 105, 68, 10, 117, 121, 4, 44, 110, 29, 78, 72, 62, 106, 111, 88, 32, 108, 96, 58, 27, 40, 31, 123, 34, 109, 116, 120, 76, 119, 97, 101, 43, 63, 37, 100, 112, 98, 36, 28, 30, 99, 33, 61, 54, 103, 53, 26, 42, 55, 47, 84, 35, 102, 70], [38, 50, 114, 115, 51, 113, 23, 16, 82, 89, 39, 19, 77, 85, 126, 75, 73, 78, 7, 30, 24, 37, 22, 57, 116, 14, 52, 12, 35, 92, 34, 27, 125, 112, 36, 79, 83, 69, 13, 81, 26, 107, 49, 56, 88, 63, 80, 104, 17, 106, 67, 21, 94, 25, 20, 120, 44, 90, 46, 87, 60, 121, 45, 117, 42, 40, 9, 108, 47, 41, 48, 8, 109, 93, 76, 6, 122, 32, 72, 84, 97, 102, 53, 62, 10, 59, 119, 61, 99, 103, 98, 2, 118, 31, 111, 11, 54, 105, 74, 28, 18, 86, 127, 124, 33, 110, 15, 95, 29, 123, 43, 100, 96, 101, 58, 55, 91, 68, 3, 70, 5, 64, 71, 65, 1, 4, 66, 0]], "model.layers.24.self_attn.k_proj": [[48, 112, 101, 30, 86, 90, 19, 88, 89, 25, 81, 84, 12, 70, 14, 107, 77, 63, 8, 54, 47, 120, 60, 17, 52, 125, 41, 0, 49, 117, 115, 119, 93, 114, 2, 124, 74, 10, 33, 79, 64, 113, 43, 46, 102, 1, 57, 62, 80, 59, 42, 18, 20, 100, 118, 110, 35, 9, 109, 56, 29, 123, 44, 55, 58, 51, 68, 106, 116, 45, 28, 38, 103, 122, 108, 61, 50, 111, 4, 3, 40, 104, 87, 53, 127, 126, 39, 121, 67, 98, 99, 16, 97, 96, 15, 23, 32, 36, 31, 27, 85, 91, 5, 105, 92, 83, 34, 71, 94, 95, 73, 24, 82, 75, 21, 78, 7, 26, 11, 13, 72, 69, 76, 65, 22, 6, 66, 37], [44, 108, 52, 121, 82, 77, 15, 85, 100, 26, 32, 87, 60, 123, 6, 8, 76, 73, 55, 28, 3, 51, 74, 127, 120, 24, 48, 92, 61, 0, 9, 64, 65, 29, 124, 4, 109, 2, 89, 16, 5, 111, 94, 20, 110, 63, 18, 114, 105, 116, 78, 56, 35, 118, 7, 83, 47, 126, 59, 22, 88, 91, 50, 95, 62, 33, 122, 46, 84, 119, 115, 25, 31, 80, 54, 23, 27, 113, 86, 97, 98, 45, 81, 99, 103, 39, 102, 69, 40, 12, 70, 101, 107, 37, 57, 43, 117, 34, 112, 49, 11, 93, 53, 41, 38, 36, 42, 106, 96, 125, 104, 58, 19, 90, 30, 21, 14, 17, 71, 10, 13, 75, 79, 68, 72, 66, 1, 67], [109, 52, 45, 0, 123, 85, 32, 12, 69, 10, 87, 79, 116, 89, 18, 9, 4, 91, 81, 68, 2, 29, 83, 60, 71, 84, 8, 77, 78, 3, 1, 70, 16, 119, 120, 7, 93, 126, 58, 117, 94, 41, 30, 64, 66, 115, 124, 72, 118, 112, 114, 113, 61, 46, 54, 47, 44, 37, 92, 49, 111, 127, 65, 50, 53, 125, 95, 105, 106, 51, 110, 63, 35, 40, 43, 107, 48, 56, 102, 55, 39, 34, 19, 108, 104, 22, 121, 57, 97, 6, 59, 42, 62, 75, 103, 36, 100, 122, 82, 38, 67, 25, 28, 101, 99, 98, 13, 33, 27, 14, 20, 11, 88, 31, 21, 23, 90, 96, 86, 26, 73, 15, 80, 24, 5, 76, 17, 74], [127, 40, 34, 84, 87, 76, 95, 81, 73, 14, 17, 89, 6, 5, 28, 66, 125, 124, 64, 4, 116, 60, 122, 110, 0, 111, 13, 79, 58, 74, 19, 75, 92, 117, 51, 18, 80, 50, 24, 57, 105, 43, 63, 22, 45, 41, 101, 107, 26, 106, 54, 16, 121, 70, 10, 86, 71, 53, 20, 39, 78, 59, 8, 65, 52, 56, 30, 37, 62, 49, 94, 3, 42, 25, 123, 114, 61, 27, 83, 90, 7, 85, 96, 15, 109, 119, 103, 67, 21, 35, 44, 118, 33, 47, 99, 113, 55, 77, 108, 120, 126, 32, 1, 102, 69, 112, 115, 93, 68, 31, 98, 38, 36, 88, 46, 29, 48, 97, 82, 91, 12, 72, 100, 23, 9, 11, 2, 104], [38, 61, 114, 121, 86, 97, 119, 93, 18, 54, 30, 27, 50, 116, 15, 59, 41, 62, 56, 120, 126, 58, 115, 125, 124, 122, 55, 63, 90, 60, 127, 57, 49, 117, 48, 85, 123, 47, 112, 113, 118, 108, 52, 110, 101, 24, 51, 45, 36, 109, 46, 96, 53, 43, 94, 29, 106, 111, 95, 17, 104, 44, 25, 42, 107, 39, 99, 91, 105, 79, 33, 98, 12, 20, 28, 81, 80, 103, 92, 13, 40, 73, 77, 88, 100, 83, 7, 14, 16, 34, 10, 21, 31, 37, 84, 102, 23, 35, 74, 19, 26, 32, 78, 11, 89, 87, 8, 82, 70, 22, 75, 6, 68, 3, 9, 1, 76, 72, 2, 69, 66, 65, 5, 71, 0, 4, 67, 64], [106, 36, 120, 86, 53, 58, 96, 116, 94, 28, 49, 61, 89, 63, 27, 121, 123, 42, 122, 50, 45, 125, 48, 56, 62, 111, 54, 124, 59, 52, 18, 117, 55, 80, 127, 57, 119, 115, 112, 35, 46, 114, 51, 83, 60, 108, 34, 126, 107, 118, 47, 113, 109, 21, 98, 23, 12, 41, 43, 73, 15, 81, 110, 9, 105, 11, 104, 77, 29, 44, 40, 102, 14, 16, 39, 38, 7, 37, 103, 101, 17, 90, 0, 95, 87, 97, 33, 92, 24, 91, 20, 31, 67, 26, 100, 13, 99, 32, 71, 93, 72, 5, 88, 30, 68, 84, 19, 66, 78, 70, 74, 82, 85, 25, 2, 65, 64, 76, 69, 10, 75, 6, 79, 8, 22, 3, 4, 1], [103, 51, 55, 86, 120, 98, 123, 63, 93, 126, 124, 61, 31, 114, 53, 45, 59, 58, 49, 57, 121, 89, 122, 52, 125, 62, 112, 56, 47, 117, 116, 50, 60, 46, 119, 127, 115, 48, 110, 113, 108, 111, 107, 38, 109, 40, 42, 105, 44, 54, 43, 36, 80, 41, 106, 22, 18, 33, 118, 34, 79, 82, 16, 104, 99, 88, 90, 81, 84, 26, 96, 97, 102, 92, 91, 11, 100, 13, 37, 27, 21, 101, 32, 35, 83, 12, 23, 25, 29, 94, 72, 78, 85, 20, 10, 6, 30, 28, 17, 39, 24, 14, 66, 87, 19, 95, 9, 5, 73, 69, 4, 15, 8, 77, 75, 67, 76, 65, 71, 68, 0, 74, 7, 3, 1, 70, 2, 64], [50, 115, 102, 77, 89, 16, 19, 82, 75, 73, 114, 7, 23, 64, 69, 113, 2, 3, 67, 66, 1, 85, 10, 93, 17, 8, 70, 14, 65, 78, 21, 57, 30, 38, 112, 49, 94, 42, 43, 126, 34, 76, 71, 39, 45, 108, 92, 25, 90, 48, 6, 32, 44, 117, 123, 122, 13, 121, 87, 56, 106, 103, 125, 22, 79, 28, 74, 20, 27, 120, 63, 124, 116, 68, 33, 127, 61, 54, 15, 60, 104, 4, 41, 52, 119, 105, 100, 95, 12, 91, 72, 9, 88, 26, 53, 36, 31, 101, 29, 98, 62, 35, 118, 47, 59, 84, 46, 109, 51, 40, 96, 99, 0, 110, 55, 107, 111, 24, 37, 83, 58, 80, 97, 11, 5, 81, 86, 18]], "model.layers.24.self_attn.qk_proj": [[127, 50, 48, 115, 112, 114, 109, 51, 45, 108, 55, 61, 121, 44, 53, 120, 58, 52, 38, 25, 23, 124, 123, 63, 87, 18, 42, 89, 92, 60, 22, 113, 106, 40, 125, 82, 126, 116, 29, 122, 83, 19, 59, 17, 77, 32, 101, 54, 20, 26, 13, 94, 84, 73, 16, 9, 30, 81, 12, 56, 102, 85, 80, 90, 21, 57, 117, 49, 37, 76, 46, 86, 79, 111, 75, 98, 118, 110, 36, 7, 62, 15, 78, 14, 41, 11, 47, 119, 71, 27, 91, 103, 64, 43, 95, 34, 39, 5, 69, 74, 10, 105, 0, 96, 24, 31, 100, 104, 6, 88, 93, 28, 3, 68, 107, 67, 2, 66, 33, 70, 8, 4, 97, 99, 72, 35, 1, 65], [127, 50, 115, 114, 48, 109, 112, 51, 55, 108, 61, 45, 121, 44, 53, 120, 58, 52, 38, 25, 123, 92, 23, 87, 60, 89, 113, 18, 42, 124, 22, 106, 116, 40, 122, 63, 54, 125, 82, 29, 126, 73, 59, 83, 77, 101, 56, 32, 13, 20, 85, 19, 94, 16, 17, 26, 30, 81, 102, 9, 12, 49, 117, 86, 76, 84, 79, 21, 119, 111, 118, 57, 71, 36, 98, 80, 110, 41, 27, 103, 39, 75, 37, 90, 62, 47, 104, 78, 14, 46, 91, 11, 15, 43, 74, 34, 64, 105, 5, 69, 24, 100, 31, 95, 107, 7, 0, 96, 4, 93, 10, 28, 6, 88, 2, 68, 8, 66, 3, 67, 33, 97, 70, 72, 99, 35, 65, 1], [127, 50, 48, 115, 114, 112, 109, 51, 45, 108, 55, 61, 121, 120, 44, 53, 58, 52, 25, 38, 123, 113, 23, 87, 106, 92, 42, 18, 89, 60, 40, 22, 126, 125, 122, 82, 63, 32, 56, 116, 124, 54, 29, 59, 17, 26, 101, 13, 19, 73, 30, 102, 49, 83, 85, 16, 119, 20, 77, 94, 81, 76, 86, 12, 90, 9, 117, 21, 47, 57, 111, 118, 98, 110, 84, 104, 41, 80, 103, 78, 34, 79, 36, 31, 39, 7, 37, 62, 71, 75, 64, 15, 11, 14, 27, 5, 105, 69, 96, 91, 46, 95, 74, 100, 43, 10, 107, 0, 28, 93, 24, 66, 6, 33, 67, 2, 88, 3, 8, 4, 68, 97, 70, 99, 35, 65, 1, 72], [127, 50, 48, 115, 114, 112, 109, 51, 61, 45, 108, 55, 121, 44, 53, 120, 58, 52, 123, 38, 25, 106, 113, 23, 42, 87, 89, 18, 126, 82, 92, 59, 22, 124, 63, 125, 56, 116, 119, 29, 60, 94, 40, 76, 13, 122, 17, 32, 30, 73, 86, 19, 77, 80, 9, 101, 85, 16, 54, 49, 83, 81, 26, 79, 102, 12, 84, 111, 20, 98, 118, 110, 75, 47, 117, 5, 15, 41, 21, 104, 62, 71, 39, 36, 37, 69, 57, 14, 90, 7, 27, 34, 78, 46, 31, 0, 43, 11, 74, 103, 10, 95, 100, 96, 2, 28, 24, 88, 66, 67, 8, 70, 64, 93, 91, 4, 105, 6, 3, 107, 33, 35, 68, 97, 99, 65, 1, 72], [127, 48, 50, 115, 114, 112, 109, 51, 108, 61, 55, 45, 44, 121, 120, 53, 58, 52, 25, 123, 38, 23, 42, 113, 60, 63, 82, 18, 89, 87, 106, 59, 92, 56, 126, 124, 125, 22, 122, 40, 54, 13, 17, 73, 19, 86, 49, 29, 116, 9, 94, 80, 77, 30, 57, 32, 84, 83, 81, 26, 20, 76, 12, 101, 16, 75, 85, 90, 110, 118, 119, 14, 79, 111, 102, 21, 117, 37, 15, 104, 62, 98, 36, 5, 103, 47, 41, 34, 71, 78, 27, 95, 7, 11, 10, 46, 69, 91, 64, 70, 74, 96, 105, 31, 100, 39, 0, 24, 43, 107, 33, 28, 88, 3, 66, 8, 2, 67, 4, 93, 97, 68, 6, 35, 1, 99, 72, 65], [127, 50, 48, 115, 114, 112, 109, 61, 51, 108, 55, 45, 44, 121, 53, 120, 58, 52, 25, 38, 42, 23, 22, 123, 89, 113, 87, 18, 82, 106, 92, 60, 126, 40, 124, 77, 84, 122, 73, 63, 59, 76, 83, 81, 17, 94, 80, 19, 116, 125, 86, 29, 12, 13, 101, 85, 54, 30, 16, 32, 9, 26, 102, 37, 79, 56, 15, 98, 21, 41, 110, 57, 90, 36, 34, 118, 49, 20, 47, 14, 103, 5, 11, 95, 75, 27, 111, 78, 71, 46, 70, 10, 7, 104, 0, 117, 64, 43, 105, 62, 119, 39, 91, 8, 74, 24, 69, 100, 96, 93, 107, 88, 31, 2, 33, 66, 97, 28, 3, 67, 68, 6, 35, 99, 4, 65, 1, 72], [127, 50, 48, 115, 114, 112, 109, 55, 108, 51, 45, 61, 44, 121, 53, 120, 58, 52, 25, 23, 42, 87, 38, 82, 89, 123, 92, 18, 106, 124, 22, 60, 113, 125, 122, 40, 63, 19, 17, 54, 126, 32, 94, 84, 86, 26, 73, 30, 80, 13, 77, 29, 83, 101, 81, 56, 116, 12, 16, 59, 76, 85, 20, 9, 57, 21, 119, 98, 79, 102, 15, 90, 49, 111, 78, 41, 75, 118, 47, 104, 11, 110, 27, 14, 46, 71, 117, 5, 36, 37, 91, 7, 103, 95, 34, 64, 10, 62, 105, 100, 39, 74, 0, 24, 43, 31, 69, 70, 107, 96, 88, 8, 28, 93, 33, 35, 2, 4, 3, 97, 68, 67, 99, 66, 6, 72, 1, 65], [127, 50, 48, 115, 114, 109, 112, 55, 51, 45, 108, 121, 44, 61, 120, 53, 58, 52, 25, 23, 123, 38, 124, 89, 92, 18, 87, 42, 60, 82, 22, 113, 63, 125, 106, 40, 122, 116, 83, 59, 29, 126, 119, 32, 30, 56, 16, 94, 54, 73, 86, 26, 101, 20, 80, 19, 49, 13, 84, 17, 21, 90, 81, 102, 12, 9, 85, 77, 57, 76, 37, 15, 111, 41, 79, 78, 62, 11, 46, 71, 36, 110, 39, 117, 118, 34, 91, 27, 5, 105, 104, 43, 28, 75, 98, 31, 0, 47, 24, 103, 64, 10, 14, 95, 7, 69, 100, 70, 88, 74, 93, 96, 68, 107, 66, 2, 35, 3, 33, 4, 8, 97, 67, 72, 6, 99, 1, 65], [127, 50, 48, 115, 112, 109, 114, 55, 45, 51, 108, 121, 61, 44, 53, 120, 58, 52, 25, 38, 23, 92, 89, 123, 124, 87, 42, 125, 113, 63, 82, 106, 60, 59, 18, 126, 116, 122, 83, 22, 32, 77, 40, 56, 101, 80, 94, 81, 26, 84, 29, 54, 86, 30, 19, 117, 13, 119, 73, 102, 20, 85, 17, 49, 90, 76, 16, 9, 21, 111, 12, 37, 98, 118, 43, 15, 41, 47, 79, 57, 14, 34, 91, 110, 103, 27, 96, 75, 105, 11, 71, 36, 46, 69, 39, 100, 62, 104, 31, 78, 28, 7, 5, 95, 24, 74, 107, 10, 88, 93, 64, 0, 70, 33, 2, 4, 35, 68, 66, 6, 97, 3, 72, 99, 67, 8, 1, 65], [127, 50, 48, 114, 115, 109, 112, 45, 51, 108, 55, 121, 61, 44, 53, 120, 58, 52, 25, 38, 123, 124, 23, 87, 89, 42, 125, 113, 63, 106, 92, 82, 59, 18, 60, 116, 40, 126, 22, 29, 122, 30, 101, 83, 9, 73, 13, 94, 32, 54, 17, 119, 19, 77, 76, 56, 86, 84, 26, 85, 117, 16, 81, 80, 102, 57, 36, 111, 49, 12, 21, 37, 41, 118, 79, 103, 69, 20, 14, 110, 7, 11, 34, 90, 75, 104, 71, 98, 15, 5, 27, 47, 62, 78, 91, 95, 0, 10, 105, 6, 64, 31, 96, 24, 43, 39, 74, 28, 46, 100, 4, 66, 3, 88, 72, 2, 68, 93, 33, 70, 107, 67, 35, 97, 99, 8, 1, 65], [127, 50, 48, 115, 109, 112, 114, 51, 108, 45, 44, 55, 61, 121, 53, 120, 58, 52, 25, 42, 38, 123, 124, 87, 23, 106, 92, 113, 18, 82, 89, 22, 63, 122, 126, 125, 40, 73, 13, 29, 60, 116, 83, 9, 59, 56, 54, 77, 80, 86, 16, 84, 85, 19, 32, 81, 94, 17, 30, 26, 12, 76, 119, 102, 101, 20, 118, 36, 15, 62, 79, 71, 11, 117, 5, 49, 111, 90, 0, 75, 21, 69, 37, 96, 34, 27, 98, 104, 103, 7, 6, 57, 14, 39, 95, 78, 10, 64, 43, 74, 110, 46, 105, 47, 91, 2, 31, 41, 88, 24, 72, 67, 100, 28, 66, 3, 68, 93, 107, 4, 70, 97, 33, 8, 65, 35, 99, 1], [127, 50, 48, 115, 114, 112, 109, 51, 45, 108, 61, 44, 55, 121, 53, 120, 58, 52, 25, 42, 23, 87, 92, 38, 123, 22, 18, 106, 124, 89, 113, 82, 63, 40, 77, 13, 76, 125, 19, 126, 86, 30, 80, 73, 29, 17, 60, 85, 20, 84, 83, 9, 54, 94, 116, 81, 122, 101, 32, 16, 49, 26, 12, 56, 118, 90, 98, 15, 21, 57, 59, 111, 79, 11, 37, 102, 36, 7, 34, 95, 75, 71, 0, 117, 104, 27, 62, 47, 14, 100, 10, 91, 6, 119, 39, 96, 41, 78, 5, 69, 103, 74, 43, 24, 105, 46, 64, 88, 107, 28, 93, 31, 110, 72, 33, 97, 67, 66, 68, 2, 4, 3, 99, 70, 35, 8, 1, 65], [127, 50, 48, 115, 112, 109, 114, 51, 55, 45, 108, 61, 44, 121, 53, 120, 58, 52, 25, 38, 92, 124, 123, 23, 89, 42, 22, 87, 125, 113, 82, 63, 126, 18, 106, 40, 60, 32, 116, 94, 101, 30, 59, 54, 122, 29, 84, 26, 85, 77, 17, 13, 9, 86, 49, 117, 83, 56, 81, 19, 57, 20, 80, 73, 16, 111, 21, 119, 90, 37, 76, 12, 98, 41, 79, 36, 103, 118, 91, 15, 34, 27, 95, 11, 105, 100, 102, 24, 110, 75, 14, 71, 39, 7, 62, 47, 78, 46, 0, 5, 104, 28, 69, 31, 74, 10, 88, 43, 96, 72, 6, 68, 64, 93, 33, 97, 107, 2, 99, 66, 67, 4, 35, 70, 3, 65, 1, 8], [127, 50, 48, 114, 115, 112, 109, 51, 108, 45, 55, 61, 44, 120, 121, 53, 58, 52, 25, 124, 42, 38, 123, 23, 126, 89, 113, 106, 87, 22, 125, 59, 92, 40, 63, 18, 82, 122, 32, 56, 102, 77, 60, 101, 73, 116, 83, 84, 9, 119, 13, 30, 94, 54, 19, 81, 118, 16, 17, 86, 49, 26, 57, 111, 85, 29, 80, 117, 12, 37, 21, 76, 79, 90, 36, 20, 7, 41, 11, 98, 62, 27, 47, 15, 78, 103, 39, 69, 34, 75, 105, 71, 43, 0, 100, 64, 104, 10, 88, 74, 31, 14, 5, 95, 110, 96, 24, 28, 72, 6, 66, 91, 46, 33, 107, 93, 4, 2, 3, 67, 70, 97, 35, 68, 99, 65, 8, 1], [127, 114, 48, 50, 115, 109, 112, 51, 108, 45, 44, 55, 61, 121, 120, 53, 58, 52, 42, 25, 38, 23, 106, 89, 123, 22, 124, 113, 87, 63, 82, 92, 40, 18, 125, 126, 116, 59, 29, 77, 32, 9, 81, 60, 73, 83, 122, 16, 19, 30, 94, 54, 84, 13, 85, 26, 12, 101, 111, 80, 17, 20, 118, 49, 21, 76, 36, 119, 102, 56, 57, 37, 11, 98, 86, 79, 7, 15, 117, 41, 14, 62, 5, 103, 43, 90, 34, 64, 78, 110, 69, 39, 95, 10, 71, 24, 47, 31, 105, 91, 100, 27, 75, 0, 104, 74, 46, 96, 72, 33, 70, 66, 28, 97, 107, 88, 2, 67, 6, 68, 3, 4, 93, 35, 99, 8, 65, 1], [127, 50, 48, 115, 114, 109, 112, 51, 45, 55, 108, 61, 121, 44, 120, 53, 58, 52, 38, 25, 42, 23, 123, 92, 82, 87, 106, 89, 124, 22, 63, 113, 18, 59, 125, 126, 77, 122, 116, 84, 40, 73, 83, 54, 13, 80, 81, 94, 30, 9, 16, 19, 32, 60, 12, 29, 86, 17, 76, 56, 20, 26, 85, 21, 111, 37, 101, 15, 118, 102, 90, 119, 62, 27, 57, 98, 110, 11, 71, 7, 75, 79, 39, 36, 10, 43, 14, 5, 46, 34, 31, 49, 117, 95, 78, 24, 41, 0, 69, 103, 104, 74, 105, 70, 47, 96, 91, 88, 107, 68, 100, 64, 72, 28, 66, 2, 67, 93, 97, 33, 6, 99, 4, 3, 8, 35, 65, 1], [127, 50, 48, 115, 114, 112, 109, 51, 55, 45, 61, 108, 121, 44, 120, 53, 52, 58, 25, 38, 123, 42, 92, 23, 87, 124, 106, 89, 126, 18, 82, 22, 63, 125, 40, 59, 113, 30, 32, 116, 19, 29, 86, 101, 77, 60, 84, 26, 94, 81, 122, 16, 13, 56, 20, 17, 21, 54, 73, 9, 83, 111, 57, 76, 85, 102, 27, 110, 80, 118, 12, 90, 79, 7, 98, 103, 47, 41, 117, 36, 75, 119, 49, 24, 37, 95, 91, 15, 11, 62, 14, 104, 31, 10, 34, 28, 43, 105, 46, 96, 5, 78, 0, 39, 71, 107, 74, 64, 100, 88, 93, 70, 69, 68, 66, 4, 33, 97, 8, 67, 2, 72, 35, 99, 3, 6, 65, 1], [127, 50, 48, 115, 114, 109, 112, 55, 45, 51, 108, 61, 120, 121, 44, 53, 58, 52, 25, 38, 92, 123, 89, 87, 23, 126, 42, 106, 125, 113, 124, 82, 18, 116, 63, 22, 59, 86, 29, 40, 54, 32, 17, 19, 77, 94, 60, 101, 83, 26, 56, 16, 122, 9, 73, 13, 30, 57, 102, 119, 84, 81, 80, 76, 20, 85, 49, 12, 90, 39, 98, 111, 118, 21, 36, 37, 79, 7, 15, 41, 5, 27, 78, 47, 11, 69, 110, 91, 75, 64, 31, 104, 96, 103, 71, 14, 24, 117, 34, 95, 28, 105, 0, 62, 10, 43, 74, 70, 46, 100, 88, 2, 93, 107, 68, 4, 33, 8, 67, 66, 3, 35, 97, 6, 65, 72, 99, 1], [127, 50, 48, 114, 115, 109, 112, 51, 45, 108, 61, 55, 44, 121, 53, 120, 58, 52, 38, 123, 124, 89, 42, 25, 23, 113, 126, 125, 106, 18, 92, 63, 87, 59, 82, 116, 22, 40, 77, 73, 29, 32, 30, 94, 101, 9, 76, 60, 84, 119, 81, 19, 54, 17, 86, 16, 26, 13, 21, 122, 83, 103, 57, 56, 111, 85, 49, 98, 37, 41, 36, 80, 117, 20, 11, 12, 102, 75, 27, 47, 118, 79, 110, 5, 90, 7, 69, 62, 34, 64, 104, 39, 105, 31, 15, 78, 43, 46, 74, 0, 14, 24, 71, 91, 95, 107, 8, 100, 88, 66, 96, 28, 70, 68, 10, 4, 67, 93, 3, 33, 2, 97, 6, 35, 99, 65, 72, 1], [127, 48, 50, 114, 115, 112, 109, 108, 51, 55, 45, 61, 44, 121, 53, 120, 58, 52, 38, 25, 123, 113, 124, 42, 23, 89, 18, 106, 125, 126, 22, 92, 87, 82, 40, 59, 63, 116, 29, 60, 32, 77, 30, 81, 73, 13, 9, 101, 83, 94, 122, 86, 76, 80, 84, 17, 26, 85, 37, 110, 57, 98, 111, 12, 21, 56, 19, 54, 36, 20, 102, 16, 104, 119, 117, 75, 15, 7, 41, 24, 103, 10, 27, 79, 34, 69, 11, 91, 118, 105, 64, 5, 49, 78, 62, 39, 95, 71, 90, 43, 88, 74, 8, 46, 107, 0, 31, 96, 28, 47, 14, 100, 93, 97, 70, 2, 6, 68, 4, 33, 66, 67, 3, 99, 35, 65, 72, 1], [127, 48, 50, 114, 112, 115, 109, 51, 108, 55, 45, 120, 44, 61, 121, 53, 58, 52, 25, 124, 123, 23, 38, 92, 42, 113, 125, 126, 106, 89, 116, 59, 22, 87, 60, 18, 82, 40, 122, 32, 63, 13, 77, 83, 80, 73, 86, 26, 29, 19, 101, 119, 94, 17, 9, 81, 12, 56, 84, 57, 76, 85, 16, 30, 102, 104, 54, 20, 21, 110, 37, 49, 90, 111, 98, 117, 75, 15, 27, 11, 79, 69, 118, 41, 34, 5, 31, 36, 46, 7, 14, 71, 96, 47, 24, 10, 91, 39, 78, 95, 74, 62, 6, 43, 100, 103, 107, 0, 28, 105, 2, 93, 64, 8, 88, 4, 66, 68, 70, 67, 33, 3, 97, 35, 99, 65, 1, 72], [127, 50, 48, 114, 115, 112, 109, 45, 55, 51, 108, 120, 121, 61, 44, 53, 58, 52, 38, 25, 123, 113, 125, 59, 126, 89, 42, 23, 106, 92, 124, 18, 116, 63, 82, 87, 22, 32, 40, 122, 54, 60, 56, 101, 119, 94, 30, 29, 77, 9, 86, 81, 73, 57, 13, 12, 17, 83, 110, 76, 26, 85, 20, 80, 21, 16, 19, 102, 84, 111, 71, 36, 46, 79, 11, 117, 90, 5, 34, 7, 75, 103, 69, 15, 98, 37, 62, 104, 0, 27, 31, 41, 118, 49, 39, 47, 78, 24, 6, 91, 96, 14, 64, 10, 4, 95, 88, 100, 74, 43, 67, 107, 93, 66, 68, 105, 2, 8, 28, 3, 33, 70, 97, 99, 65, 35, 1, 72], [127, 48, 50, 115, 112, 114, 109, 55, 51, 45, 108, 121, 44, 61, 120, 53, 58, 52, 38, 25, 113, 125, 23, 124, 89, 123, 92, 42, 59, 18, 87, 106, 126, 82, 63, 40, 122, 22, 30, 60, 77, 54, 116, 29, 86, 32, 73, 20, 56, 94, 57, 83, 17, 26, 101, 19, 9, 13, 111, 85, 81, 102, 119, 80, 12, 16, 37, 21, 84, 62, 98, 110, 76, 117, 15, 5, 75, 118, 47, 90, 104, 79, 91, 14, 49, 7, 36, 103, 11, 71, 34, 27, 46, 69, 24, 6, 100, 41, 95, 31, 39, 28, 0, 78, 88, 43, 74, 107, 93, 68, 10, 96, 105, 4, 8, 2, 66, 64, 97, 67, 33, 3, 70, 99, 35, 72, 65, 1], [127, 48, 50, 115, 114, 112, 109, 51, 55, 108, 61, 45, 121, 44, 53, 120, 58, 52, 25, 38, 42, 124, 23, 89, 123, 87, 18, 106, 113, 92, 63, 22, 82, 125, 122, 60, 126, 40, 77, 54, 59, 9, 29, 86, 73, 116, 32, 17, 101, 13, 94, 83, 30, 12, 19, 56, 26, 84, 20, 80, 16, 76, 57, 21, 85, 102, 119, 81, 98, 37, 104, 36, 27, 90, 7, 15, 111, 79, 75, 110, 103, 41, 78, 10, 34, 69, 62, 47, 11, 118, 95, 74, 5, 71, 31, 14, 91, 46, 28, 117, 88, 43, 49, 0, 96, 39, 100, 107, 6, 64, 8, 24, 105, 2, 67, 66, 33, 70, 68, 4, 97, 3, 93, 99, 72, 35, 65, 1], [127, 50, 48, 114, 115, 112, 109, 51, 45, 108, 55, 61, 44, 121, 53, 120, 58, 52, 25, 38, 123, 23, 22, 124, 82, 42, 87, 18, 106, 113, 89, 63, 92, 126, 122, 125, 84, 40, 60, 13, 54, 116, 83, 12, 32, 73, 59, 101, 94, 29, 86, 17, 9, 85, 57, 30, 16, 77, 21, 19, 26, 111, 56, 81, 20, 110, 80, 98, 76, 75, 117, 90, 79, 102, 91, 37, 71, 15, 119, 36, 103, 34, 78, 5, 46, 27, 95, 39, 11, 62, 7, 104, 14, 31, 47, 41, 24, 69, 64, 74, 105, 49, 10, 118, 0, 96, 43, 28, 88, 93, 6, 100, 107, 3, 2, 67, 4, 70, 68, 33, 66, 72, 8, 97, 99, 1, 35, 65], [127, 50, 48, 114, 115, 109, 112, 51, 45, 55, 61, 108, 121, 53, 44, 120, 58, 52, 25, 38, 123, 23, 124, 92, 126, 113, 42, 63, 87, 89, 106, 116, 22, 122, 82, 125, 18, 40, 32, 59, 54, 30, 86, 101, 29, 94, 84, 77, 73, 17, 57, 9, 83, 21, 85, 13, 60, 19, 119, 12, 118, 26, 110, 98, 20, 16, 111, 81, 41, 56, 103, 79, 90, 80, 37, 76, 102, 117, 15, 75, 27, 49, 34, 71, 36, 43, 78, 47, 62, 46, 91, 74, 107, 104, 69, 11, 100, 96, 24, 14, 28, 7, 64, 31, 39, 0, 95, 5, 105, 10, 72, 93, 68, 88, 97, 2, 4, 33, 70, 3, 6, 35, 99, 66, 67, 65, 8, 1], [127, 50, 48, 115, 109, 114, 112, 55, 51, 45, 61, 108, 121, 44, 120, 53, 52, 58, 25, 124, 23, 38, 123, 92, 63, 87, 106, 89, 42, 59, 113, 60, 122, 54, 125, 18, 116, 82, 126, 32, 40, 22, 118, 83, 111, 119, 19, 57, 77, 56, 9, 29, 20, 26, 101, 73, 102, 12, 94, 86, 30, 85, 81, 84, 13, 17, 49, 117, 80, 16, 36, 76, 98, 75, 21, 27, 103, 41, 110, 47, 104, 90, 71, 37, 62, 78, 79, 91, 95, 15, 34, 105, 46, 43, 11, 31, 39, 69, 14, 74, 5, 7, 88, 64, 96, 100, 107, 10, 28, 70, 93, 24, 33, 0, 2, 68, 4, 66, 97, 72, 3, 99, 6, 35, 67, 65, 1, 8], [127, 50, 48, 114, 115, 112, 109, 51, 55, 108, 61, 45, 121, 44, 53, 120, 58, 52, 123, 38, 25, 124, 23, 89, 87, 116, 113, 125, 106, 18, 60, 82, 63, 92, 42, 126, 22, 40, 122, 32, 9, 73, 59, 101, 77, 13, 54, 12, 83, 30, 84, 94, 81, 110, 85, 19, 29, 57, 17, 119, 86, 26, 80, 111, 16, 76, 36, 56, 21, 49, 20, 117, 41, 15, 102, 79, 75, 71, 98, 46, 37, 34, 103, 69, 74, 27, 39, 91, 5, 0, 7, 11, 90, 78, 104, 118, 14, 96, 62, 24, 10, 47, 95, 31, 70, 105, 28, 64, 100, 72, 2, 43, 4, 66, 67, 107, 88, 93, 97, 3, 33, 68, 35, 6, 99, 65, 1, 8], [127, 50, 114, 115, 48, 112, 109, 51, 108, 45, 61, 44, 55, 121, 53, 120, 58, 52, 124, 38, 23, 25, 63, 123, 113, 89, 42, 92, 18, 22, 122, 87, 82, 60, 116, 106, 40, 125, 59, 126, 73, 77, 32, 54, 12, 13, 83, 94, 9, 101, 85, 81, 110, 29, 30, 17, 16, 19, 111, 86, 20, 76, 80, 119, 75, 26, 37, 56, 36, 117, 62, 49, 98, 102, 41, 84, 90, 57, 71, 118, 27, 79, 104, 103, 34, 69, 21, 15, 70, 11, 46, 64, 14, 7, 5, 10, 47, 105, 95, 74, 78, 72, 43, 39, 2, 91, 88, 96, 31, 28, 100, 0, 66, 107, 24, 4, 33, 3, 93, 67, 97, 99, 68, 35, 6, 65, 1, 8], [127, 50, 48, 115, 114, 112, 109, 51, 55, 108, 61, 45, 44, 53, 121, 120, 58, 52, 25, 124, 38, 123, 23, 42, 89, 113, 87, 92, 22, 63, 82, 18, 106, 60, 122, 126, 116, 59, 40, 125, 77, 17, 32, 13, 73, 56, 94, 9, 86, 83, 81, 29, 12, 19, 80, 101, 54, 16, 30, 84, 20, 85, 21, 102, 26, 76, 111, 57, 75, 117, 98, 36, 62, 79, 47, 118, 41, 110, 15, 71, 90, 46, 7, 103, 78, 34, 14, 49, 27, 74, 37, 119, 11, 105, 39, 69, 91, 104, 70, 31, 5, 64, 100, 10, 95, 96, 88, 43, 72, 24, 33, 107, 68, 0, 2, 93, 28, 4, 66, 6, 67, 3, 97, 99, 35, 8, 65, 1], [127, 50, 48, 115, 114, 51, 109, 112, 45, 108, 61, 55, 121, 44, 53, 120, 58, 52, 25, 123, 23, 124, 38, 42, 87, 106, 89, 116, 60, 113, 126, 18, 125, 92, 122, 82, 40, 63, 22, 77, 94, 29, 30, 73, 59, 9, 32, 101, 17, 86, 13, 12, 83, 81, 80, 20, 56, 54, 85, 26, 76, 111, 118, 84, 57, 21, 16, 98, 19, 41, 102, 62, 110, 117, 36, 71, 7, 37, 34, 49, 75, 47, 79, 15, 69, 27, 119, 90, 78, 10, 104, 64, 0, 24, 91, 11, 39, 14, 95, 96, 74, 5, 93, 46, 31, 103, 107, 43, 6, 33, 105, 28, 88, 67, 72, 100, 2, 66, 3, 68, 70, 4, 35, 8, 97, 99, 1, 65], [127, 50, 48, 115, 114, 109, 112, 51, 55, 108, 45, 61, 121, 44, 53, 120, 52, 58, 25, 38, 123, 23, 124, 42, 87, 89, 92, 113, 22, 82, 60, 106, 18, 63, 40, 116, 125, 13, 126, 29, 59, 122, 32, 9, 54, 83, 57, 12, 94, 73, 81, 77, 26, 101, 20, 16, 86, 19, 30, 17, 85, 111, 56, 75, 84, 80, 21, 102, 15, 76, 36, 110, 117, 41, 98, 90, 78, 14, 62, 118, 79, 37, 10, 11, 49, 7, 91, 119, 47, 71, 27, 24, 103, 31, 43, 46, 74, 96, 34, 95, 100, 69, 5, 105, 104, 39, 6, 64, 28, 88, 93, 107, 0, 67, 72, 3, 4, 68, 33, 2, 70, 97, 66, 8, 35, 99, 1, 65]], "model.layers.25.self_attn.q_proj": [[62, 102, 124, 121, 56, 60, 97, 47, 50, 63, 38, 93, 114, 24, 127, 117, 95, 86, 105, 53, 89, 41, 35, 29, 43, 106, 115, 51, 52, 22, 37, 49, 103, 122, 20, 25, 123, 59, 87, 55, 33, 83, 91, 116, 57, 58, 100, 36, 99, 79, 27, 26, 46, 113, 111, 92, 108, 112, 109, 94, 61, 48, 125, 82, 19, 110, 54, 34, 42, 17, 39, 44, 12, 119, 126, 18, 118, 80, 120, 101, 104, 40, 45, 77, 98, 32, 16, 96, 28, 30, 107, 31, 90, 88, 21, 23, 81, 85, 70, 75, 84, 74, 72, 9, 4, 78, 15, 2, 14, 8, 76, 13, 67, 11, 0, 5, 66, 71, 10, 7, 73, 6, 68, 65, 3, 1, 64, 69], [102, 62, 93, 121, 124, 24, 97, 83, 56, 35, 60, 127, 85, 81, 13, 21, 17, 63, 86, 20, 22, 98, 36, 25, 123, 114, 92, 19, 120, 77, 84, 46, 74, 78, 48, 116, 111, 76, 52, 49, 11, 95, 33, 30, 32, 79, 115, 1, 38, 9, 71, 28, 122, 88, 34, 69, 31, 12, 104, 75, 101, 7, 66, 80, 108, 0, 43, 99, 117, 67, 29, 4, 72, 107, 8, 90, 113, 70, 58, 96, 23, 119, 103, 27, 26, 37, 18, 59, 54, 87, 14, 15, 126, 89, 16, 91, 94, 105, 53, 125, 10, 40, 106, 2, 51, 6, 118, 39, 82, 68, 42, 100, 73, 57, 50, 44, 3, 61, 65, 47, 41, 110, 55, 64, 45, 109, 112, 5], [62, 124, 102, 60, 97, 122, 123, 116, 93, 38, 44, 117, 43, 127, 59, 121, 87, 48, 114, 53, 118, 24, 89, 54, 39, 29, 58, 46, 94, 56, 40, 25, 82, 119, 57, 95, 106, 50, 125, 108, 99, 51, 49, 20, 109, 55, 47, 86, 126, 52, 111, 112, 63, 113, 45, 41, 91, 98, 104, 42, 110, 22, 79, 61, 115, 120, 103, 100, 31, 27, 92, 107, 17, 23, 105, 37, 35, 76, 85, 36, 34, 90, 101, 80, 32, 33, 96, 26, 28, 84, 12, 30, 13, 21, 18, 83, 19, 77, 15, 81, 16, 8, 9, 88, 74, 78, 7, 6, 73, 11, 75, 14, 70, 71, 10, 4, 5, 72, 68, 69, 2, 3, 67, 1, 66, 65, 64, 0], [62, 121, 102, 117, 124, 114, 60, 49, 50, 53, 116, 97, 123, 43, 38, 108, 122, 93, 45, 63, 127, 94, 59, 113, 104, 46, 58, 25, 44, 87, 125, 106, 61, 52, 54, 109, 17, 31, 118, 111, 56, 48, 47, 103, 33, 42, 119, 51, 120, 112, 34, 126, 29, 110, 107, 115, 57, 41, 40, 55, 89, 28, 105, 39, 22, 99, 37, 27, 98, 95, 82, 85, 90, 86, 100, 35, 20, 30, 26, 91, 36, 101, 24, 79, 96, 76, 80, 32, 19, 18, 23, 12, 92, 21, 8, 11, 84, 75, 77, 64, 1, 78, 10, 6, 16, 14, 0, 83, 4, 66, 74, 68, 69, 81, 67, 72, 7, 2, 70, 5, 71, 9, 65, 13, 73, 88, 3, 15], [58, 126, 117, 39, 111, 124, 59, 48, 51, 112, 25, 125, 54, 127, 47, 118, 123, 35, 62, 21, 55, 57, 89, 113, 96, 49, 63, 50, 60, 53, 61, 119, 116, 56, 29, 91, 45, 120, 110, 87, 52, 23, 114, 82, 42, 121, 122, 115, 46, 85, 109, 44, 108, 80, 27, 76, 107, 20, 105, 14, 93, 106, 83, 99, 41, 40, 43, 104, 38, 102, 9, 103, 28, 18, 31, 32, 16, 101, 36, 22, 95, 100, 79, 24, 8, 88, 81, 12, 13, 4, 84, 78, 92, 33, 71, 90, 37, 86, 97, 10, 69, 6, 94, 34, 3, 11, 30, 74, 75, 98, 73, 19, 77, 26, 66, 7, 70, 72, 17, 15, 2, 5, 0, 68, 64, 67, 1, 65], [111, 117, 58, 126, 39, 124, 59, 51, 48, 118, 25, 21, 50, 57, 54, 127, 55, 91, 125, 62, 112, 49, 113, 47, 63, 53, 110, 96, 61, 52, 119, 123, 116, 35, 56, 60, 120, 29, 87, 89, 23, 42, 121, 115, 45, 114, 46, 85, 82, 44, 108, 122, 109, 80, 76, 27, 107, 14, 106, 93, 41, 37, 105, 9, 102, 38, 43, 83, 104, 88, 40, 8, 20, 99, 100, 18, 24, 12, 28, 31, 10, 13, 81, 79, 32, 71, 101, 92, 103, 36, 69, 97, 30, 78, 94, 4, 33, 6, 16, 70, 22, 3, 90, 98, 95, 34, 86, 84, 26, 73, 19, 75, 74, 7, 11, 66, 5, 72, 77, 17, 65, 64, 15, 2, 67, 1, 68, 0], [117, 126, 39, 58, 111, 124, 59, 51, 48, 112, 21, 25, 57, 54, 127, 118, 62, 29, 55, 110, 50, 125, 49, 53, 35, 96, 91, 123, 63, 52, 61, 119, 113, 56, 116, 89, 120, 60, 45, 47, 87, 115, 121, 114, 82, 23, 80, 46, 44, 108, 85, 122, 42, 109, 107, 27, 76, 83, 14, 105, 102, 40, 38, 43, 9, 103, 28, 41, 106, 104, 20, 93, 8, 99, 32, 10, 13, 31, 37, 24, 36, 18, 81, 79, 12, 88, 70, 100, 16, 71, 92, 78, 101, 34, 22, 84, 33, 90, 94, 3, 7, 6, 97, 86, 69, 95, 73, 11, 30, 4, 75, 98, 19, 74, 72, 77, 66, 26, 15, 17, 2, 5, 64, 1, 0, 68, 65, 67], [126, 117, 39, 58, 111, 124, 51, 59, 48, 21, 25, 112, 54, 57, 62, 55, 127, 89, 125, 96, 63, 118, 29, 123, 50, 53, 113, 35, 110, 49, 61, 52, 60, 119, 120, 56, 116, 87, 91, 47, 23, 42, 45, 121, 44, 114, 80, 115, 122, 85, 46, 82, 108, 109, 83, 14, 76, 107, 27, 20, 40, 105, 102, 9, 8, 103, 106, 43, 38, 104, 41, 99, 93, 32, 18, 31, 4, 28, 79, 37, 95, 36, 24, 16, 84, 10, 100, 13, 22, 101, 81, 12, 92, 33, 90, 71, 78, 97, 30, 69, 70, 86, 88, 34, 94, 6, 11, 19, 98, 73, 3, 75, 74, 26, 7, 72, 77, 15, 17, 0, 66, 5, 64, 68, 65, 1, 2, 67], [40, 59, 34, 90, 83, 12, 53, 91, 63, 88, 17, 95, 45, 112, 85, 31, 79, 9, 124, 123, 13, 6, 108, 119, 113, 5, 109, 74, 126, 72, 99, 93, 96, 15, 78, 114, 62, 58, 47, 28, 29, 61, 55, 8, 73, 107, 18, 97, 52, 35, 41, 20, 86, 48, 14, 33, 87, 76, 94, 127, 122, 92, 16, 50, 121, 11, 98, 82, 116, 24, 101, 57, 110, 77, 120, 103, 10, 51, 71, 111, 49, 38, 60, 125, 54, 115, 42, 56, 105, 118, 106, 80, 23, 44, 46, 69, 100, 26, 117, 32, 39, 30, 102, 43, 36, 81, 89, 7, 37, 27, 22, 21, 84, 19, 25, 75, 70, 3, 2, 67, 4, 68, 64, 1, 66, 104, 0, 65], [40, 59, 34, 90, 124, 88, 83, 13, 63, 126, 79, 17, 85, 6, 95, 50, 121, 118, 53, 48, 46, 127, 12, 45, 10, 91, 106, 103, 22, 29, 4, 72, 116, 68, 74, 96, 60, 98, 55, 99, 112, 11, 58, 9, 125, 35, 69, 41, 24, 115, 120, 43, 31, 37, 61, 122, 62, 0, 39, 33, 113, 123, 105, 110, 78, 21, 77, 84, 107, 51, 67, 20, 7, 87, 54, 119, 28, 38, 47, 14, 73, 114, 82, 93, 26, 75, 117, 32, 94, 66, 18, 42, 56, 108, 111, 52, 44, 36, 1, 109, 2, 8, 102, 15, 30, 70, 23, 19, 71, 57, 86, 92, 49, 76, 81, 100, 101, 80, 27, 89, 97, 5, 16, 25, 104, 3, 65, 64], [40, 59, 34, 90, 85, 83, 127, 124, 63, 53, 17, 48, 88, 110, 116, 118, 79, 95, 13, 113, 29, 58, 96, 91, 31, 42, 111, 121, 12, 24, 11, 50, 94, 115, 98, 38, 45, 60, 10, 112, 47, 14, 114, 103, 125, 22, 55, 108, 25, 35, 44, 119, 109, 100, 36, 9, 57, 56, 86, 117, 102, 49, 26, 39, 72, 28, 6, 71, 61, 101, 23, 89, 52, 43, 27, 122, 41, 21, 51, 33, 123, 62, 30, 126, 54, 106, 105, 87, 37, 99, 46, 97, 92, 107, 84, 93, 120, 20, 0, 18, 104, 81, 16, 4, 82, 76, 78, 32, 15, 19, 80, 1, 7, 68, 74, 69, 75, 2, 8, 77, 73, 70, 66, 3, 5, 67, 65, 64], [40, 59, 34, 90, 88, 83, 124, 79, 17, 13, 95, 53, 12, 118, 9, 58, 126, 72, 85, 24, 63, 81, 4, 48, 114, 86, 2, 71, 11, 6, 45, 44, 112, 121, 75, 103, 116, 1, 50, 10, 105, 14, 0, 110, 3, 31, 69, 60, 78, 42, 46, 106, 39, 120, 74, 67, 115, 54, 32, 29, 43, 26, 98, 62, 8, 51, 113, 68, 52, 7, 20, 22, 21, 80, 91, 65, 92, 107, 57, 35, 37, 47, 56, 127, 84, 18, 89, 125, 16, 77, 15, 19, 94, 41, 96, 82, 108, 70, 55, 25, 109, 104, 76, 28, 49, 27, 61, 64, 93, 97, 23, 36, 100, 33, 99, 122, 111, 101, 66, 30, 119, 38, 73, 123, 102, 117, 87, 5], [58, 61, 127, 56, 38, 120, 125, 53, 89, 52, 115, 112, 107, 50, 83, 122, 57, 106, 124, 59, 116, 85, 60, 119, 23, 114, 118, 121, 123, 117, 55, 126, 87, 48, 99, 46, 96, 102, 49, 63, 110, 54, 62, 51, 111, 47, 76, 109, 113, 29, 45, 94, 41, 18, 44, 91, 42, 16, 28, 43, 36, 25, 104, 108, 103, 92, 78, 95, 40, 90, 82, 105, 80, 100, 35, 84, 39, 14, 17, 26, 34, 73, 70, 69, 12, 71, 32, 21, 13, 22, 37, 3, 74, 7, 27, 101, 20, 97, 98, 24, 31, 11, 33, 86, 79, 9, 30, 93, 8, 15, 88, 68, 72, 75, 5, 19, 10, 77, 81, 66, 4, 2, 6, 1, 64, 67, 65, 0], [56, 127, 61, 58, 38, 120, 89, 125, 53, 52, 50, 115, 59, 57, 124, 83, 114, 107, 119, 116, 112, 85, 106, 122, 118, 60, 55, 121, 123, 117, 126, 102, 23, 99, 63, 51, 54, 49, 110, 48, 46, 62, 96, 45, 29, 111, 47, 87, 94, 109, 113, 18, 25, 43, 76, 16, 41, 95, 44, 42, 90, 36, 91, 108, 104, 103, 92, 28, 40, 35, 80, 105, 73, 78, 84, 100, 39, 21, 82, 17, 70, 32, 71, 37, 13, 31, 98, 14, 8, 74, 26, 97, 22, 12, 101, 79, 24, 34, 27, 86, 11, 3, 15, 7, 20, 30, 33, 69, 77, 93, 68, 9, 72, 10, 19, 88, 81, 5, 0, 2, 6, 75, 4, 67, 1, 64, 65, 66], [61, 127, 58, 38, 56, 125, 120, 53, 89, 52, 115, 107, 50, 124, 83, 57, 59, 119, 116, 114, 85, 112, 121, 118, 126, 60, 122, 55, 123, 46, 23, 117, 48, 49, 106, 110, 62, 99, 63, 51, 102, 96, 54, 94, 87, 111, 47, 42, 29, 45, 113, 109, 16, 18, 25, 76, 43, 28, 41, 44, 108, 103, 40, 78, 95, 36, 90, 105, 104, 91, 80, 92, 39, 84, 82, 100, 73, 34, 35, 17, 21, 37, 14, 32, 71, 13, 12, 26, 22, 33, 70, 101, 97, 20, 74, 86, 11, 27, 98, 79, 68, 8, 15, 10, 24, 30, 93, 31, 9, 72, 77, 3, 69, 7, 88, 19, 75, 6, 81, 5, 4, 0, 65, 2, 64, 66, 1, 67], [127, 61, 56, 38, 58, 120, 89, 125, 53, 52, 57, 50, 115, 119, 59, 124, 114, 83, 116, 55, 107, 112, 23, 85, 123, 122, 121, 63, 118, 126, 99, 60, 62, 110, 117, 29, 48, 49, 106, 96, 94, 102, 87, 51, 54, 46, 45, 111, 47, 113, 109, 16, 18, 25, 43, 42, 44, 76, 90, 41, 91, 28, 108, 36, 92, 103, 104, 84, 40, 82, 14, 105, 26, 37, 35, 80, 100, 34, 95, 32, 39, 17, 12, 22, 69, 21, 3, 78, 13, 97, 70, 71, 101, 73, 74, 24, 98, 11, 20, 8, 86, 27, 33, 31, 30, 79, 93, 68, 72, 7, 10, 9, 15, 19, 81, 88, 77, 5, 75, 2, 4, 1, 6, 65, 66, 0, 64, 67], [42, 98, 106, 112, 26, 36, 21, 49, 118, 16, 94, 18, 54, 22, 48, 31, 60, 14, 13, 95, 101, 77, 93, 9, 123, 116, 88, 90, 114, 125, 58, 38, 113, 127, 53, 92, 15, 19, 8, 63, 47, 20, 52, 17, 99, 61, 124, 46, 12, 55, 111, 23, 73, 29, 27, 120, 115, 117, 84, 28, 122, 87, 10, 105, 51, 85, 33, 72, 24, 109, 104, 44, 34, 97, 74, 126, 45, 102, 43, 40, 30, 75, 59, 62, 107, 50, 4, 39, 100, 81, 108, 119, 121, 57, 41, 76, 2, 83, 35, 110, 71, 89, 64, 103, 37, 56, 67, 80, 7, 32, 91, 11, 82, 79, 25, 86, 96, 6, 0, 3, 78, 5, 1, 69, 65, 66, 70, 68], [42, 118, 98, 36, 106, 26, 18, 21, 124, 116, 63, 49, 111, 127, 54, 112, 123, 52, 88, 94, 24, 122, 126, 48, 31, 22, 99, 117, 53, 110, 55, 121, 58, 16, 38, 101, 20, 92, 47, 62, 33, 59, 61, 90, 95, 12, 51, 119, 60, 108, 46, 109, 8, 57, 29, 30, 120, 114, 28, 50, 44, 93, 11, 14, 113, 86, 125, 115, 107, 100, 39, 43, 77, 105, 56, 4, 34, 79, 97, 103, 40, 41, 27, 104, 45, 15, 37, 82, 102, 35, 23, 2, 10, 13, 96, 85, 74, 32, 75, 91, 25, 89, 0, 7, 87, 83, 84, 17, 19, 1, 73, 80, 71, 9, 81, 76, 6, 64, 67, 68, 5, 65, 78, 72, 66, 69, 70, 3], [42, 98, 118, 126, 106, 36, 26, 18, 112, 127, 24, 21, 48, 88, 46, 31, 41, 94, 63, 116, 20, 113, 125, 62, 53, 11, 54, 7, 8, 16, 52, 38, 49, 12, 124, 121, 123, 99, 111, 122, 39, 60, 4, 2, 50, 58, 109, 114, 120, 86, 117, 95, 90, 47, 30, 119, 57, 61, 1, 55, 33, 59, 79, 14, 56, 77, 37, 44, 51, 115, 103, 101, 92, 91, 107, 43, 75, 29, 6, 64, 102, 40, 110, 97, 105, 22, 108, 9, 80, 23, 45, 89, 19, 96, 93, 27, 82, 13, 67, 0, 104, 35, 83, 34, 17, 69, 85, 100, 32, 10, 74, 73, 25, 5, 76, 28, 84, 15, 81, 66, 87, 72, 65, 68, 71, 78, 3, 70], [42, 98, 106, 26, 31, 20, 16, 21, 18, 36, 112, 54, 75, 14, 77, 113, 9, 73, 49, 94, 79, 76, 15, 93, 116, 123, 118, 90, 101, 70, 10, 7, 19, 8, 1, 60, 53, 48, 6, 69, 58, 84, 74, 3, 34, 127, 78, 107, 114, 71, 99, 88, 0, 17, 2, 41, 105, 125, 67, 87, 109, 81, 25, 68, 119, 11, 28, 23, 22, 13, 27, 80, 40, 12, 64, 91, 82, 37, 72, 52, 4, 61, 47, 83, 62, 85, 38, 92, 24, 33, 32, 122, 44, 66, 115, 111, 46, 39, 86, 65, 104, 110, 102, 108, 120, 45, 63, 50, 96, 89, 5, 29, 55, 56, 95, 126, 57, 117, 59, 97, 100, 35, 121, 51, 124, 43, 30, 103], [39, 63, 64, 0, 66, 1, 12, 121, 3, 4, 2, 69, 79, 77, 9, 23, 87, 74, 70, 122, 43, 49, 7, 108, 127, 42, 83, 85, 53, 46, 67, 118, 48, 61, 18, 115, 31, 58, 93, 103, 113, 68, 45, 59, 105, 16, 99, 40, 47, 124, 52, 60, 75, 17, 20, 78, 89, 97, 19, 71, 114, 100, 112, 111, 33, 65, 55, 11, 84, 126, 25, 50, 57, 5, 88, 51, 116, 81, 6, 90, 102, 120, 98, 117, 14, 86, 21, 30, 109, 34, 32, 41, 92, 94, 80, 13, 10, 27, 28, 106, 73, 38, 56, 26, 123, 76, 96, 82, 101, 35, 29, 54, 15, 119, 36, 107, 22, 37, 8, 110, 91, 72, 104, 95, 125, 44, 24, 62], [39, 63, 87, 122, 79, 77, 121, 74, 12, 118, 9, 31, 46, 69, 4, 66, 83, 127, 23, 115, 108, 3, 17, 70, 64, 1, 93, 49, 100, 18, 43, 75, 20, 41, 52, 15, 72, 90, 85, 58, 42, 89, 7, 82, 16, 48, 78, 59, 13, 60, 113, 27, 124, 109, 50, 10, 94, 8, 112, 80, 92, 95, 125, 99, 106, 35, 67, 96, 117, 53, 114, 97, 81, 29, 19, 24, 91, 123, 55, 86, 11, 104, 56, 126, 111, 36, 21, 105, 101, 57, 71, 6, 65, 116, 62, 119, 54, 61, 45, 51, 26, 22, 33, 84, 47, 40, 120, 110, 88, 37, 38, 28, 14, 73, 34, 107, 25, 102, 44, 30, 98, 76, 68, 0, 5, 32, 2, 103], [39, 63, 64, 0, 1, 121, 12, 74, 4, 3, 23, 9, 69, 79, 77, 66, 87, 70, 2, 122, 43, 108, 49, 42, 127, 83, 46, 53, 93, 7, 68, 99, 48, 52, 61, 67, 5, 118, 40, 103, 31, 18, 85, 59, 113, 45, 58, 112, 114, 6, 65, 81, 60, 55, 120, 105, 51, 100, 116, 88, 71, 115, 25, 90, 126, 80, 34, 91, 22, 86, 14, 33, 11, 124, 17, 16, 78, 47, 72, 73, 20, 101, 94, 56, 123, 57, 37, 19, 89, 75, 8, 111, 35, 106, 109, 82, 29, 10, 36, 26, 97, 62, 27, 98, 96, 54, 28, 24, 92, 84, 119, 125, 117, 38, 104, 30, 76, 32, 95, 41, 102, 50, 107, 44, 13, 15, 110, 21], [39, 63, 74, 79, 9, 87, 77, 12, 4, 121, 3, 66, 64, 23, 1, 70, 69, 43, 108, 18, 72, 127, 93, 49, 42, 2, 122, 46, 67, 20, 31, 115, 40, 83, 5, 113, 48, 7, 53, 118, 61, 27, 68, 60, 45, 6, 19, 125, 100, 97, 52, 24, 114, 16, 124, 111, 71, 112, 58, 81, 47, 89, 13, 85, 17, 34, 10, 99, 86, 8, 14, 78, 76, 73, 59, 26, 82, 90, 51, 92, 33, 84, 120, 11, 75, 0, 65, 119, 29, 22, 126, 57, 62, 32, 80, 28, 95, 30, 117, 56, 88, 25, 116, 15, 94, 37, 105, 36, 104, 91, 109, 21, 102, 98, 41, 35, 50, 123, 55, 106, 101, 107, 44, 96, 110, 38, 54, 103], [106, 36, 85, 42, 63, 83, 77, 113, 80, 15, 6, 73, 122, 124, 91, 74, 119, 3, 71, 48, 27, 115, 68, 58, 127, 0, 2, 76, 25, 98, 50, 112, 95, 66, 32, 57, 118, 67, 93, 69, 94, 75, 12, 61, 9, 87, 65, 56, 5, 14, 1, 10, 19, 29, 22, 121, 79, 126, 4, 16, 11, 81, 13, 84, 125, 8, 54, 37, 64, 109, 7, 110, 88, 21, 116, 114, 70, 39, 46, 30, 120, 105, 33, 41, 18, 99, 55, 20, 23, 123, 86, 78, 59, 72, 102, 90, 52, 51, 34, 49, 82, 104, 117, 107, 26, 89, 96, 24, 53, 111, 45, 28, 40, 31, 17, 97, 44, 60, 35, 108, 62, 103, 43, 101, 47, 92, 38, 100], [106, 36, 63, 42, 122, 85, 91, 58, 83, 124, 48, 80, 113, 77, 50, 27, 61, 112, 119, 15, 93, 116, 29, 25, 87, 98, 115, 120, 95, 73, 59, 32, 74, 114, 46, 123, 51, 57, 35, 71, 45, 109, 117, 126, 44, 2, 121, 54, 94, 30, 96, 118, 127, 52, 47, 111, 65, 56, 125, 108, 60, 68, 105, 49, 110, 6, 41, 62, 90, 55, 26, 21, 39, 99, 86, 17, 53, 10, 81, 8, 38, 107, 11, 101, 43, 19, 78, 104, 40, 103, 75, 33, 82, 66, 102, 18, 20, 37, 88, 5, 14, 0, 23, 79, 97, 92, 24, 31, 16, 76, 28, 34, 89, 22, 3, 12, 84, 64, 72, 7, 13, 100, 69, 1, 9, 4, 70, 67], [106, 36, 63, 42, 122, 113, 85, 91, 50, 83, 27, 80, 117, 61, 48, 124, 25, 112, 29, 118, 98, 87, 93, 52, 123, 77, 95, 60, 15, 119, 32, 59, 58, 127, 115, 57, 96, 90, 53, 126, 51, 120, 17, 73, 54, 35, 49, 40, 94, 114, 41, 109, 45, 46, 44, 121, 55, 111, 116, 21, 110, 62, 47, 105, 74, 71, 56, 30, 125, 108, 99, 39, 107, 38, 88, 103, 24, 43, 6, 104, 11, 86, 23, 101, 78, 102, 37, 34, 20, 19, 97, 5, 79, 31, 75, 28, 8, 33, 14, 81, 22, 92, 68, 89, 100, 84, 10, 16, 66, 26, 12, 2, 82, 0, 13, 76, 69, 72, 18, 65, 3, 7, 4, 9, 67, 70, 1, 64], [106, 36, 122, 42, 85, 124, 113, 48, 91, 50, 83, 127, 93, 58, 63, 59, 27, 98, 80, 118, 32, 126, 77, 47, 15, 87, 29, 25, 73, 95, 35, 115, 57, 109, 119, 96, 39, 90, 54, 114, 17, 112, 55, 123, 99, 56, 94, 21, 71, 41, 117, 30, 74, 45, 11, 51, 61, 38, 6, 75, 52, 121, 49, 103, 5, 68, 46, 62, 120, 34, 111, 2, 116, 40, 60, 125, 110, 53, 108, 105, 86, 18, 24, 33, 44, 43, 107, 97, 81, 102, 104, 26, 19, 12, 88, 37, 101, 79, 10, 72, 89, 78, 8, 20, 31, 82, 92, 16, 28, 14, 23, 84, 0, 76, 3, 22, 65, 66, 13, 69, 100, 7, 9, 4, 70, 64, 67, 1], [108, 111, 93, 44, 24, 14, 125, 116, 15, 72, 85, 74, 82, 19, 121, 98, 76, 6, 47, 124, 81, 36, 63, 20, 35, 37, 119, 95, 1, 25, 11, 87, 3, 33, 67, 68, 126, 38, 97, 57, 64, 27, 34, 100, 29, 55, 77, 60, 96, 13, 51, 65, 40, 4, 62, 49, 70, 105, 123, 75, 52, 5, 30, 0, 79, 43, 73, 86, 41, 92, 71, 9, 56, 46, 113, 88, 32, 117, 112, 80, 31, 50, 7, 109, 103, 127, 84, 53, 107, 23, 10, 48, 104, 26, 106, 114, 45, 12, 115, 122, 83, 120, 90, 78, 2, 61, 89, 21, 17, 18, 99, 42, 28, 101, 110, 102, 59, 118, 54, 8, 94, 66, 22, 16, 58, 69, 39, 91], [108, 44, 111, 93, 74, 14, 24, 116, 72, 124, 125, 82, 76, 85, 19, 68, 15, 6, 36, 1, 98, 64, 13, 47, 87, 81, 37, 63, 4, 20, 126, 121, 100, 65, 29, 53, 3, 67, 35, 119, 46, 7, 51, 60, 43, 49, 11, 34, 123, 57, 95, 2, 50, 80, 41, 113, 0, 55, 62, 86, 101, 56, 127, 69, 45, 88, 70, 40, 73, 99, 75, 104, 97, 38, 96, 90, 92, 117, 105, 9, 5, 31, 27, 58, 10, 114, 61, 18, 23, 21, 12, 89, 25, 71, 33, 42, 83, 66, 102, 103, 77, 120, 107, 30, 112, 79, 54, 8, 122, 59, 78, 118, 28, 115, 48, 84, 16, 110, 106, 91, 26, 22, 32, 39, 52, 94, 17, 109], [108, 111, 44, 125, 93, 24, 82, 15, 14, 76, 13, 74, 50, 68, 36, 116, 124, 72, 19, 98, 1, 6, 121, 113, 0, 87, 20, 86, 89, 67, 9, 64, 47, 37, 126, 95, 34, 53, 60, 35, 11, 71, 63, 4, 33, 32, 119, 92, 29, 100, 127, 41, 22, 3, 62, 84, 73, 83, 80, 55, 59, 49, 46, 123, 85, 70, 16, 57, 94, 23, 43, 7, 56, 88, 27, 65, 52, 115, 51, 8, 120, 90, 96, 105, 30, 26, 31, 102, 103, 69, 110, 40, 97, 61, 81, 91, 42, 17, 28, 114, 38, 18, 106, 104, 10, 117, 45, 21, 58, 118, 12, 107, 78, 101, 112, 109, 99, 75, 39, 122, 77, 25, 48, 5, 79, 66, 54, 2], [108, 111, 93, 44, 82, 24, 125, 14, 68, 36, 76, 6, 72, 116, 22, 13, 74, 64, 19, 67, 50, 1, 37, 0, 124, 87, 15, 35, 98, 75, 119, 85, 103, 113, 47, 121, 18, 57, 51, 11, 55, 49, 29, 70, 62, 63, 34, 3, 53, 95, 88, 9, 127, 112, 86, 25, 65, 10, 60, 46, 126, 59, 20, 100, 89, 5, 97, 52, 2, 81, 40, 90, 109, 115, 120, 38, 92, 61, 117, 94, 104, 83, 30, 12, 96, 4, 123, 31, 84, 78, 56, 26, 43, 66, 33, 110, 48, 23, 41, 122, 54, 21, 28, 42, 106, 102, 58, 91, 39, 99, 107, 32, 7, 118, 73, 16, 105, 45, 114, 101, 27, 69, 80, 17, 8, 79, 71, 77]], "model.layers.25.self_attn.k_proj": [[62, 38, 121, 33, 124, 56, 127, 29, 20, 60, 72, 13, 26, 79, 83, 63, 74, 17, 91, 16, 78, 50, 24, 86, 80, 4, 77, 52, 71, 49, 22, 32, 25, 19, 102, 100, 123, 53, 47, 6, 9, 28, 120, 5, 18, 93, 117, 113, 12, 75, 99, 115, 3, 46, 110, 2, 54, 126, 119, 36, 111, 82, 44, 42, 95, 70, 116, 40, 34, 23, 57, 30, 87, 61, 118, 59, 43, 81, 8, 48, 92, 125, 58, 45, 106, 94, 11, 51, 41, 122, 88, 108, 0, 112, 107, 105, 55, 103, 65, 109, 37, 114, 21, 101, 31, 27, 89, 67, 10, 96, 104, 97, 85, 98, 35, 39, 68, 90, 1, 15, 84, 73, 14, 64, 7, 76, 69, 66], [103, 22, 99, 117, 126, 58, 32, 111, 59, 124, 51, 119, 60, 48, 62, 54, 93, 92, 114, 127, 61, 57, 123, 116, 56, 49, 120, 52, 55, 121, 63, 110, 46, 112, 50, 125, 122, 118, 113, 30, 53, 89, 43, 109, 44, 86, 115, 45, 41, 108, 42, 100, 104, 47, 40, 37, 27, 106, 107, 38, 35, 91, 105, 82, 34, 84, 97, 101, 80, 81, 14, 29, 79, 102, 21, 16, 36, 33, 90, 26, 94, 83, 78, 20, 18, 87, 76, 98, 31, 28, 19, 74, 24, 11, 85, 12, 95, 23, 25, 6, 7, 39, 77, 17, 96, 5, 8, 13, 75, 72, 15, 88, 68, 10, 67, 73, 2, 0, 1, 4, 9, 71, 69, 3, 66, 70, 65, 64], [59, 104, 98, 90, 83, 17, 13, 79, 72, 112, 63, 31, 12, 88, 24, 75, 118, 85, 0, 53, 50, 9, 124, 1, 4, 71, 121, 126, 14, 6, 86, 68, 81, 10, 67, 2, 125, 116, 111, 66, 123, 42, 55, 109, 41, 45, 11, 25, 57, 47, 52, 107, 46, 60, 7, 26, 28, 115, 20, 114, 49, 51, 95, 69, 48, 108, 58, 56, 18, 103, 84, 29, 74, 44, 91, 62, 94, 106, 22, 33, 54, 92, 122, 39, 21, 30, 119, 110, 82, 113, 117, 99, 16, 100, 105, 93, 89, 38, 8, 87, 23, 27, 43, 96, 80, 78, 102, 35, 120, 76, 97, 32, 3, 77, 101, 36, 37, 127, 70, 65, 61, 19, 15, 73, 5, 34, 64, 40], [102, 22, 61, 127, 35, 56, 58, 32, 125, 50, 52, 120, 60, 53, 30, 59, 98, 116, 111, 86, 49, 117, 55, 126, 115, 119, 124, 118, 110, 123, 54, 92, 121, 33, 63, 112, 122, 57, 48, 113, 16, 109, 62, 114, 51, 28, 43, 26, 46, 44, 47, 108, 42, 45, 100, 106, 36, 107, 105, 14, 18, 85, 27, 40, 99, 41, 37, 83, 104, 103, 101, 25, 11, 39, 89, 24, 34, 20, 77, 19, 29, 38, 23, 90, 91, 87, 82, 12, 17, 97, 94, 31, 93, 84, 74, 95, 72, 79, 96, 13, 5, 88, 73, 78, 15, 70, 8, 4, 10, 81, 67, 9, 80, 1, 6, 21, 76, 66, 7, 64, 75, 71, 2, 68, 0, 69, 3, 65], [106, 34, 30, 26, 49, 48, 118, 14, 64, 21, 88, 16, 42, 116, 18, 54, 123, 8, 6, 119, 20, 121, 60, 117, 53, 127, 114, 124, 55, 120, 31, 63, 4, 126, 105, 104, 87, 58, 67, 107, 10, 12, 2, 3, 28, 122, 99, 110, 74, 56, 47, 57, 125, 83, 111, 59, 1, 46, 109, 108, 62, 9, 52, 86, 43, 61, 51, 115, 112, 40, 44, 45, 98, 37, 113, 50, 79, 23, 17, 84, 65, 13, 101, 102, 39, 35, 103, 89, 22, 25, 41, 38, 77, 27, 73, 95, 100, 29, 75, 33, 11, 93, 19, 96, 68, 70, 32, 7, 36, 81, 91, 66, 97, 71, 15, 78, 69, 82, 94, 92, 5, 76, 0, 85, 72, 80, 24, 90], [63, 103, 64, 121, 9, 65, 1, 79, 12, 66, 4, 77, 69, 3, 87, 74, 70, 122, 44, 113, 107, 118, 110, 106, 67, 23, 127, 48, 52, 115, 18, 58, 68, 7, 20, 5, 85, 59, 81, 6, 40, 105, 50, 83, 31, 93, 61, 78, 53, 117, 47, 89, 39, 2, 33, 60, 27, 19, 124, 46, 43, 125, 75, 95, 109, 16, 17, 80, 84, 35, 10, 36, 29, 49, 126, 25, 72, 42, 90, 112, 55, 116, 11, 54, 92, 99, 98, 71, 56, 97, 73, 0, 21, 86, 111, 45, 15, 41, 37, 38, 82, 30, 51, 101, 8, 96, 62, 114, 24, 104, 91, 26, 14, 88, 119, 28, 120, 123, 100, 57, 94, 108, 34, 22, 32, 102, 76, 13], [42, 63, 122, 83, 85, 100, 112, 0, 119, 80, 15, 77, 91, 73, 124, 29, 115, 50, 57, 127, 66, 106, 25, 113, 96, 71, 6, 61, 87, 109, 34, 126, 121, 74, 65, 68, 3, 58, 75, 1, 49, 45, 11, 46, 2, 111, 56, 90, 51, 30, 44, 125, 120, 95, 8, 17, 81, 5, 14, 60, 4, 98, 31, 24, 108, 55, 23, 93, 41, 89, 59, 116, 27, 36, 110, 52, 12, 118, 102, 62, 86, 35, 10, 47, 94, 114, 104, 54, 48, 101, 105, 82, 43, 33, 18, 103, 78, 107, 40, 20, 38, 22, 99, 117, 53, 123, 28, 92, 7, 39, 84, 37, 26, 97, 76, 88, 32, 69, 13, 72, 64, 67, 16, 19, 70, 21, 79, 9], [44, 111, 108, 6, 0, 93, 47, 24, 14, 72, 76, 68, 65, 74, 64, 82, 2, 15, 53, 66, 125, 124, 50, 67, 116, 9, 85, 19, 87, 20, 81, 121, 119, 52, 13, 3, 57, 70, 75, 34, 101, 7, 11, 113, 73, 54, 86, 100, 62, 51, 127, 55, 80, 126, 120, 112, 10, 90, 16, 123, 104, 63, 60, 110, 49, 41, 61, 97, 45, 32, 107, 4, 96, 105, 89, 115, 95, 58, 59, 114, 22, 83, 88, 122, 79, 37, 36, 31, 5, 1, 109, 33, 56, 43, 117, 98, 46, 103, 118, 99, 94, 27, 39, 28, 23, 21, 42, 91, 35, 102, 29, 25, 40, 69, 38, 48, 106, 84, 30, 71, 26, 92, 18, 77, 12, 17, 78, 8]], "model.layers.25.self_attn.qk_proj": [[63, 59, 42, 62, 106, 44, 111, 58, 127, 124, 61, 108, 121, 126, 117, 56, 122, 15, 93, 64, 50, 0, 79, 102, 125, 60, 77, 19, 118, 53, 13, 85, 90, 104, 10, 12, 23, 83, 115, 21, 36, 38, 76, 24, 113, 87, 98, 26, 103, 123, 73, 112, 119, 9, 74, 88, 116, 49, 52, 27, 68, 48, 47, 120, 6, 82, 34, 65, 46, 18, 4, 2, 39, 55, 57, 114, 67, 80, 51, 16, 1, 78, 17, 66, 54, 70, 29, 14, 99, 3, 40, 8, 31, 81, 86, 72, 110, 95, 97, 89, 33, 20, 84, 43, 22, 35, 109, 41, 25, 107, 32, 94, 69, 91, 100, 96, 7, 5, 71, 11, 105, 37, 28, 30, 75, 45, 101, 92], [63, 59, 42, 62, 106, 44, 111, 127, 58, 61, 124, 121, 117, 108, 126, 56, 122, 0, 93, 102, 15, 50, 79, 64, 125, 77, 60, 19, 23, 118, 10, 21, 12, 112, 53, 103, 38, 76, 83, 13, 6, 90, 98, 115, 74, 119, 88, 113, 4, 24, 36, 9, 87, 116, 85, 104, 26, 49, 39, 48, 68, 73, 123, 120, 52, 47, 34, 65, 40, 2, 29, 82, 27, 57, 46, 1, 16, 66, 18, 55, 54, 72, 78, 14, 80, 17, 51, 3, 70, 99, 110, 114, 81, 89, 31, 22, 67, 97, 20, 109, 94, 8, 95, 43, 33, 25, 86, 107, 84, 41, 100, 5, 11, 75, 71, 96, 45, 28, 91, 69, 35, 105, 7, 30, 37, 92, 32, 101], [63, 59, 42, 62, 106, 44, 111, 127, 58, 61, 126, 108, 121, 124, 117, 56, 64, 93, 122, 125, 50, 79, 60, 0, 77, 118, 15, 83, 13, 112, 19, 119, 23, 90, 102, 36, 76, 21, 38, 98, 10, 74, 116, 115, 87, 24, 12, 120, 85, 73, 103, 9, 104, 113, 53, 49, 88, 4, 34, 48, 39, 6, 68, 82, 29, 26, 52, 66, 47, 27, 2, 1, 65, 72, 123, 3, 16, 18, 57, 70, 67, 80, 54, 51, 55, 46, 40, 78, 114, 14, 99, 17, 31, 89, 81, 110, 86, 35, 94, 22, 20, 109, 33, 84, 100, 25, 95, 107, 91, 96, 43, 69, 71, 105, 5, 8, 97, 92, 41, 28, 75, 32, 7, 11, 45, 30, 101, 37], [63, 59, 42, 106, 62, 44, 58, 111, 127, 61, 121, 108, 126, 117, 56, 124, 122, 125, 0, 93, 64, 50, 79, 53, 102, 60, 77, 15, 83, 115, 13, 112, 113, 19, 21, 10, 85, 118, 38, 12, 119, 74, 76, 87, 73, 23, 26, 98, 104, 34, 9, 36, 24, 88, 39, 6, 120, 52, 49, 116, 55, 4, 103, 68, 65, 66, 67, 72, 40, 90, 80, 48, 3, 47, 16, 46, 123, 114, 18, 54, 1, 78, 82, 27, 110, 57, 29, 70, 14, 99, 2, 17, 81, 51, 31, 89, 86, 94, 33, 20, 43, 22, 109, 45, 97, 69, 35, 84, 25, 100, 41, 5, 71, 8, 7, 95, 91, 96, 105, 107, 28, 75, 32, 92, 11, 30, 101, 37], [63, 59, 62, 42, 106, 44, 58, 111, 127, 121, 126, 61, 108, 56, 117, 124, 125, 122, 50, 93, 79, 60, 15, 0, 102, 64, 13, 77, 118, 119, 23, 83, 53, 113, 98, 38, 74, 85, 116, 104, 112, 76, 73, 19, 115, 12, 36, 90, 10, 21, 103, 123, 34, 4, 9, 49, 88, 55, 24, 52, 87, 26, 72, 46, 68, 120, 70, 48, 27, 39, 65, 18, 2, 57, 82, 1, 47, 16, 14, 99, 66, 114, 51, 81, 80, 6, 17, 54, 29, 40, 67, 78, 31, 3, 22, 110, 86, 25, 33, 94, 35, 95, 20, 107, 89, 84, 43, 109, 41, 97, 75, 69, 105, 45, 7, 101, 71, 5, 92, 96, 28, 30, 100, 91, 8, 32, 11, 37], [63, 59, 106, 62, 42, 44, 58, 111, 127, 121, 61, 124, 126, 108, 56, 117, 122, 93, 125, 79, 50, 64, 0, 15, 13, 102, 77, 83, 118, 115, 119, 36, 23, 85, 90, 21, 98, 87, 52, 12, 88, 19, 112, 38, 60, 113, 34, 10, 49, 104, 76, 73, 53, 103, 26, 4, 9, 116, 74, 24, 27, 72, 68, 70, 39, 17, 1, 14, 51, 16, 46, 81, 66, 57, 55, 47, 48, 6, 82, 2, 3, 40, 123, 18, 120, 80, 65, 99, 54, 114, 67, 22, 78, 86, 110, 97, 29, 84, 35, 31, 89, 94, 25, 41, 20, 32, 33, 109, 69, 107, 43, 100, 5, 75, 95, 7, 8, 105, 71, 96, 28, 11, 30, 45, 92, 91, 37, 101], [63, 59, 42, 106, 62, 44, 111, 127, 58, 121, 61, 108, 124, 126, 117, 56, 122, 79, 93, 102, 15, 0, 77, 64, 125, 19, 13, 85, 26, 118, 113, 60, 98, 38, 119, 21, 112, 83, 76, 116, 88, 74, 90, 104, 50, 12, 23, 103, 36, 1, 9, 49, 10, 53, 24, 52, 73, 57, 48, 39, 70, 34, 87, 18, 47, 46, 27, 16, 82, 115, 72, 2, 51, 81, 123, 80, 65, 68, 99, 14, 120, 67, 66, 17, 78, 55, 4, 54, 6, 29, 40, 3, 25, 22, 86, 31, 35, 114, 94, 41, 33, 110, 109, 89, 8, 100, 107, 84, 5, 20, 75, 97, 32, 95, 11, 28, 91, 7, 45, 30, 69, 71, 43, 105, 101, 37, 96, 92], [63, 59, 62, 42, 106, 44, 58, 111, 127, 121, 124, 108, 61, 117, 126, 56, 122, 93, 125, 0, 64, 79, 60, 15, 50, 118, 13, 77, 116, 112, 38, 21, 90, 102, 52, 83, 19, 23, 103, 26, 85, 119, 10, 48, 12, 36, 98, 113, 24, 53, 88, 76, 87, 74, 70, 57, 39, 27, 73, 65, 9, 49, 47, 104, 1, 51, 29, 4, 68, 34, 46, 18, 123, 115, 2, 55, 66, 82, 78, 16, 120, 54, 72, 81, 99, 80, 6, 110, 22, 95, 86, 14, 17, 40, 3, 67, 31, 33, 114, 89, 25, 94, 35, 8, 84, 97, 100, 107, 41, 43, 28, 20, 109, 45, 91, 69, 5, 96, 7, 30, 75, 32, 37, 11, 105, 71, 92, 101], [63, 59, 42, 106, 62, 44, 111, 58, 127, 124, 121, 61, 108, 117, 126, 56, 122, 93, 125, 0, 64, 15, 50, 79, 85, 13, 102, 77, 38, 90, 19, 118, 112, 83, 116, 21, 23, 26, 103, 60, 119, 113, 24, 88, 53, 76, 12, 10, 48, 52, 74, 68, 87, 73, 34, 46, 27, 39, 36, 9, 98, 47, 115, 4, 104, 51, 29, 49, 70, 1, 120, 65, 82, 123, 14, 80, 114, 55, 6, 17, 66, 16, 3, 54, 57, 67, 78, 81, 2, 18, 99, 110, 31, 22, 8, 86, 40, 25, 72, 89, 35, 100, 97, 95, 94, 20, 43, 33, 109, 91, 84, 107, 41, 69, 5, 45, 30, 96, 75, 28, 71, 32, 11, 7, 37, 92, 105, 101], [63, 59, 106, 42, 62, 44, 111, 58, 127, 121, 124, 108, 61, 117, 126, 56, 122, 0, 64, 93, 125, 119, 50, 15, 60, 79, 102, 53, 83, 116, 118, 77, 74, 13, 38, 90, 12, 120, 23, 112, 98, 76, 85, 10, 73, 103, 21, 19, 36, 113, 9, 88, 104, 115, 49, 68, 24, 46, 48, 6, 4, 87, 26, 70, 34, 47, 39, 1, 52, 65, 57, 66, 18, 54, 2, 8, 51, 3, 123, 80, 27, 29, 67, 55, 14, 17, 40, 81, 114, 82, 86, 16, 110, 72, 78, 97, 99, 31, 25, 22, 94, 33, 84, 43, 89, 20, 35, 7, 95, 69, 75, 100, 11, 28, 30, 32, 5, 71, 96, 107, 105, 45, 109, 41, 91, 37, 101, 92], [63, 59, 62, 42, 106, 44, 58, 111, 127, 124, 108, 121, 61, 117, 126, 56, 122, 93, 0, 64, 79, 15, 13, 125, 119, 50, 77, 102, 38, 116, 118, 83, 53, 60, 21, 10, 74, 85, 112, 12, 19, 23, 76, 98, 73, 49, 113, 104, 34, 36, 6, 90, 9, 115, 87, 88, 68, 103, 4, 48, 24, 120, 2, 39, 26, 8, 55, 65, 80, 1, 47, 52, 46, 40, 66, 54, 51, 123, 14, 70, 16, 99, 81, 67, 3, 82, 86, 29, 27, 78, 18, 17, 114, 110, 94, 22, 57, 35, 84, 31, 33, 25, 20, 97, 72, 89, 69, 96, 95, 107, 43, 7, 75, 71, 5, 105, 11, 28, 91, 100, 30, 92, 32, 41, 45, 101, 37, 109], [63, 59, 42, 106, 62, 44, 111, 127, 58, 121, 108, 126, 124, 61, 56, 117, 122, 0, 93, 15, 79, 64, 77, 13, 85, 19, 83, 50, 102, 118, 21, 116, 9, 23, 90, 53, 38, 98, 104, 26, 10, 76, 125, 112, 60, 88, 74, 36, 119, 24, 12, 103, 48, 113, 73, 68, 6, 87, 4, 49, 40, 82, 65, 115, 47, 39, 46, 27, 34, 55, 52, 8, 123, 120, 14, 80, 17, 57, 16, 54, 2, 99, 1, 110, 29, 67, 114, 81, 18, 66, 22, 78, 3, 86, 31, 70, 97, 35, 94, 69, 51, 84, 25, 107, 33, 72, 89, 30, 28, 20, 75, 41, 5, 100, 45, 43, 95, 96, 91, 7, 11, 37, 71, 105, 32, 109, 101, 92], [63, 59, 42, 106, 62, 44, 111, 58, 127, 124, 121, 61, 108, 126, 117, 56, 122, 93, 64, 116, 118, 102, 50, 0, 15, 79, 83, 112, 90, 125, 77, 13, 19, 48, 113, 60, 23, 119, 85, 24, 26, 103, 104, 38, 36, 53, 21, 12, 87, 10, 9, 76, 88, 98, 74, 73, 54, 39, 6, 52, 34, 8, 68, 49, 4, 115, 1, 65, 27, 123, 47, 18, 46, 82, 51, 120, 66, 14, 2, 55, 29, 57, 99, 16, 22, 17, 80, 40, 3, 81, 70, 89, 110, 25, 86, 114, 107, 94, 78, 67, 31, 33, 97, 20, 35, 84, 91, 28, 43, 95, 41, 32, 30, 105, 11, 109, 69, 100, 75, 5, 72, 7, 96, 45, 92, 71, 37, 101], [63, 59, 42, 106, 62, 44, 111, 127, 58, 61, 124, 108, 121, 117, 126, 56, 64, 122, 93, 50, 0, 60, 125, 77, 79, 102, 90, 15, 118, 116, 13, 119, 48, 83, 85, 112, 120, 36, 19, 53, 38, 52, 9, 76, 113, 10, 74, 87, 21, 27, 103, 23, 73, 6, 104, 12, 26, 24, 8, 34, 88, 98, 1, 51, 49, 39, 65, 115, 68, 47, 66, 4, 80, 54, 81, 67, 123, 16, 82, 18, 57, 110, 2, 29, 17, 70, 55, 99, 14, 31, 114, 86, 46, 3, 78, 22, 89, 40, 11, 43, 95, 20, 97, 100, 33, 41, 35, 72, 32, 94, 5, 69, 84, 45, 25, 37, 107, 7, 75, 109, 91, 28, 105, 30, 92, 71, 96, 101], [63, 59, 42, 106, 62, 44, 58, 111, 127, 61, 108, 121, 124, 56, 117, 126, 122, 0, 93, 64, 79, 102, 77, 15, 60, 50, 83, 125, 85, 13, 116, 76, 118, 74, 112, 38, 104, 36, 53, 19, 98, 119, 26, 10, 34, 9, 23, 48, 12, 24, 21, 113, 52, 90, 103, 73, 68, 27, 87, 115, 88, 39, 8, 55, 1, 6, 70, 49, 4, 67, 2, 120, 66, 80, 82, 65, 29, 18, 51, 3, 47, 16, 81, 123, 14, 46, 54, 99, 86, 31, 57, 22, 78, 17, 97, 110, 114, 40, 43, 100, 72, 20, 33, 89, 94, 35, 41, 84, 25, 107, 11, 7, 96, 95, 69, 5, 30, 75, 105, 28, 32, 45, 71, 91, 101, 92, 37, 109], [63, 59, 62, 42, 106, 44, 127, 111, 58, 124, 121, 126, 108, 61, 56, 117, 122, 93, 79, 15, 64, 77, 50, 85, 0, 125, 116, 102, 83, 112, 26, 76, 118, 13, 38, 23, 73, 90, 24, 60, 19, 113, 87, 74, 98, 10, 12, 9, 103, 119, 21, 88, 53, 4, 55, 34, 27, 47, 36, 104, 48, 39, 68, 120, 52, 115, 80, 1, 40, 123, 16, 49, 14, 8, 70, 78, 29, 46, 114, 17, 18, 81, 57, 2, 51, 82, 3, 66, 65, 6, 110, 54, 67, 99, 33, 86, 97, 31, 22, 20, 72, 89, 69, 95, 84, 94, 41, 35, 5, 107, 25, 43, 11, 100, 105, 7, 28, 75, 91, 71, 45, 109, 30, 96, 101, 32, 37, 92], [63, 59, 42, 106, 62, 44, 58, 111, 127, 121, 124, 61, 126, 108, 117, 56, 122, 93, 64, 0, 15, 102, 50, 79, 23, 118, 125, 112, 90, 19, 116, 13, 119, 83, 77, 103, 113, 85, 88, 87, 38, 21, 53, 39, 26, 104, 120, 98, 12, 36, 76, 60, 24, 74, 27, 73, 48, 10, 34, 9, 29, 70, 47, 52, 65, 66, 123, 82, 49, 68, 1, 4, 80, 54, 46, 40, 16, 51, 114, 110, 18, 2, 57, 3, 78, 115, 99, 14, 81, 72, 95, 33, 17, 8, 67, 89, 86, 97, 6, 22, 31, 84, 25, 41, 94, 55, 20, 43, 35, 5, 107, 11, 28, 45, 75, 96, 100, 30, 69, 32, 91, 105, 71, 109, 7, 92, 37, 101], [63, 59, 42, 62, 106, 44, 58, 127, 111, 121, 61, 117, 124, 108, 126, 56, 93, 122, 0, 64, 50, 118, 79, 116, 15, 77, 112, 13, 19, 102, 90, 125, 23, 76, 60, 38, 85, 87, 48, 21, 119, 83, 24, 74, 53, 98, 103, 88, 39, 70, 12, 104, 26, 1, 120, 113, 36, 73, 54, 10, 9, 115, 29, 34, 27, 4, 47, 52, 49, 66, 3, 114, 18, 82, 16, 65, 123, 110, 68, 67, 72, 81, 57, 80, 78, 2, 14, 51, 6, 99, 40, 55, 86, 89, 31, 8, 46, 22, 43, 17, 94, 95, 20, 33, 69, 25, 84, 28, 109, 107, 41, 35, 11, 100, 97, 91, 5, 96, 32, 7, 75, 71, 30, 45, 105, 92, 37, 101], [63, 59, 42, 62, 106, 44, 58, 111, 127, 121, 61, 108, 124, 117, 126, 56, 122, 64, 50, 102, 93, 0, 60, 79, 15, 13, 125, 116, 103, 77, 118, 98, 83, 53, 112, 104, 76, 23, 113, 38, 12, 119, 34, 19, 74, 36, 24, 10, 85, 70, 87, 21, 52, 9, 4, 90, 73, 88, 48, 123, 1, 120, 29, 47, 72, 46, 68, 26, 49, 39, 82, 114, 54, 115, 16, 66, 51, 67, 18, 55, 27, 40, 2, 80, 3, 110, 6, 99, 81, 57, 65, 78, 43, 14, 86, 33, 31, 94, 17, 20, 89, 35, 109, 25, 97, 71, 107, 105, 69, 22, 100, 96, 45, 32, 7, 91, 84, 5, 8, 11, 30, 95, 41, 101, 28, 75, 92, 37], [63, 59, 42, 62, 106, 44, 111, 127, 58, 121, 108, 61, 117, 124, 126, 56, 122, 64, 93, 0, 102, 79, 15, 125, 50, 116, 23, 13, 60, 112, 77, 83, 118, 103, 19, 76, 12, 38, 119, 36, 87, 85, 74, 98, 120, 104, 34, 21, 26, 115, 90, 113, 48, 88, 73, 4, 53, 1, 10, 68, 72, 70, 24, 9, 52, 47, 49, 54, 123, 39, 18, 46, 2, 29, 40, 55, 6, 65, 27, 114, 16, 67, 82, 66, 99, 80, 81, 78, 57, 3, 51, 110, 17, 97, 14, 22, 94, 89, 86, 25, 107, 96, 105, 33, 41, 95, 100, 20, 71, 31, 35, 11, 69, 109, 84, 7, 43, 75, 8, 5, 91, 37, 32, 28, 45, 30, 101, 92], [63, 59, 106, 42, 62, 44, 127, 111, 58, 124, 121, 117, 61, 108, 126, 56, 122, 93, 0, 50, 15, 13, 125, 64, 116, 112, 79, 77, 104, 23, 118, 113, 60, 98, 74, 85, 87, 53, 83, 76, 120, 36, 12, 119, 38, 90, 24, 48, 49, 54, 102, 103, 9, 73, 19, 21, 10, 47, 72, 34, 88, 26, 70, 115, 46, 4, 27, 67, 114, 1, 55, 39, 66, 52, 29, 17, 40, 65, 6, 123, 51, 16, 18, 80, 2, 68, 82, 86, 78, 14, 57, 3, 110, 99, 89, 43, 81, 31, 94, 20, 25, 95, 33, 22, 5, 35, 97, 84, 107, 91, 100, 109, 71, 7, 96, 41, 32, 75, 8, 69, 37, 11, 105, 30, 28, 92, 45, 101], [63, 59, 42, 106, 62, 44, 58, 111, 127, 61, 121, 108, 117, 126, 124, 56, 64, 122, 0, 93, 125, 15, 50, 79, 112, 77, 60, 13, 118, 53, 116, 23, 102, 119, 74, 24, 83, 12, 113, 120, 38, 85, 87, 10, 36, 115, 76, 104, 98, 19, 73, 103, 21, 1, 54, 9, 48, 26, 6, 72, 88, 90, 47, 49, 34, 66, 68, 51, 4, 82, 52, 123, 39, 114, 3, 46, 70, 65, 55, 18, 2, 29, 27, 40, 57, 67, 99, 16, 14, 110, 80, 31, 78, 17, 43, 33, 86, 35, 89, 94, 109, 84, 95, 81, 8, 22, 25, 20, 97, 5, 45, 11, 107, 7, 69, 91, 100, 28, 32, 71, 105, 30, 75, 92, 41, 96, 101, 37], [63, 59, 42, 106, 62, 44, 58, 111, 127, 61, 121, 108, 124, 117, 126, 56, 125, 93, 122, 0, 79, 23, 102, 118, 77, 50, 64, 116, 15, 60, 123, 76, 103, 13, 53, 90, 120, 83, 104, 115, 9, 24, 38, 21, 113, 74, 36, 98, 85, 87, 26, 12, 112, 48, 6, 19, 51, 73, 4, 10, 88, 34, 49, 68, 119, 52, 29, 1, 39, 66, 46, 55, 82, 47, 72, 114, 27, 18, 2, 54, 3, 16, 57, 80, 40, 95, 67, 99, 14, 33, 65, 81, 94, 31, 70, 78, 22, 110, 25, 35, 89, 86, 17, 20, 8, 97, 43, 91, 84, 105, 96, 71, 28, 45, 5, 11, 109, 32, 100, 69, 7, 30, 41, 101, 75, 107, 37, 92], [63, 59, 42, 62, 106, 44, 58, 111, 127, 61, 124, 121, 108, 126, 117, 56, 125, 122, 93, 15, 0, 64, 77, 23, 102, 79, 118, 83, 50, 13, 112, 116, 19, 104, 21, 38, 113, 53, 98, 49, 115, 60, 103, 12, 85, 74, 6, 76, 119, 9, 10, 26, 48, 90, 34, 120, 36, 87, 88, 24, 73, 4, 68, 123, 54, 52, 46, 72, 16, 51, 39, 65, 40, 47, 27, 82, 18, 55, 3, 66, 2, 80, 29, 114, 22, 110, 1, 81, 78, 94, 99, 14, 17, 67, 70, 33, 57, 45, 84, 8, 97, 31, 20, 25, 86, 89, 5, 32, 41, 35, 75, 71, 95, 96, 100, 43, 28, 11, 107, 69, 109, 7, 91, 105, 92, 37, 30, 101], [63, 59, 42, 106, 62, 44, 111, 58, 127, 121, 61, 108, 124, 126, 117, 56, 122, 93, 64, 15, 0, 102, 79, 125, 13, 50, 118, 83, 77, 90, 53, 98, 12, 85, 23, 21, 112, 19, 103, 119, 60, 113, 10, 24, 104, 76, 87, 36, 49, 9, 74, 116, 48, 26, 120, 73, 88, 38, 6, 115, 47, 123, 18, 39, 34, 82, 27, 52, 16, 65, 1, 2, 54, 40, 70, 14, 68, 55, 4, 80, 29, 66, 72, 86, 46, 57, 81, 110, 17, 67, 8, 51, 99, 31, 89, 114, 3, 25, 78, 20, 33, 22, 94, 97, 95, 84, 43, 107, 5, 32, 11, 71, 75, 7, 105, 100, 109, 35, 91, 96, 41, 28, 92, 30, 45, 69, 101, 37], [63, 59, 62, 42, 106, 44, 58, 111, 127, 121, 124, 61, 108, 126, 117, 56, 93, 122, 64, 50, 0, 15, 118, 125, 79, 116, 102, 13, 24, 90, 87, 48, 26, 23, 112, 120, 77, 60, 38, 119, 19, 12, 21, 103, 113, 85, 76, 49, 104, 83, 10, 73, 36, 54, 74, 98, 53, 47, 52, 123, 88, 39, 9, 27, 29, 34, 4, 6, 68, 51, 82, 115, 1, 70, 18, 2, 40, 16, 46, 65, 114, 80, 66, 67, 8, 99, 14, 3, 57, 89, 110, 31, 81, 22, 55, 33, 78, 25, 17, 43, 95, 86, 94, 97, 20, 72, 35, 84, 5, 91, 109, 7, 30, 41, 69, 11, 100, 71, 107, 45, 105, 28, 32, 75, 96, 92, 101, 37], [63, 59, 62, 42, 106, 44, 111, 127, 58, 124, 61, 121, 117, 108, 126, 56, 122, 93, 125, 50, 0, 64, 102, 118, 15, 112, 79, 48, 23, 90, 19, 13, 83, 116, 120, 103, 38, 77, 115, 39, 12, 76, 47, 113, 87, 49, 85, 53, 88, 74, 36, 73, 119, 60, 98, 24, 26, 21, 51, 52, 10, 123, 9, 4, 104, 68, 70, 40, 34, 55, 1, 110, 54, 57, 29, 27, 16, 46, 81, 78, 65, 8, 82, 67, 80, 2, 18, 66, 14, 17, 99, 6, 43, 94, 114, 22, 31, 35, 84, 3, 89, 95, 97, 33, 20, 91, 86, 25, 69, 5, 100, 41, 45, 28, 105, 96, 107, 72, 109, 11, 71, 37, 32, 7, 101, 92, 75, 30], [63, 59, 42, 106, 62, 44, 111, 127, 58, 121, 61, 124, 108, 117, 126, 56, 122, 64, 93, 79, 0, 15, 125, 50, 102, 13, 118, 60, 77, 116, 53, 12, 112, 23, 21, 38, 83, 74, 115, 10, 36, 119, 73, 85, 76, 103, 19, 70, 24, 87, 52, 98, 49, 26, 88, 114, 9, 113, 68, 8, 104, 51, 90, 34, 54, 47, 1, 120, 123, 4, 39, 80, 18, 65, 48, 2, 81, 16, 27, 29, 82, 66, 55, 57, 110, 78, 46, 14, 40, 94, 99, 3, 17, 6, 67, 43, 97, 22, 31, 89, 33, 20, 86, 25, 69, 84, 100, 45, 72, 75, 95, 35, 96, 11, 7, 107, 71, 109, 5, 32, 91, 37, 92, 30, 28, 105, 41, 101], [63, 59, 42, 62, 106, 44, 111, 58, 127, 124, 121, 108, 61, 117, 56, 126, 64, 122, 125, 15, 0, 93, 79, 102, 53, 115, 118, 23, 13, 77, 50, 10, 119, 104, 12, 73, 60, 98, 83, 19, 113, 103, 112, 85, 9, 24, 38, 70, 21, 90, 52, 36, 116, 8, 74, 26, 87, 49, 76, 120, 1, 48, 88, 39, 54, 46, 68, 51, 34, 123, 27, 47, 2, 65, 18, 57, 4, 66, 114, 16, 17, 67, 55, 81, 82, 80, 99, 31, 110, 3, 78, 29, 40, 97, 6, 14, 22, 86, 84, 89, 94, 33, 20, 25, 35, 69, 43, 100, 71, 7, 45, 109, 107, 72, 75, 32, 105, 5, 96, 95, 101, 30, 91, 41, 11, 28, 37, 92], [63, 59, 62, 42, 106, 44, 111, 127, 58, 124, 61, 117, 108, 121, 56, 126, 122, 93, 125, 15, 79, 50, 0, 118, 102, 13, 85, 12, 23, 116, 64, 77, 112, 113, 119, 19, 38, 83, 60, 76, 90, 26, 21, 52, 24, 49, 104, 87, 10, 73, 120, 4, 115, 88, 9, 98, 53, 103, 39, 70, 48, 123, 74, 34, 68, 8, 47, 27, 36, 81, 55, 54, 57, 40, 80, 51, 46, 1, 3, 18, 78, 16, 2, 67, 110, 114, 22, 65, 82, 29, 17, 66, 99, 14, 6, 20, 94, 31, 97, 25, 89, 33, 86, 84, 69, 43, 100, 5, 35, 95, 107, 75, 72, 41, 109, 32, 105, 71, 11, 28, 7, 30, 45, 92, 96, 91, 101, 37], [63, 59, 42, 62, 106, 44, 111, 127, 58, 124, 61, 121, 108, 117, 126, 56, 0, 122, 64, 93, 125, 50, 15, 118, 79, 102, 19, 13, 60, 98, 77, 112, 119, 36, 85, 53, 23, 116, 12, 113, 10, 120, 76, 26, 74, 83, 104, 73, 90, 103, 49, 9, 88, 24, 38, 52, 4, 21, 87, 115, 47, 48, 34, 123, 68, 70, 65, 8, 39, 1, 54, 27, 66, 18, 80, 29, 2, 51, 6, 40, 46, 55, 3, 82, 110, 81, 78, 114, 14, 57, 99, 31, 16, 89, 94, 67, 33, 17, 43, 97, 25, 22, 72, 86, 20, 35, 95, 100, 5, 84, 109, 32, 69, 28, 11, 75, 105, 45, 91, 71, 107, 92, 41, 7, 30, 96, 37, 101], [63, 59, 62, 106, 42, 44, 111, 58, 127, 124, 61, 121, 108, 117, 126, 56, 15, 122, 93, 50, 125, 79, 64, 13, 102, 19, 60, 112, 118, 12, 0, 77, 23, 74, 52, 116, 76, 98, 83, 87, 104, 10, 21, 53, 90, 103, 115, 119, 73, 85, 38, 9, 24, 26, 36, 113, 48, 123, 49, 120, 34, 54, 88, 39, 47, 8, 6, 29, 18, 27, 55, 70, 4, 82, 46, 68, 16, 65, 78, 1, 81, 3, 66, 80, 51, 57, 14, 110, 17, 22, 31, 94, 2, 99, 67, 40, 114, 89, 20, 25, 97, 72, 35, 95, 91, 84, 33, 86, 11, 32, 69, 28, 100, 43, 109, 107, 5, 7, 71, 75, 45, 105, 96, 30, 41, 92, 101, 37]], "model.layers.26.self_attn.q_proj": [[107, 43, 51, 99, 36, 100, 127, 53, 57, 52, 105, 116, 54, 58, 126, 60, 114, 48, 122, 62, 123, 118, 119, 32, 115, 55, 112, 124, 46, 120, 49, 125, 28, 44, 117, 106, 40, 113, 59, 56, 30, 35, 110, 63, 111, 42, 109, 103, 61, 39, 24, 47, 37, 108, 50, 41, 95, 121, 102, 104, 45, 96, 38, 93, 98, 23, 81, 92, 33, 76, 34, 29, 101, 84, 97, 85, 86, 88, 21, 31, 67, 91, 82, 25, 19, 22, 5, 94, 27, 89, 20, 26, 9, 90, 73, 77, 66, 83, 70, 18, 72, 87, 80, 79, 8, 78, 12, 17, 14, 15, 16, 3, 74, 75, 11, 6, 13, 0, 4, 69, 65, 7, 71, 1, 68, 10, 2, 64], [107, 43, 35, 65, 13, 74, 80, 7, 68, 28, 22, 32, 18, 126, 99, 127, 69, 3, 2, 57, 0, 119, 100, 52, 64, 118, 12, 122, 86, 72, 11, 114, 124, 54, 115, 53, 46, 9, 56, 62, 112, 67, 58, 1, 123, 117, 51, 108, 113, 34, 63, 49, 121, 116, 20, 6, 111, 47, 120, 84, 125, 110, 92, 61, 50, 10, 4, 83, 55, 78, 59, 70, 60, 71, 21, 16, 109, 5, 44, 31, 19, 66, 30, 17, 90, 45, 77, 76, 87, 48, 8, 85, 105, 79, 15, 41, 93, 73, 82, 81, 25, 23, 91, 75, 14, 26, 89, 101, 95, 42, 38, 104, 103, 27, 102, 24, 40, 106, 33, 37, 36, 97, 88, 29, 98, 94, 96, 39], [107, 43, 105, 32, 122, 100, 116, 37, 53, 103, 28, 124, 35, 92, 127, 57, 56, 21, 51, 39, 30, 52, 126, 49, 115, 117, 22, 58, 118, 112, 80, 62, 104, 108, 24, 55, 123, 41, 44, 109, 29, 91, 20, 54, 45, 18, 89, 23, 61, 17, 119, 75, 99, 46, 111, 34, 113, 114, 120, 27, 125, 63, 110, 121, 47, 42, 60, 19, 93, 48, 59, 72, 101, 50, 106, 38, 26, 25, 98, 95, 96, 40, 31, 84, 78, 83, 94, 33, 12, 90, 87, 79, 97, 85, 16, 13, 36, 11, 76, 82, 9, 70, 102, 15, 88, 77, 66, 81, 14, 73, 71, 86, 69, 8, 10, 4, 0, 6, 67, 7, 5, 74, 68, 3, 65, 1, 2, 64], [107, 126, 43, 127, 114, 52, 57, 37, 119, 103, 110, 99, 39, 122, 123, 46, 105, 54, 111, 118, 62, 28, 115, 55, 113, 124, 58, 84, 35, 44, 117, 120, 49, 19, 100, 112, 53, 63, 47, 9, 125, 116, 60, 48, 56, 51, 109, 61, 108, 59, 32, 76, 121, 104, 33, 50, 41, 45, 101, 36, 23, 80, 30, 93, 20, 89, 38, 22, 83, 42, 106, 40, 21, 91, 102, 67, 34, 87, 17, 97, 98, 29, 95, 11, 26, 78, 96, 25, 94, 92, 18, 85, 2, 15, 88, 86, 0, 13, 31, 65, 7, 4, 24, 6, 14, 10, 12, 90, 16, 79, 27, 74, 70, 77, 81, 5, 73, 82, 72, 8, 66, 1, 69, 68, 75, 71, 3, 64], [110, 55, 36, 46, 115, 95, 121, 26, 60, 50, 123, 61, 54, 53, 124, 100, 22, 119, 45, 58, 88, 31, 30, 116, 42, 127, 51, 40, 114, 106, 59, 92, 24, 47, 113, 44, 34, 117, 112, 105, 56, 28, 37, 41, 109, 63, 107, 99, 19, 122, 48, 52, 125, 126, 111, 39, 118, 49, 57, 43, 38, 33, 85, 93, 104, 120, 32, 17, 27, 108, 35, 25, 62, 87, 103, 101, 86, 21, 18, 102, 91, 29, 97, 98, 96, 16, 15, 94, 20, 23, 77, 90, 89, 14, 84, 75, 81, 76, 12, 80, 13, 83, 82, 74, 79, 9, 71, 78, 10, 5, 72, 7, 67, 6, 70, 73, 3, 68, 4, 2, 1, 11, 66, 8, 65, 64, 0, 69], [110, 46, 36, 26, 95, 22, 55, 19, 115, 4, 54, 30, 72, 31, 14, 100, 17, 58, 41, 62, 119, 2, 77, 74, 65, 121, 5, 63, 106, 37, 28, 125, 61, 97, 111, 91, 60, 10, 90, 107, 44, 94, 18, 73, 86, 52, 93, 32, 88, 104, 21, 84, 24, 118, 7, 33, 13, 34, 71, 45, 92, 39, 123, 11, 98, 75, 23, 6, 29, 101, 112, 113, 27, 116, 35, 117, 103, 127, 59, 42, 96, 25, 51, 89, 1, 15, 50, 81, 108, 85, 105, 79, 82, 80, 49, 69, 126, 76, 114, 12, 102, 20, 120, 87, 53, 99, 48, 9, 64, 56, 38, 57, 124, 47, 122, 67, 40, 68, 43, 109, 83, 3, 78, 70, 66, 8, 16, 0], [110, 36, 115, 62, 46, 26, 95, 30, 55, 88, 119, 22, 58, 100, 60, 31, 54, 51, 19, 124, 50, 96, 63, 125, 117, 34, 40, 86, 42, 123, 97, 41, 24, 122, 45, 44, 48, 87, 38, 126, 17, 116, 121, 108, 21, 16, 14, 59, 28, 61, 83, 49, 57, 120, 103, 52, 118, 33, 53, 127, 27, 106, 35, 111, 43, 114, 113, 107, 81, 56, 39, 89, 12, 93, 90, 91, 102, 47, 105, 94, 104, 109, 29, 112, 15, 98, 99, 32, 92, 101, 18, 79, 37, 80, 10, 82, 74, 25, 85, 75, 77, 20, 23, 7, 76, 8, 84, 72, 11, 78, 73, 13, 4, 9, 70, 5, 6, 69, 2, 67, 71, 66, 1, 0, 64, 65, 3, 68], [110, 36, 46, 54, 58, 121, 123, 50, 95, 26, 108, 62, 60, 119, 55, 30, 88, 31, 48, 100, 22, 49, 47, 24, 59, 33, 57, 114, 115, 109, 125, 113, 63, 56, 28, 17, 19, 112, 52, 106, 41, 117, 92, 122, 45, 51, 18, 21, 116, 15, 37, 42, 104, 40, 44, 61, 103, 111, 127, 126, 53, 107, 120, 86, 77, 118, 105, 14, 32, 124, 85, 39, 93, 99, 25, 101, 102, 43, 98, 38, 75, 13, 35, 20, 29, 16, 97, 90, 12, 34, 27, 83, 96, 89, 72, 94, 91, 87, 74, 84, 81, 23, 80, 7, 6, 73, 76, 10, 67, 5, 79, 1, 9, 4, 82, 2, 71, 64, 78, 8, 11, 65, 69, 66, 0, 70, 68, 3], [123, 57, 101, 33, 50, 37, 121, 88, 51, 44, 63, 92, 118, 24, 115, 62, 28, 60, 108, 23, 21, 54, 85, 116, 103, 117, 127, 97, 31, 105, 41, 61, 52, 56, 26, 114, 91, 109, 47, 82, 45, 110, 124, 49, 104, 126, 58, 125, 59, 34, 119, 112, 90, 55, 93, 48, 107, 111, 113, 18, 96, 122, 46, 106, 43, 87, 53, 42, 38, 79, 32, 40, 98, 20, 95, 83, 19, 75, 36, 100, 39, 15, 102, 30, 77, 120, 35, 89, 27, 94, 29, 99, 76, 16, 10, 17, 71, 86, 65, 25, 22, 84, 80, 67, 70, 14, 73, 69, 78, 81, 5, 68, 72, 8, 13, 12, 66, 0, 4, 1, 74, 2, 3, 9, 6, 64, 7, 11], [57, 101, 123, 33, 50, 37, 121, 24, 51, 124, 85, 103, 15, 88, 97, 76, 90, 20, 115, 82, 54, 105, 60, 10, 118, 29, 21, 34, 93, 104, 19, 96, 18, 91, 119, 95, 26, 87, 44, 117, 46, 67, 89, 49, 77, 59, 25, 79, 65, 28, 40, 62, 112, 73, 31, 99, 75, 30, 72, 12, 92, 74, 13, 9, 107, 43, 8, 7, 5, 83, 35, 102, 63, 127, 38, 94, 108, 114, 69, 4, 32, 2, 27, 125, 1, 52, 70, 22, 81, 71, 61, 109, 106, 53, 17, 68, 47, 126, 3, 6, 36, 23, 111, 39, 98, 116, 48, 16, 64, 100, 84, 120, 14, 110, 45, 41, 42, 58, 55, 122, 0, 113, 66, 78, 56, 80, 11, 86], [101, 123, 57, 50, 124, 33, 37, 121, 88, 28, 119, 21, 92, 61, 51, 90, 24, 44, 54, 85, 118, 126, 19, 58, 56, 105, 62, 114, 31, 117, 18, 16, 60, 115, 49, 103, 26, 82, 46, 52, 106, 97, 45, 116, 75, 38, 59, 14, 77, 42, 73, 47, 122, 86, 112, 91, 48, 109, 35, 107, 43, 63, 53, 76, 55, 39, 125, 94, 30, 110, 41, 113, 111, 89, 36, 79, 120, 80, 83, 127, 34, 93, 22, 95, 104, 99, 102, 17, 96, 29, 98, 108, 40, 71, 10, 100, 32, 20, 84, 27, 72, 81, 78, 5, 87, 23, 67, 25, 70, 65, 68, 13, 66, 15, 64, 4, 69, 11, 74, 9, 12, 2, 8, 7, 3, 1, 6, 0], [101, 123, 57, 50, 33, 121, 37, 51, 88, 24, 19, 115, 61, 54, 92, 28, 85, 21, 124, 75, 118, 105, 73, 117, 119, 77, 114, 60, 59, 44, 113, 18, 100, 46, 97, 62, 14, 83, 31, 90, 17, 98, 93, 58, 16, 95, 79, 43, 107, 78, 126, 104, 52, 45, 111, 48, 38, 127, 110, 125, 82, 41, 109, 47, 35, 116, 122, 103, 71, 29, 84, 112, 86, 89, 55, 30, 56, 42, 53, 76, 26, 36, 34, 120, 106, 5, 49, 87, 99, 63, 96, 40, 108, 102, 94, 32, 20, 4, 22, 39, 27, 11, 23, 91, 15, 80, 72, 10, 70, 66, 25, 67, 12, 13, 81, 68, 65, 6, 74, 7, 3, 1, 0, 9, 8, 69, 64, 2], [61, 59, 101, 63, 44, 125, 116, 51, 21, 62, 33, 58, 93, 118, 113, 55, 85, 88, 119, 127, 114, 110, 49, 56, 42, 54, 30, 123, 126, 124, 115, 52, 45, 50, 53, 40, 120, 112, 117, 57, 27, 48, 103, 78, 121, 122, 109, 60, 83, 24, 92, 105, 111, 37, 47, 80, 43, 90, 107, 91, 46, 26, 106, 89, 108, 95, 104, 41, 22, 82, 81, 25, 39, 74, 20, 11, 99, 75, 7, 13, 29, 12, 84, 77, 102, 32, 38, 9, 36, 6, 19, 10, 73, 17, 96, 100, 98, 34, 94, 8, 79, 23, 14, 69, 3, 15, 35, 16, 70, 28, 86, 31, 87, 18, 68, 72, 5, 76, 97, 67, 65, 71, 4, 0, 66, 1, 2, 64], [125, 63, 61, 101, 59, 116, 44, 51, 55, 58, 21, 50, 49, 127, 85, 62, 119, 114, 56, 110, 33, 113, 53, 126, 118, 52, 54, 124, 123, 57, 115, 48, 117, 42, 88, 45, 40, 120, 93, 37, 121, 109, 60, 83, 24, 112, 122, 30, 111, 27, 91, 47, 90, 46, 43, 92, 78, 105, 26, 107, 106, 41, 108, 103, 104, 89, 80, 39, 29, 22, 34, 38, 99, 96, 25, 102, 100, 82, 95, 17, 77, 81, 94, 7, 98, 36, 73, 32, 20, 75, 35, 28, 87, 31, 97, 11, 10, 13, 19, 79, 86, 6, 8, 74, 84, 12, 9, 23, 70, 14, 16, 67, 69, 72, 0, 4, 68, 18, 76, 15, 66, 3, 71, 5, 64, 1, 65, 2], [63, 101, 59, 61, 44, 21, 51, 33, 115, 85, 118, 127, 62, 113, 58, 93, 114, 119, 88, 49, 55, 126, 56, 116, 30, 54, 123, 110, 45, 117, 42, 53, 124, 50, 125, 103, 52, 40, 92, 120, 37, 57, 91, 48, 27, 112, 121, 83, 80, 109, 60, 78, 122, 111, 105, 47, 24, 43, 108, 46, 90, 26, 106, 107, 41, 104, 29, 7, 74, 82, 22, 95, 39, 89, 12, 20, 77, 25, 99, 81, 75, 19, 32, 13, 84, 14, 102, 17, 11, 38, 10, 73, 36, 15, 79, 16, 8, 100, 23, 34, 9, 94, 96, 98, 4, 18, 86, 35, 28, 69, 76, 72, 6, 87, 68, 5, 31, 97, 71, 70, 0, 1, 66, 67, 3, 64, 2, 65], [125, 59, 61, 63, 101, 62, 115, 54, 55, 116, 56, 33, 58, 44, 120, 126, 119, 114, 50, 110, 51, 124, 127, 118, 88, 53, 123, 37, 48, 49, 57, 117, 113, 112, 40, 52, 121, 45, 111, 60, 122, 90, 109, 93, 83, 42, 47, 103, 46, 43, 24, 108, 106, 81, 107, 41, 104, 78, 85, 105, 22, 7, 32, 39, 25, 89, 19, 80, 30, 74, 73, 21, 34, 6, 17, 27, 29, 91, 11, 100, 102, 26, 69, 36, 38, 77, 79, 75, 15, 13, 95, 82, 86, 12, 16, 14, 28, 97, 35, 98, 10, 9, 99, 87, 84, 8, 96, 92, 31, 94, 20, 4, 76, 68, 70, 5, 2, 23, 1, 0, 18, 67, 71, 66, 72, 65, 3, 64], [41, 117, 55, 34, 52, 31, 23, 115, 119, 21, 62, 39, 80, 58, 83, 45, 27, 105, 60, 99, 59, 44, 63, 13, 113, 30, 61, 72, 103, 57, 11, 109, 42, 29, 74, 32, 93, 94, 126, 111, 33, 88, 89, 8, 108, 112, 104, 121, 92, 116, 56, 118, 81, 90, 100, 54, 75, 26, 43, 17, 47, 37, 107, 25, 87, 20, 85, 24, 101, 51, 18, 91, 48, 15, 36, 22, 95, 124, 76, 127, 106, 110, 123, 71, 82, 50, 97, 49, 35, 38, 122, 114, 86, 84, 12, 19, 79, 40, 69, 96, 14, 46, 102, 28, 120, 53, 125, 78, 16, 67, 5, 10, 77, 64, 9, 66, 6, 7, 68, 98, 73, 4, 3, 70, 2, 65, 0, 1], [41, 55, 34, 52, 31, 13, 21, 23, 83, 80, 117, 27, 11, 66, 115, 105, 6, 96, 109, 28, 74, 19, 8, 49, 108, 44, 60, 73, 26, 64, 63, 67, 37, 30, 72, 119, 62, 4, 91, 45, 33, 85, 18, 22, 15, 7, 89, 43, 25, 17, 56, 87, 94, 9, 78, 84, 113, 122, 99, 77, 59, 93, 5, 61, 88, 57, 118, 81, 32, 48, 97, 70, 102, 10, 46, 42, 16, 29, 120, 92, 35, 71, 24, 82, 36, 103, 65, 69, 116, 2, 101, 20, 106, 40, 12, 14, 76, 90, 39, 68, 54, 127, 1, 53, 124, 123, 79, 75, 100, 110, 104, 111, 125, 86, 121, 47, 58, 3, 112, 38, 126, 50, 95, 0, 51, 114, 107, 98], [55, 41, 59, 34, 117, 45, 31, 23, 112, 54, 105, 119, 120, 110, 44, 111, 56, 46, 61, 92, 47, 116, 115, 58, 108, 42, 28, 118, 48, 124, 63, 121, 122, 123, 51, 114, 39, 127, 126, 109, 60, 25, 43, 125, 53, 57, 107, 94, 113, 21, 62, 50, 36, 106, 40, 20, 30, 49, 83, 97, 26, 103, 88, 102, 104, 100, 38, 33, 79, 52, 37, 99, 93, 29, 101, 80, 15, 35, 11, 91, 95, 86, 66, 96, 32, 71, 24, 27, 98, 69, 10, 7, 81, 87, 3, 74, 85, 17, 84, 14, 12, 89, 90, 22, 5, 1, 76, 70, 65, 82, 13, 64, 67, 0, 9, 8, 78, 19, 18, 68, 2, 4, 6, 73, 72, 75, 16, 77], [41, 55, 34, 52, 23, 31, 21, 13, 83, 80, 82, 74, 40, 117, 119, 125, 4, 103, 49, 28, 27, 105, 59, 60, 17, 115, 64, 61, 43, 44, 6, 101, 113, 66, 26, 96, 47, 118, 57, 56, 45, 94, 42, 62, 109, 3, 25, 116, 39, 70, 100, 65, 111, 112, 11, 53, 97, 72, 54, 108, 36, 126, 0, 85, 33, 104, 99, 29, 63, 123, 110, 18, 91, 16, 50, 38, 127, 32, 124, 68, 93, 87, 88, 92, 106, 122, 48, 102, 46, 22, 37, 84, 95, 58, 9, 89, 107, 69, 114, 35, 81, 78, 121, 30, 51, 10, 120, 79, 73, 19, 14, 15, 24, 7, 8, 90, 1, 86, 71, 98, 5, 12, 75, 20, 77, 76, 2, 67], [45, 103, 109, 38, 29, 54, 126, 87, 119, 57, 107, 83, 84, 114, 115, 117, 93, 118, 111, 47, 80, 122, 50, 95, 31, 46, 22, 121, 113, 127, 78, 61, 13, 108, 63, 85, 44, 10, 124, 53, 26, 52, 112, 98, 17, 59, 62, 49, 56, 125, 41, 116, 123, 51, 32, 71, 55, 58, 120, 110, 104, 30, 60, 96, 86, 36, 21, 42, 12, 48, 102, 37, 24, 34, 40, 100, 28, 106, 2, 88, 33, 35, 43, 89, 94, 70, 72, 101, 9, 14, 91, 92, 97, 90, 27, 69, 23, 76, 81, 105, 3, 6, 25, 75, 99, 19, 8, 0, 11, 67, 82, 68, 18, 4, 79, 20, 15, 73, 66, 7, 39, 65, 5, 1, 16, 64, 77, 74], [103, 45, 29, 109, 87, 80, 84, 13, 54, 10, 71, 69, 113, 32, 23, 115, 65, 47, 67, 126, 93, 64, 118, 3, 12, 127, 60, 77, 125, 38, 94, 17, 30, 62, 31, 72, 95, 57, 49, 59, 88, 20, 39, 66, 89, 68, 14, 119, 16, 83, 27, 24, 120, 74, 21, 102, 101, 79, 111, 34, 22, 18, 96, 7, 82, 15, 98, 85, 58, 90, 100, 121, 107, 51, 81, 76, 36, 5, 37, 42, 78, 25, 11, 48, 56, 63, 97, 46, 117, 91, 33, 112, 116, 4, 55, 104, 19, 99, 92, 73, 86, 41, 28, 50, 53, 6, 110, 105, 108, 52, 124, 35, 40, 61, 44, 122, 8, 70, 43, 123, 9, 106, 26, 114, 2, 0, 75, 1], [103, 45, 29, 109, 84, 87, 38, 13, 80, 54, 10, 69, 93, 71, 12, 83, 113, 3, 126, 2, 47, 32, 78, 127, 82, 79, 118, 65, 1, 115, 23, 22, 119, 88, 59, 64, 6, 95, 0, 46, 60, 89, 77, 123, 111, 31, 37, 49, 8, 62, 30, 66, 57, 122, 24, 5, 70, 97, 72, 33, 81, 125, 42, 15, 16, 58, 68, 43, 52, 7, 25, 124, 14, 74, 67, 96, 50, 112, 121, 20, 106, 85, 98, 107, 41, 92, 9, 34, 117, 17, 53, 51, 61, 120, 63, 48, 26, 114, 40, 91, 18, 110, 36, 55, 11, 101, 76, 19, 104, 99, 116, 108, 4, 35, 27, 94, 56, 100, 105, 86, 90, 44, 73, 21, 102, 28, 39, 75], [103, 45, 29, 109, 87, 84, 54, 80, 13, 10, 38, 126, 69, 71, 113, 93, 115, 32, 65, 47, 82, 67, 23, 118, 127, 30, 64, 95, 88, 40, 77, 56, 60, 125, 21, 102, 24, 94, 72, 79, 31, 46, 41, 108, 49, 83, 58, 20, 11, 101, 121, 78, 57, 25, 76, 66, 22, 26, 53, 52, 75, 117, 50, 17, 3, 119, 114, 44, 74, 42, 0, 16, 34, 9, 91, 97, 100, 48, 14, 4, 63, 62, 18, 59, 111, 124, 7, 15, 19, 5, 61, 96, 89, 122, 36, 37, 43, 112, 106, 8, 28, 55, 33, 90, 85, 104, 51, 105, 99, 81, 35, 107, 68, 110, 98, 86, 123, 12, 116, 27, 2, 39, 70, 73, 92, 120, 6, 1], [104, 59, 99, 92, 20, 114, 119, 54, 62, 82, 117, 55, 95, 98, 51, 107, 34, 63, 47, 120, 25, 125, 124, 49, 113, 115, 60, 86, 45, 13, 30, 112, 16, 123, 28, 103, 33, 58, 108, 121, 50, 48, 42, 56, 18, 44, 89, 61, 31, 39, 110, 87, 127, 52, 106, 116, 46, 122, 126, 88, 53, 57, 111, 105, 37, 118, 109, 41, 40, 43, 78, 29, 101, 38, 97, 93, 11, 94, 17, 22, 24, 76, 10, 80, 67, 15, 84, 36, 100, 71, 90, 21, 102, 79, 77, 26, 73, 96, 68, 85, 75, 23, 8, 91, 27, 19, 1, 81, 32, 35, 74, 14, 70, 7, 5, 83, 9, 66, 12, 0, 4, 65, 6, 69, 64, 72, 3, 2], [104, 59, 99, 92, 114, 82, 20, 51, 98, 62, 115, 95, 63, 105, 54, 47, 13, 16, 61, 117, 30, 34, 25, 119, 58, 122, 124, 45, 60, 109, 116, 86, 67, 55, 89, 87, 102, 66, 28, 11, 56, 80, 127, 43, 50, 88, 113, 15, 65, 123, 46, 57, 10, 18, 64, 53, 70, 42, 101, 7, 49, 48, 9, 31, 17, 97, 103, 8, 106, 44, 112, 78, 73, 40, 111, 68, 69, 22, 12, 94, 0, 5, 37, 121, 120, 76, 41, 125, 74, 33, 39, 84, 93, 29, 79, 38, 21, 118, 126, 24, 108, 75, 91, 32, 110, 107, 26, 85, 52, 71, 19, 90, 36, 83, 6, 23, 77, 81, 1, 100, 27, 14, 35, 96, 72, 4, 3, 2], [104, 59, 99, 92, 114, 20, 82, 16, 51, 116, 13, 25, 95, 87, 89, 54, 10, 115, 124, 34, 17, 8, 56, 50, 45, 53, 21, 100, 78, 76, 94, 86, 31, 63, 68, 62, 61, 18, 66, 70, 67, 65, 71, 123, 73, 80, 125, 98, 74, 85, 41, 52, 44, 12, 101, 97, 47, 39, 28, 40, 88, 91, 55, 29, 9, 127, 103, 15, 107, 118, 119, 108, 96, 11, 69, 27, 122, 37, 49, 90, 33, 84, 19, 7, 30, 5, 24, 106, 42, 121, 126, 32, 22, 58, 113, 110, 48, 105, 77, 112, 36, 6, 111, 79, 93, 23, 120, 43, 64, 109, 38, 75, 102, 26, 0, 60, 117, 46, 57, 14, 1, 83, 81, 35, 2, 4, 72, 3], [104, 59, 122, 45, 92, 20, 95, 114, 25, 99, 86, 115, 54, 62, 82, 63, 61, 34, 116, 51, 98, 49, 11, 56, 43, 0, 127, 124, 123, 33, 4, 119, 53, 1, 28, 110, 2, 46, 41, 58, 113, 31, 125, 55, 89, 120, 52, 70, 48, 111, 126, 76, 73, 50, 108, 118, 39, 121, 71, 112, 88, 78, 5, 13, 42, 106, 117, 109, 60, 83, 57, 44, 107, 105, 30, 22, 19, 87, 90, 47, 26, 102, 103, 84, 101, 16, 14, 38, 36, 21, 93, 3, 24, 100, 32, 37, 94, 6, 91, 81, 97, 35, 96, 15, 18, 8, 17, 29, 27, 65, 40, 12, 85, 10, 23, 69, 7, 66, 74, 75, 80, 64, 79, 9, 67, 68, 77, 72], [107, 56, 126, 43, 99, 87, 82, 110, 91, 78, 20, 25, 81, 40, 75, 104, 79, 27, 12, 112, 7, 72, 52, 31, 86, 32, 89, 117, 118, 49, 116, 92, 10, 125, 62, 48, 55, 16, 88, 127, 109, 95, 120, 26, 28, 85, 121, 69, 17, 93, 23, 44, 113, 74, 37, 77, 6, 57, 14, 53, 122, 84, 97, 58, 9, 80, 115, 61, 54, 11, 50, 101, 90, 102, 29, 76, 15, 108, 30, 51, 46, 68, 124, 18, 21, 83, 60, 114, 119, 105, 19, 96, 47, 33, 45, 24, 123, 38, 98, 59, 41, 100, 5, 103, 111, 94, 36, 63, 22, 2, 34, 106, 67, 8, 73, 71, 42, 39, 35, 70, 13, 4, 64, 3, 1, 65, 66, 0], [107, 43, 112, 56, 53, 127, 48, 115, 50, 116, 55, 125, 117, 25, 99, 19, 52, 120, 126, 61, 37, 118, 46, 121, 57, 62, 93, 113, 63, 58, 124, 29, 51, 114, 109, 122, 59, 54, 60, 49, 110, 91, 45, 119, 89, 31, 123, 36, 105, 47, 104, 111, 33, 44, 40, 86, 108, 24, 106, 42, 27, 28, 41, 95, 88, 38, 80, 39, 35, 101, 100, 83, 34, 102, 22, 20, 16, 103, 13, 98, 21, 77, 87, 97, 92, 90, 30, 17, 26, 79, 82, 32, 23, 70, 14, 96, 94, 81, 4, 10, 65, 85, 7, 11, 68, 6, 3, 1, 67, 84, 71, 15, 78, 18, 74, 5, 69, 75, 2, 72, 64, 66, 0, 8, 12, 9, 76, 73], [107, 126, 56, 99, 43, 117, 109, 25, 79, 86, 82, 31, 93, 91, 84, 89, 118, 116, 18, 33, 4, 110, 0, 73, 20, 77, 53, 28, 66, 78, 9, 55, 96, 41, 105, 1, 75, 98, 39, 112, 37, 81, 120, 121, 125, 72, 127, 36, 32, 17, 26, 30, 52, 95, 113, 54, 64, 80, 29, 3, 97, 92, 42, 6, 27, 76, 60, 50, 101, 58, 61, 94, 48, 40, 22, 114, 49, 63, 62, 57, 51, 44, 46, 122, 19, 23, 5, 14, 104, 38, 24, 15, 87, 90, 123, 69, 16, 67, 2, 34, 100, 59, 45, 70, 12, 10, 103, 21, 88, 102, 13, 7, 74, 119, 108, 124, 47, 83, 85, 111, 11, 68, 8, 35, 71, 65, 106, 115], [56, 107, 112, 99, 125, 19, 50, 126, 116, 43, 127, 25, 52, 117, 62, 121, 120, 48, 53, 45, 31, 124, 93, 57, 113, 40, 61, 109, 55, 46, 60, 51, 122, 49, 118, 63, 114, 54, 59, 29, 58, 123, 115, 119, 105, 47, 111, 36, 104, 89, 108, 110, 33, 35, 44, 91, 24, 86, 106, 27, 41, 42, 39, 38, 98, 88, 101, 37, 100, 83, 95, 103, 102, 28, 21, 80, 22, 92, 34, 90, 13, 74, 77, 17, 23, 30, 97, 87, 32, 26, 94, 81, 16, 96, 75, 10, 7, 71, 14, 20, 78, 65, 82, 70, 6, 1, 3, 79, 69, 4, 67, 72, 85, 18, 68, 11, 2, 5, 8, 66, 84, 15, 0, 64, 12, 76, 9, 73]], "model.layers.26.self_attn.k_proj": [[43, 22, 107, 99, 92, 126, 127, 96, 64, 47, 46, 56, 48, 80, 119, 124, 68, 7, 122, 13, 116, 57, 49, 109, 54, 113, 18, 2, 117, 112, 63, 118, 44, 62, 115, 55, 52, 58, 123, 50, 125, 53, 120, 51, 59, 121, 60, 110, 108, 114, 61, 101, 74, 98, 111, 11, 106, 42, 45, 76, 41, 102, 3, 37, 78, 36, 6, 40, 105, 103, 34, 104, 1, 97, 69, 39, 38, 10, 70, 8, 21, 89, 72, 15, 5, 94, 31, 90, 84, 33, 95, 87, 30, 9, 17, 100, 23, 24, 82, 28, 29, 26, 88, 91, 32, 81, 12, 25, 93, 27, 73, 85, 75, 67, 19, 20, 79, 71, 35, 83, 14, 16, 66, 77, 4, 65, 0, 86], [46, 110, 100, 31, 26, 22, 19, 86, 17, 14, 94, 12, 74, 28, 58, 121, 60, 24, 77, 15, 72, 62, 104, 123, 54, 29, 118, 43, 10, 106, 122, 52, 112, 32, 37, 61, 108, 68, 83, 49, 67, 7, 16, 40, 63, 125, 5, 44, 119, 127, 116, 97, 98, 33, 38, 113, 50, 27, 59, 89, 57, 41, 42, 111, 115, 109, 102, 126, 93, 91, 81, 56, 34, 101, 53, 69, 55, 70, 124, 103, 105, 84, 99, 48, 18, 117, 107, 71, 39, 51, 1, 95, 35, 23, 114, 47, 76, 120, 96, 87, 36, 65, 45, 0, 21, 64, 30, 88, 92, 25, 20, 85, 9, 13, 82, 8, 79, 75, 90, 6, 66, 80, 4, 3, 11, 73, 78, 2], [123, 57, 97, 37, 24, 95, 92, 85, 82, 90, 80, 108, 115, 124, 73, 75, 19, 50, 114, 104, 76, 40, 78, 77, 83, 101, 53, 59, 121, 39, 35, 70, 119, 10, 0, 88, 105, 14, 55, 111, 71, 5, 48, 45, 126, 61, 4, 103, 30, 93, 109, 52, 21, 43, 1, 113, 116, 3, 112, 49, 42, 72, 54, 62, 96, 44, 117, 107, 41, 51, 58, 106, 60, 81, 118, 66, 46, 56, 127, 47, 110, 15, 63, 122, 120, 17, 20, 125, 36, 86, 89, 102, 100, 91, 32, 99, 34, 33, 84, 98, 27, 22, 94, 38, 29, 87, 2, 13, 25, 23, 79, 18, 16, 67, 31, 8, 7, 74, 26, 28, 64, 11, 6, 12, 69, 65, 68, 9], [125, 37, 63, 61, 22, 97, 59, 114, 126, 119, 51, 55, 124, 117, 112, 58, 57, 127, 53, 60, 121, 110, 123, 108, 122, 56, 52, 49, 111, 107, 44, 118, 113, 45, 31, 50, 62, 47, 29, 115, 120, 48, 109, 104, 54, 46, 36, 106, 43, 101, 90, 105, 79, 42, 34, 27, 17, 102, 116, 41, 40, 83, 38, 35, 39, 98, 85, 88, 92, 86, 30, 81, 89, 103, 87, 91, 99, 20, 24, 25, 93, 100, 13, 15, 78, 95, 82, 28, 18, 32, 96, 73, 21, 75, 94, 84, 26, 19, 33, 12, 69, 23, 11, 6, 72, 4, 8, 80, 10, 77, 76, 7, 14, 16, 67, 2, 74, 65, 71, 64, 9, 70, 1, 68, 66, 5, 0, 3], [105, 55, 98, 52, 95, 23, 21, 80, 83, 64, 13, 61, 11, 116, 74, 6, 28, 117, 51, 60, 27, 46, 69, 8, 49, 109, 2, 90, 71, 59, 123, 65, 42, 57, 12, 111, 4, 115, 127, 67, 113, 72, 103, 53, 126, 50, 79, 54, 58, 93, 82, 124, 43, 118, 26, 100, 62, 119, 108, 56, 110, 25, 122, 44, 41, 112, 63, 78, 47, 34, 97, 45, 114, 99, 1, 104, 106, 29, 125, 37, 121, 107, 35, 30, 101, 32, 38, 39, 3, 120, 96, 18, 40, 102, 81, 33, 24, 48, 94, 15, 36, 20, 88, 17, 86, 91, 76, 9, 14, 77, 22, 89, 92, 75, 66, 5, 84, 31, 73, 10, 7, 87, 70, 19, 0, 85, 16, 68], [109, 39, 80, 84, 10, 93, 13, 87, 45, 71, 54, 69, 64, 3, 111, 118, 57, 12, 119, 29, 126, 117, 65, 121, 49, 78, 68, 106, 88, 31, 1, 9, 122, 127, 55, 123, 22, 51, 115, 113, 17, 104, 102, 96, 53, 82, 46, 76, 58, 125, 41, 14, 61, 63, 83, 2, 52, 59, 62, 112, 72, 15, 44, 60, 124, 101, 100, 32, 86, 36, 26, 50, 94, 95, 43, 30, 48, 105, 6, 47, 114, 108, 85, 107, 110, 42, 34, 27, 56, 98, 120, 116, 66, 21, 37, 75, 0, 40, 25, 91, 35, 28, 90, 79, 4, 67, 24, 89, 33, 99, 92, 38, 70, 18, 5, 19, 8, 23, 97, 73, 103, 7, 11, 81, 74, 77, 20, 16], [59, 40, 31, 20, 28, 86, 114, 98, 13, 113, 89, 88, 54, 115, 82, 56, 116, 111, 50, 99, 124, 21, 66, 0, 67, 35, 127, 41, 87, 62, 16, 53, 49, 17, 121, 27, 15, 68, 80, 126, 18, 11, 78, 44, 48, 55, 1, 109, 8, 70, 123, 47, 92, 10, 105, 58, 57, 112, 25, 60, 46, 118, 33, 122, 106, 63, 23, 51, 76, 29, 43, 125, 83, 30, 34, 36, 7, 61, 117, 119, 45, 52, 120, 73, 93, 65, 103, 39, 108, 26, 107, 42, 69, 9, 100, 96, 74, 97, 5, 101, 110, 102, 38, 85, 94, 79, 24, 81, 71, 64, 37, 90, 14, 32, 19, 6, 12, 72, 91, 4, 2, 77, 22, 75, 95, 3, 84, 104], [43, 35, 86, 56, 107, 29, 25, 19, 118, 126, 117, 95, 127, 116, 121, 57, 79, 109, 119, 55, 101, 92, 112, 125, 58, 63, 113, 41, 97, 52, 59, 51, 53, 54, 122, 114, 115, 61, 60, 62, 49, 124, 123, 45, 50, 111, 105, 82, 120, 48, 47, 64, 42, 44, 110, 20, 27, 34, 94, 46, 108, 80, 103, 38, 77, 37, 106, 104, 102, 75, 70, 100, 9, 65, 98, 39, 4, 40, 2, 36, 85, 84, 24, 7, 32, 67, 99, 90, 93, 69, 28, 16, 71, 26, 73, 96, 33, 11, 30, 87, 78, 91, 31, 76, 17, 81, 14, 21, 12, 18, 68, 23, 74, 8, 88, 10, 72, 13, 5, 15, 0, 83, 89, 1, 6, 3, 22, 66]], "model.layers.26.self_attn.qk_proj": [[59, 43, 57, 123, 109, 110, 107, 46, 63, 61, 55, 125, 56, 45, 105, 37, 52, 54, 126, 29, 41, 50, 117, 99, 40, 101, 28, 115, 114, 23, 62, 119, 22, 58, 95, 92, 127, 121, 80, 31, 124, 87, 16, 53, 116, 13, 88, 86, 103, 60, 39, 77, 51, 20, 112, 111, 44, 21, 19, 104, 84, 97, 90, 48, 24, 47, 49, 85, 82, 93, 113, 118, 83, 122, 120, 10, 34, 18, 26, 74, 33, 106, 100, 98, 42, 108, 7, 35, 25, 89, 36, 91, 71, 64, 30, 72, 75, 11, 102, 32, 96, 81, 79, 15, 14, 0, 78, 17, 76, 38, 67, 12, 3, 69, 27, 94, 5, 66, 68, 1, 73, 9, 70, 65, 8, 2, 6, 4], [43, 59, 57, 123, 109, 107, 110, 46, 61, 63, 125, 55, 56, 45, 105, 52, 37, 54, 126, 29, 117, 101, 41, 115, 50, 114, 62, 40, 99, 127, 58, 28, 31, 121, 23, 92, 103, 51, 22, 124, 119, 112, 116, 77, 80, 95, 104, 39, 16, 87, 86, 24, 60, 49, 53, 13, 88, 85, 48, 21, 111, 93, 97, 44, 47, 120, 122, 20, 113, 19, 118, 83, 90, 34, 10, 84, 108, 82, 74, 100, 18, 33, 26, 35, 25, 89, 98, 42, 91, 71, 106, 15, 30, 36, 0, 75, 64, 72, 96, 11, 32, 7, 79, 67, 12, 14, 102, 5, 76, 81, 78, 3, 38, 94, 69, 27, 17, 9, 66, 73, 2, 6, 4, 1, 68, 70, 8, 65], [59, 43, 57, 123, 109, 107, 110, 46, 61, 63, 55, 125, 56, 45, 105, 54, 52, 37, 126, 29, 117, 41, 101, 114, 62, 99, 50, 40, 115, 124, 28, 104, 127, 121, 119, 22, 51, 112, 103, 86, 53, 80, 95, 92, 116, 31, 23, 87, 48, 77, 44, 16, 49, 88, 39, 58, 113, 97, 13, 93, 34, 47, 24, 21, 60, 20, 122, 118, 85, 83, 111, 90, 74, 19, 84, 120, 98, 108, 82, 10, 18, 33, 36, 26, 100, 35, 64, 106, 42, 91, 71, 89, 25, 0, 7, 15, 78, 38, 81, 17, 30, 11, 76, 79, 75, 14, 67, 96, 102, 32, 69, 72, 94, 3, 27, 5, 12, 1, 6, 68, 2, 4, 73, 65, 8, 66, 9, 70], [43, 59, 57, 123, 109, 110, 107, 46, 63, 61, 55, 56, 125, 45, 105, 52, 37, 126, 54, 117, 29, 114, 101, 50, 49, 41, 121, 40, 115, 62, 124, 99, 53, 44, 112, 104, 80, 119, 116, 23, 28, 22, 16, 92, 95, 86, 51, 77, 60, 113, 31, 13, 103, 58, 127, 111, 88, 87, 93, 120, 19, 48, 20, 39, 21, 118, 24, 85, 10, 90, 84, 97, 122, 108, 47, 74, 34, 83, 82, 33, 98, 26, 18, 0, 100, 106, 71, 7, 36, 89, 35, 81, 79, 42, 15, 102, 64, 91, 25, 17, 75, 78, 30, 14, 76, 5, 67, 11, 3, 38, 69, 72, 8, 96, 27, 6, 4, 12, 94, 32, 65, 68, 2, 1, 66, 73, 9, 70], [43, 59, 57, 123, 109, 110, 107, 46, 63, 61, 125, 56, 55, 45, 105, 52, 126, 37, 117, 54, 114, 50, 41, 29, 40, 121, 99, 119, 44, 101, 49, 124, 23, 22, 62, 127, 28, 51, 104, 53, 80, 16, 13, 116, 88, 115, 60, 86, 95, 118, 112, 92, 87, 77, 120, 31, 47, 58, 20, 84, 93, 103, 111, 74, 39, 34, 19, 10, 21, 97, 122, 83, 24, 48, 85, 113, 90, 82, 108, 18, 26, 98, 33, 35, 7, 100, 106, 64, 89, 71, 36, 75, 96, 0, 15, 81, 91, 25, 79, 5, 67, 76, 30, 102, 8, 78, 3, 11, 17, 32, 69, 14, 42, 4, 94, 12, 1, 6, 2, 38, 65, 27, 72, 68, 9, 66, 73, 70], [43, 59, 57, 123, 107, 110, 109, 46, 63, 61, 125, 55, 56, 45, 105, 52, 37, 54, 117, 29, 50, 126, 41, 99, 40, 23, 80, 115, 22, 114, 101, 86, 44, 116, 124, 16, 95, 28, 121, 104, 62, 13, 60, 92, 88, 49, 119, 118, 19, 103, 93, 51, 127, 77, 31, 39, 58, 85, 87, 112, 20, 21, 53, 111, 120, 84, 47, 97, 10, 74, 24, 48, 122, 34, 113, 83, 26, 82, 33, 108, 90, 100, 106, 36, 98, 15, 18, 35, 25, 7, 64, 0, 91, 11, 89, 81, 71, 30, 14, 12, 75, 102, 79, 32, 96, 42, 17, 5, 78, 76, 38, 8, 3, 67, 94, 72, 69, 66, 70, 4, 6, 27, 9, 73, 65, 68, 1, 2], [59, 43, 57, 123, 109, 110, 107, 46, 63, 61, 55, 125, 56, 45, 105, 52, 37, 54, 29, 126, 41, 50, 117, 28, 121, 114, 124, 40, 99, 101, 22, 80, 119, 95, 87, 23, 86, 49, 115, 16, 92, 31, 44, 48, 88, 77, 13, 51, 116, 104, 62, 20, 122, 60, 58, 19, 84, 97, 127, 85, 118, 39, 103, 47, 34, 21, 120, 93, 90, 24, 112, 83, 74, 100, 111, 10, 108, 18, 26, 53, 82, 113, 98, 35, 33, 25, 30, 36, 106, 91, 89, 15, 7, 42, 11, 78, 71, 102, 14, 79, 75, 17, 64, 32, 81, 0, 96, 5, 38, 12, 8, 76, 94, 69, 3, 67, 27, 6, 4, 73, 9, 68, 1, 2, 66, 65, 70, 72], [59, 43, 57, 123, 107, 109, 110, 46, 61, 63, 55, 125, 56, 45, 105, 52, 37, 29, 126, 54, 117, 41, 101, 115, 114, 28, 121, 99, 50, 22, 119, 23, 116, 31, 86, 40, 124, 95, 92, 87, 51, 62, 16, 49, 103, 80, 88, 112, 39, 127, 104, 53, 113, 13, 44, 48, 60, 58, 97, 20, 19, 122, 90, 77, 21, 93, 85, 24, 100, 84, 118, 120, 34, 83, 82, 42, 74, 108, 91, 47, 18, 33, 26, 10, 36, 25, 106, 35, 111, 30, 89, 98, 7, 14, 78, 79, 17, 0, 32, 75, 81, 64, 15, 12, 71, 8, 27, 94, 102, 5, 38, 11, 3, 96, 67, 69, 66, 76, 65, 2, 4, 73, 9, 1, 68, 70, 6, 72], [59, 43, 57, 123, 107, 109, 110, 46, 63, 61, 55, 56, 125, 45, 105, 37, 52, 29, 54, 41, 117, 126, 101, 50, 115, 58, 99, 124, 114, 28, 40, 121, 44, 23, 119, 92, 22, 62, 116, 95, 31, 16, 127, 49, 13, 104, 97, 87, 122, 60, 86, 53, 112, 77, 103, 88, 80, 113, 85, 51, 48, 93, 21, 118, 34, 20, 24, 39, 84, 111, 90, 47, 19, 82, 100, 120, 74, 36, 108, 83, 33, 18, 91, 10, 26, 25, 106, 35, 98, 89, 30, 42, 38, 15, 71, 14, 32, 11, 78, 79, 96, 7, 27, 8, 17, 75, 94, 64, 102, 12, 0, 76, 81, 67, 5, 3, 69, 70, 9, 4, 1, 66, 68, 73, 2, 65, 72, 6], [59, 43, 57, 123, 109, 46, 110, 107, 63, 61, 55, 125, 56, 45, 105, 37, 54, 52, 126, 29, 117, 115, 50, 41, 40, 101, 62, 28, 114, 112, 99, 121, 119, 58, 124, 53, 116, 44, 23, 95, 103, 51, 86, 92, 22, 127, 104, 60, 31, 13, 16, 48, 80, 87, 49, 77, 122, 88, 21, 39, 118, 108, 113, 120, 111, 93, 20, 97, 24, 84, 19, 85, 90, 18, 34, 74, 47, 10, 100, 83, 33, 36, 82, 7, 71, 35, 98, 0, 91, 42, 25, 75, 11, 26, 8, 64, 79, 30, 96, 89, 14, 15, 106, 17, 5, 67, 76, 3, 78, 81, 38, 70, 102, 69, 32, 12, 94, 1, 9, 65, 2, 4, 73, 27, 66, 68, 72, 6], [59, 43, 57, 123, 109, 110, 46, 107, 61, 63, 56, 55, 125, 45, 105, 52, 37, 126, 54, 29, 115, 41, 121, 117, 101, 99, 50, 114, 119, 80, 28, 53, 40, 127, 16, 51, 60, 22, 13, 62, 23, 124, 58, 44, 87, 116, 86, 95, 112, 77, 104, 49, 31, 88, 103, 20, 111, 92, 113, 39, 74, 19, 84, 21, 97, 118, 122, 10, 90, 24, 85, 120, 83, 93, 26, 33, 108, 100, 7, 18, 47, 34, 48, 98, 82, 91, 35, 42, 71, 36, 25, 0, 11, 64, 81, 79, 15, 67, 75, 14, 12, 106, 3, 38, 89, 76, 78, 96, 8, 17, 30, 69, 102, 5, 32, 72, 73, 4, 1, 70, 2, 94, 27, 65, 68, 66, 6, 9], [43, 59, 57, 123, 109, 107, 46, 110, 63, 61, 55, 125, 56, 45, 105, 52, 37, 126, 29, 54, 41, 114, 101, 117, 22, 121, 40, 115, 99, 28, 86, 80, 23, 50, 119, 13, 104, 95, 31, 16, 124, 127, 51, 92, 87, 44, 58, 116, 77, 88, 97, 39, 60, 20, 62, 93, 53, 103, 84, 118, 74, 112, 113, 21, 85, 111, 48, 120, 90, 19, 49, 10, 33, 82, 83, 122, 34, 24, 18, 25, 100, 108, 26, 35, 91, 47, 89, 71, 98, 79, 7, 15, 30, 96, 36, 106, 11, 12, 78, 0, 102, 14, 64, 75, 17, 81, 42, 32, 69, 67, 27, 73, 38, 76, 3, 8, 65, 94, 5, 2, 4, 1, 72, 6, 9, 70, 68, 66], [59, 43, 57, 123, 109, 107, 110, 46, 63, 61, 55, 125, 56, 45, 105, 37, 52, 54, 29, 126, 121, 114, 50, 101, 41, 117, 115, 99, 22, 95, 119, 40, 28, 86, 87, 116, 80, 58, 118, 92, 124, 62, 103, 104, 31, 88, 23, 97, 127, 93, 122, 51, 16, 44, 39, 112, 49, 113, 77, 60, 33, 84, 48, 34, 85, 19, 53, 13, 108, 111, 120, 90, 24, 21, 10, 20, 83, 26, 82, 18, 36, 30, 74, 89, 98, 91, 100, 25, 35, 47, 42, 106, 96, 7, 64, 79, 15, 32, 75, 78, 71, 12, 81, 38, 94, 11, 69, 14, 102, 76, 17, 67, 5, 27, 72, 8, 0, 1, 6, 3, 2, 73, 4, 65, 66, 9, 68, 70], [59, 43, 57, 123, 107, 109, 110, 46, 63, 61, 55, 125, 45, 56, 105, 37, 52, 126, 29, 54, 101, 41, 116, 50, 117, 114, 121, 124, 115, 119, 23, 40, 99, 62, 120, 51, 86, 13, 28, 103, 122, 95, 104, 87, 31, 16, 22, 80, 127, 92, 118, 44, 53, 49, 113, 39, 111, 58, 88, 19, 60, 112, 77, 24, 97, 84, 10, 85, 21, 20, 90, 48, 93, 34, 108, 106, 100, 47, 18, 83, 82, 74, 26, 33, 98, 42, 0, 30, 35, 36, 7, 89, 71, 91, 64, 25, 72, 15, 81, 79, 75, 38, 69, 12, 67, 3, 11, 32, 14, 94, 96, 5, 78, 17, 76, 102, 65, 8, 4, 6, 1, 2, 73, 27, 9, 70, 66, 68], [59, 43, 57, 123, 109, 107, 110, 46, 63, 61, 55, 125, 56, 45, 105, 37, 52, 126, 54, 29, 41, 114, 101, 117, 40, 50, 99, 115, 23, 124, 31, 60, 44, 86, 121, 58, 22, 119, 95, 62, 16, 13, 28, 104, 116, 87, 80, 39, 88, 112, 103, 53, 113, 127, 77, 92, 51, 49, 48, 118, 93, 85, 120, 111, 84, 74, 97, 20, 19, 24, 21, 10, 90, 122, 82, 100, 47, 34, 83, 18, 33, 106, 108, 91, 26, 71, 0, 35, 42, 98, 7, 64, 75, 25, 89, 79, 36, 30, 38, 81, 15, 5, 78, 72, 3, 11, 102, 67, 76, 96, 17, 14, 32, 94, 73, 69, 6, 4, 68, 1, 66, 8, 65, 12, 2, 27, 9, 70], [59, 43, 57, 123, 107, 109, 110, 46, 63, 61, 55, 56, 125, 45, 105, 52, 37, 126, 54, 101, 29, 117, 50, 41, 115, 114, 62, 44, 80, 99, 23, 28, 95, 22, 86, 121, 40, 124, 116, 16, 31, 92, 60, 13, 119, 87, 127, 112, 51, 104, 113, 58, 88, 103, 111, 118, 97, 77, 84, 53, 39, 48, 85, 19, 20, 10, 74, 49, 120, 122, 21, 108, 90, 93, 100, 24, 26, 34, 47, 18, 83, 33, 82, 106, 89, 25, 98, 7, 35, 71, 30, 42, 79, 0, 96, 91, 36, 15, 75, 78, 17, 12, 102, 76, 11, 64, 14, 27, 81, 72, 67, 5, 38, 3, 94, 1, 32, 69, 65, 73, 66, 9, 68, 70, 6, 2, 4, 8], [59, 43, 57, 123, 107, 109, 110, 46, 61, 63, 125, 55, 56, 45, 105, 52, 37, 54, 126, 115, 101, 29, 40, 114, 50, 28, 117, 121, 41, 62, 95, 116, 31, 99, 92, 22, 127, 80, 23, 124, 86, 39, 87, 16, 58, 60, 13, 49, 44, 51, 88, 119, 122, 112, 53, 97, 84, 118, 19, 120, 85, 104, 93, 103, 24, 20, 21, 48, 108, 34, 90, 33, 82, 77, 111, 100, 26, 74, 83, 113, 35, 98, 18, 36, 89, 47, 25, 10, 42, 91, 30, 106, 71, 96, 7, 79, 64, 0, 81, 78, 15, 32, 11, 75, 102, 72, 12, 38, 76, 17, 27, 3, 14, 94, 67, 69, 5, 73, 65, 6, 70, 1, 9, 68, 4, 66, 8, 2], [59, 43, 57, 123, 109, 107, 110, 46, 61, 63, 55, 56, 125, 45, 105, 37, 52, 126, 41, 29, 54, 50, 115, 101, 117, 40, 114, 80, 22, 28, 49, 121, 23, 104, 31, 99, 95, 86, 92, 103, 119, 60, 124, 116, 58, 13, 87, 62, 16, 51, 39, 44, 127, 77, 88, 93, 97, 113, 24, 120, 122, 21, 118, 20, 19, 112, 84, 48, 74, 53, 34, 85, 111, 18, 108, 26, 90, 100, 82, 47, 33, 10, 83, 42, 89, 35, 98, 25, 71, 91, 79, 0, 30, 106, 81, 36, 72, 7, 17, 96, 64, 11, 15, 78, 5, 67, 14, 69, 94, 32, 102, 75, 3, 12, 76, 65, 38, 66, 68, 27, 73, 70, 9, 4, 1, 6, 2, 8], [59, 43, 57, 123, 109, 110, 46, 107, 63, 61, 55, 56, 125, 45, 105, 37, 126, 52, 54, 117, 50, 29, 114, 41, 40, 44, 101, 115, 121, 62, 124, 104, 58, 28, 60, 99, 80, 119, 116, 103, 113, 23, 53, 95, 118, 22, 51, 31, 122, 92, 13, 86, 120, 49, 39, 112, 16, 87, 88, 77, 111, 97, 100, 24, 74, 93, 108, 84, 21, 20, 127, 48, 85, 47, 34, 19, 90, 82, 10, 18, 106, 33, 83, 35, 98, 42, 26, 71, 36, 7, 30, 0, 91, 89, 102, 64, 79, 11, 81, 38, 25, 75, 3, 72, 32, 94, 96, 78, 76, 15, 12, 17, 69, 67, 27, 5, 14, 70, 73, 65, 66, 9, 8, 4, 1, 68, 2, 6], [43, 59, 57, 123, 109, 107, 110, 46, 63, 61, 56, 55, 125, 45, 105, 37, 52, 126, 54, 29, 117, 50, 41, 121, 101, 62, 40, 114, 115, 44, 23, 99, 95, 104, 28, 16, 58, 116, 124, 31, 60, 103, 13, 51, 49, 92, 22, 80, 39, 122, 87, 127, 86, 119, 88, 93, 118, 77, 120, 112, 113, 97, 85, 111, 108, 47, 24, 10, 53, 20, 84, 74, 21, 34, 100, 90, 19, 33, 18, 83, 98, 48, 89, 26, 82, 91, 42, 35, 30, 11, 71, 7, 64, 36, 75, 106, 32, 3, 25, 12, 79, 69, 15, 0, 102, 96, 94, 17, 67, 76, 78, 38, 72, 14, 8, 5, 81, 27, 70, 65, 68, 66, 9, 73, 1, 2, 4, 6], [59, 43, 57, 123, 109, 107, 110, 46, 61, 63, 55, 56, 125, 45, 105, 126, 54, 37, 52, 29, 41, 121, 40, 101, 50, 117, 115, 99, 116, 114, 95, 127, 28, 44, 119, 62, 104, 49, 86, 122, 22, 124, 39, 80, 23, 53, 118, 16, 31, 113, 120, 13, 103, 87, 60, 92, 112, 51, 93, 88, 58, 111, 77, 84, 48, 34, 97, 20, 74, 85, 33, 21, 19, 47, 98, 90, 10, 24, 108, 83, 18, 26, 100, 35, 91, 25, 89, 71, 82, 36, 7, 42, 15, 11, 79, 30, 75, 17, 106, 96, 76, 81, 102, 78, 0, 72, 14, 64, 32, 69, 67, 3, 94, 38, 12, 8, 5, 70, 1, 68, 73, 4, 65, 66, 2, 27, 9, 6], [59, 43, 57, 123, 109, 107, 110, 46, 61, 63, 56, 125, 55, 45, 105, 126, 37, 52, 54, 29, 117, 41, 50, 101, 99, 40, 121, 115, 114, 116, 49, 104, 28, 44, 113, 119, 122, 124, 62, 23, 80, 103, 92, 22, 58, 16, 95, 87, 60, 51, 86, 39, 112, 118, 31, 88, 53, 48, 127, 120, 97, 13, 24, 77, 34, 20, 84, 111, 93, 21, 74, 85, 108, 90, 47, 19, 33, 83, 100, 26, 82, 64, 10, 98, 18, 71, 36, 106, 35, 0, 30, 42, 91, 89, 25, 7, 15, 11, 67, 17, 75, 8, 81, 79, 78, 3, 14, 38, 5, 102, 69, 32, 12, 94, 76, 72, 65, 1, 96, 70, 68, 27, 4, 66, 6, 2, 73, 9], [59, 43, 57, 123, 107, 109, 110, 46, 63, 61, 55, 56, 125, 45, 105, 37, 126, 54, 52, 117, 29, 50, 101, 41, 115, 40, 99, 114, 28, 119, 116, 121, 104, 124, 23, 62, 53, 95, 22, 92, 127, 51, 58, 49, 86, 103, 80, 122, 112, 31, 118, 16, 44, 39, 97, 113, 13, 77, 93, 20, 87, 88, 21, 90, 111, 24, 60, 120, 19, 85, 48, 34, 83, 84, 47, 91, 30, 108, 74, 33, 100, 26, 18, 35, 10, 82, 42, 98, 25, 89, 36, 7, 15, 71, 102, 11, 106, 32, 8, 0, 75, 79, 81, 94, 27, 14, 12, 17, 67, 64, 3, 69, 96, 38, 78, 5, 66, 65, 76, 68, 73, 72, 1, 70, 6, 9, 2, 4], [59, 43, 57, 123, 107, 109, 110, 46, 63, 61, 125, 56, 55, 45, 105, 37, 52, 29, 54, 126, 41, 114, 121, 116, 40, 50, 117, 28, 62, 101, 115, 95, 104, 99, 44, 23, 119, 80, 22, 103, 16, 60, 92, 118, 13, 124, 58, 39, 86, 88, 77, 111, 31, 87, 112, 127, 20, 93, 51, 53, 49, 21, 84, 122, 85, 113, 83, 10, 97, 74, 90, 19, 24, 33, 120, 82, 25, 98, 26, 18, 47, 34, 108, 48, 7, 100, 35, 36, 89, 91, 71, 79, 8, 75, 11, 106, 30, 12, 76, 32, 42, 15, 0, 78, 102, 14, 69, 38, 17, 96, 81, 3, 73, 67, 64, 5, 94, 6, 9, 65, 27, 70, 66, 4, 72, 68, 2, 1], [59, 43, 57, 123, 109, 107, 110, 46, 61, 63, 125, 55, 56, 45, 105, 37, 52, 126, 29, 41, 54, 114, 117, 40, 50, 99, 28, 127, 101, 121, 23, 22, 95, 86, 115, 16, 80, 31, 60, 111, 62, 116, 44, 104, 58, 77, 53, 92, 88, 49, 113, 13, 103, 124, 119, 87, 39, 21, 51, 20, 118, 19, 97, 122, 84, 112, 93, 18, 47, 10, 74, 90, 108, 24, 34, 48, 85, 83, 26, 120, 82, 100, 35, 98, 25, 33, 7, 30, 8, 89, 36, 71, 11, 106, 14, 42, 91, 79, 15, 102, 75, 76, 0, 78, 32, 96, 17, 81, 64, 12, 94, 69, 67, 3, 6, 38, 5, 73, 65, 68, 9, 70, 1, 4, 27, 66, 2, 72], [59, 43, 57, 123, 107, 109, 46, 110, 61, 63, 55, 125, 56, 45, 105, 37, 54, 126, 52, 50, 29, 117, 114, 101, 41, 121, 115, 28, 99, 40, 31, 112, 49, 116, 124, 62, 92, 22, 23, 95, 127, 113, 58, 86, 44, 88, 97, 60, 39, 87, 103, 104, 118, 122, 80, 16, 111, 21, 13, 53, 77, 24, 84, 119, 51, 85, 34, 20, 120, 100, 19, 48, 90, 93, 26, 47, 74, 83, 42, 33, 106, 108, 36, 18, 30, 89, 10, 98, 82, 35, 7, 25, 91, 11, 0, 64, 96, 15, 75, 32, 102, 79, 78, 8, 14, 71, 94, 81, 27, 76, 69, 12, 38, 3, 17, 67, 1, 5, 68, 73, 65, 6, 66, 2, 4, 9, 70, 72], [59, 43, 57, 123, 109, 107, 46, 110, 61, 63, 55, 125, 56, 45, 105, 37, 52, 126, 54, 29, 101, 50, 114, 41, 121, 40, 115, 117, 99, 62, 124, 28, 53, 127, 23, 95, 116, 58, 119, 31, 92, 80, 49, 44, 104, 118, 22, 86, 39, 16, 13, 112, 51, 111, 122, 88, 103, 60, 87, 97, 48, 77, 120, 20, 19, 34, 21, 113, 24, 85, 93, 84, 26, 47, 100, 74, 90, 10, 108, 33, 98, 83, 35, 106, 18, 82, 36, 42, 91, 7, 25, 30, 89, 38, 102, 79, 96, 8, 71, 81, 12, 14, 11, 78, 15, 94, 17, 75, 5, 76, 64, 32, 27, 0, 3, 69, 67, 4, 6, 72, 73, 65, 9, 68, 66, 2, 1, 70], [59, 43, 57, 123, 109, 107, 110, 46, 63, 61, 125, 55, 56, 45, 105, 37, 52, 126, 29, 54, 114, 121, 41, 50, 101, 117, 99, 40, 116, 28, 115, 124, 119, 80, 118, 104, 44, 95, 86, 49, 16, 23, 103, 13, 127, 62, 92, 22, 77, 58, 31, 51, 87, 112, 60, 39, 21, 88, 53, 113, 24, 111, 85, 93, 48, 84, 19, 10, 20, 122, 34, 74, 83, 120, 108, 97, 90, 18, 82, 26, 7, 106, 47, 33, 36, 100, 98, 42, 35, 71, 25, 0, 89, 64, 11, 79, 30, 69, 75, 3, 91, 78, 102, 14, 17, 12, 8, 67, 32, 15, 76, 96, 81, 5, 38, 94, 65, 6, 70, 72, 27, 68, 73, 4, 9, 66, 1, 2], [59, 43, 57, 123, 109, 110, 107, 46, 61, 63, 56, 125, 55, 45, 105, 52, 37, 54, 126, 29, 41, 50, 117, 53, 114, 101, 121, 40, 99, 60, 44, 104, 28, 95, 116, 58, 127, 124, 115, 80, 119, 86, 23, 111, 22, 92, 16, 112, 118, 103, 49, 77, 31, 88, 87, 39, 13, 62, 113, 20, 21, 10, 48, 93, 74, 122, 24, 51, 84, 97, 108, 33, 34, 19, 64, 106, 90, 83, 35, 26, 7, 85, 82, 120, 47, 36, 18, 98, 71, 100, 91, 11, 79, 0, 75, 42, 96, 102, 30, 15, 76, 78, 69, 17, 25, 89, 3, 67, 12, 32, 38, 14, 72, 65, 66, 81, 8, 5, 70, 4, 68, 94, 9, 1, 6, 73, 2, 27], [43, 59, 57, 123, 107, 109, 110, 46, 61, 63, 55, 56, 125, 45, 105, 52, 37, 54, 126, 29, 50, 41, 101, 114, 99, 116, 117, 115, 40, 112, 127, 28, 22, 23, 95, 60, 119, 16, 124, 104, 80, 86, 13, 118, 88, 92, 58, 44, 121, 103, 77, 62, 53, 31, 87, 49, 97, 113, 21, 85, 39, 93, 111, 20, 84, 10, 83, 19, 51, 122, 34, 90, 108, 24, 26, 48, 47, 120, 74, 33, 100, 106, 82, 18, 36, 98, 7, 91, 75, 25, 71, 35, 30, 15, 78, 64, 32, 17, 89, 12, 42, 14, 96, 81, 79, 11, 0, 102, 38, 3, 72, 5, 69, 76, 70, 67, 9, 65, 4, 8, 68, 2, 94, 66, 6, 73, 1, 27], [59, 43, 57, 123, 109, 110, 107, 46, 61, 63, 55, 125, 56, 45, 105, 52, 37, 126, 54, 29, 101, 50, 41, 28, 117, 115, 40, 116, 121, 99, 114, 112, 92, 104, 119, 124, 62, 127, 23, 16, 95, 58, 103, 80, 22, 31, 86, 39, 13, 88, 60, 53, 44, 113, 87, 118, 97, 111, 77, 34, 47, 85, 49, 21, 24, 122, 84, 108, 120, 20, 51, 48, 19, 93, 74, 90, 10, 33, 83, 18, 82, 100, 26, 0, 98, 7, 106, 35, 91, 71, 36, 64, 89, 11, 25, 42, 79, 67, 75, 102, 72, 96, 30, 15, 69, 14, 32, 12, 3, 5, 76, 68, 38, 81, 17, 70, 78, 94, 9, 2, 73, 4, 65, 8, 6, 27, 1, 66], [59, 43, 57, 123, 109, 107, 110, 46, 61, 63, 55, 56, 125, 45, 105, 52, 37, 126, 54, 29, 114, 41, 101, 50, 40, 115, 116, 28, 99, 117, 112, 95, 121, 127, 22, 23, 80, 86, 119, 92, 62, 103, 16, 87, 31, 39, 53, 13, 124, 60, 118, 44, 58, 88, 104, 113, 77, 51, 49, 21, 97, 19, 48, 93, 84, 111, 24, 10, 34, 33, 122, 85, 47, 20, 120, 74, 90, 82, 108, 83, 18, 26, 35, 36, 91, 100, 7, 75, 30, 25, 98, 14, 72, 106, 71, 79, 42, 89, 11, 76, 102, 96, 32, 17, 12, 64, 78, 15, 94, 5, 81, 27, 38, 73, 69, 0, 67, 9, 3, 70, 2, 68, 8, 66, 4, 1, 65, 6]], "model.layers.27.self_attn.q_proj": [[109, 45, 94, 90, 33, 23, 83, 81, 21, 60, 54, 117, 79, 125, 76, 28, 78, 123, 111, 112, 39, 58, 73, 62, 56, 61, 51, 5, 32, 59, 38, 114, 57, 115, 6, 52, 48, 105, 11, 35, 97, 43, 55, 100, 9, 122, 113, 106, 46, 7, 37, 53, 121, 10, 116, 98, 118, 63, 24, 120, 3, 126, 19, 0, 110, 49, 87, 17, 44, 22, 85, 50, 119, 75, 104, 124, 47, 103, 42, 127, 95, 101, 31, 29, 88, 108, 92, 25, 13, 4, 26, 14, 36, 30, 40, 80, 18, 107, 41, 20, 84, 86, 27, 93, 102, 99, 96, 15, 77, 89, 91, 82, 34, 74, 16, 66, 70, 72, 65, 8, 12, 64, 1, 2, 68, 69, 71, 67], [109, 45, 33, 94, 90, 21, 83, 23, 81, 79, 76, 105, 54, 28, 112, 73, 97, 123, 99, 7, 117, 75, 121, 6, 5, 127, 60, 39, 4, 38, 11, 9, 47, 125, 78, 106, 3, 0, 37, 48, 32, 56, 115, 111, 62, 63, 26, 71, 14, 74, 2, 46, 120, 18, 58, 119, 35, 113, 114, 17, 51, 110, 87, 16, 19, 49, 85, 1, 66, 107, 36, 70, 77, 59, 98, 126, 53, 89, 57, 44, 24, 50, 31, 124, 43, 22, 102, 122, 88, 55, 52, 42, 103, 108, 10, 92, 118, 82, 86, 104, 96, 80, 34, 30, 65, 116, 20, 84, 95, 41, 13, 29, 8, 61, 101, 25, 91, 72, 40, 100, 67, 69, 93, 27, 64, 15, 12, 68], [109, 45, 94, 90, 33, 83, 23, 21, 76, 79, 81, 123, 125, 28, 54, 39, 105, 99, 6, 73, 112, 111, 106, 5, 127, 60, 62, 58, 56, 9, 78, 38, 70, 32, 50, 3, 115, 44, 42, 72, 75, 66, 37, 40, 17, 48, 7, 97, 11, 63, 124, 52, 18, 84, 89, 51, 120, 10, 113, 101, 26, 87, 25, 98, 47, 41, 88, 80, 57, 59, 14, 49, 85, 0, 108, 19, 117, 126, 24, 31, 30, 95, 77, 116, 104, 103, 119, 107, 12, 74, 121, 110, 22, 1, 35, 102, 13, 4, 2, 55, 46, 34, 53, 118, 92, 96, 43, 91, 61, 114, 29, 122, 8, 100, 86, 16, 36, 82, 20, 93, 65, 15, 27, 71, 69, 67, 68, 64], [109, 45, 94, 90, 33, 125, 83, 23, 117, 81, 21, 76, 115, 32, 124, 57, 119, 113, 112, 79, 54, 121, 114, 9, 28, 123, 58, 39, 47, 51, 52, 60, 91, 118, 122, 53, 59, 29, 48, 49, 106, 61, 24, 14, 30, 101, 13, 110, 37, 38, 43, 100, 126, 116, 44, 17, 85, 80, 87, 50, 127, 5, 108, 95, 92, 88, 102, 103, 25, 63, 111, 99, 73, 96, 97, 55, 19, 107, 56, 40, 120, 89, 41, 75, 46, 6, 36, 84, 78, 22, 62, 42, 82, 20, 18, 35, 31, 16, 27, 26, 104, 98, 105, 93, 34, 86, 15, 12, 77, 65, 10, 8, 7, 74, 72, 11, 71, 0, 1, 68, 3, 69, 70, 4, 67, 66, 2, 64], [118, 53, 120, 63, 101, 60, 127, 121, 84, 57, 126, 119, 88, 56, 50, 112, 61, 124, 92, 52, 17, 54, 125, 117, 123, 24, 115, 113, 33, 55, 116, 49, 58, 59, 62, 51, 94, 110, 122, 93, 48, 47, 111, 45, 114, 43, 30, 37, 108, 39, 46, 44, 7, 14, 107, 90, 41, 109, 11, 104, 26, 9, 25, 74, 78, 20, 91, 77, 42, 103, 106, 5, 105, 29, 31, 75, 40, 22, 32, 80, 38, 36, 100, 21, 18, 6, 13, 72, 95, 99, 96, 73, 79, 4, 34, 16, 86, 35, 98, 83, 12, 3, 19, 81, 66, 10, 102, 85, 28, 97, 69, 23, 27, 87, 2, 89, 64, 1, 65, 70, 68, 71, 82, 0, 15, 67, 8, 76], [53, 120, 118, 101, 63, 60, 127, 50, 56, 57, 61, 124, 126, 84, 123, 121, 112, 119, 54, 115, 62, 52, 49, 117, 88, 93, 113, 116, 58, 110, 125, 55, 51, 122, 59, 108, 39, 111, 48, 47, 92, 114, 33, 45, 17, 46, 107, 37, 44, 14, 24, 77, 30, 90, 7, 109, 41, 94, 104, 26, 43, 105, 20, 103, 74, 106, 91, 9, 42, 83, 4, 19, 100, 25, 96, 3, 5, 11, 22, 29, 23, 40, 75, 38, 34, 80, 12, 6, 16, 73, 21, 32, 18, 36, 78, 98, 102, 95, 31, 89, 99, 86, 35, 27, 85, 72, 97, 79, 28, 81, 10, 87, 64, 65, 13, 70, 66, 1, 2, 71, 15, 82, 69, 76, 68, 8, 0, 67], [120, 118, 53, 101, 63, 60, 126, 121, 127, 56, 57, 84, 50, 119, 61, 124, 54, 112, 52, 62, 123, 115, 117, 125, 58, 116, 55, 110, 88, 93, 39, 113, 122, 49, 59, 47, 17, 51, 48, 111, 92, 108, 114, 33, 46, 14, 45, 43, 94, 109, 37, 90, 30, 11, 26, 41, 7, 25, 44, 107, 104, 24, 106, 9, 103, 42, 77, 22, 20, 100, 105, 74, 29, 91, 40, 78, 6, 34, 80, 5, 38, 31, 102, 18, 98, 95, 36, 32, 96, 73, 3, 85, 83, 16, 4, 86, 12, 79, 10, 28, 19, 75, 99, 27, 23, 21, 35, 13, 97, 89, 72, 81, 64, 66, 65, 1, 87, 70, 15, 71, 82, 67, 69, 0, 76, 68, 2, 8], [63, 53, 120, 118, 101, 60, 57, 50, 84, 127, 62, 61, 54, 112, 56, 124, 121, 88, 123, 115, 119, 117, 52, 49, 55, 126, 116, 39, 113, 58, 110, 122, 30, 59, 51, 125, 93, 111, 44, 48, 108, 114, 47, 14, 24, 45, 90, 43, 17, 46, 94, 77, 37, 33, 109, 92, 103, 74, 107, 11, 5, 7, 104, 73, 106, 98, 26, 9, 91, 41, 42, 105, 100, 36, 6, 83, 3, 18, 4, 40, 80, 32, 22, 38, 102, 85, 28, 25, 96, 20, 27, 75, 35, 34, 31, 95, 21, 23, 16, 78, 19, 99, 79, 72, 97, 86, 89, 10, 66, 29, 81, 12, 87, 13, 82, 65, 68, 15, 0, 64, 71, 2, 70, 1, 76, 69, 67, 8], [40, 98, 63, 23, 31, 85, 80, 26, 121, 60, 13, 19, 125, 54, 82, 122, 79, 8, 49, 74, 6, 1, 117, 55, 113, 105, 59, 57, 9, 12, 106, 127, 111, 52, 46, 66, 50, 119, 56, 58, 53, 112, 43, 103, 11, 27, 120, 108, 39, 126, 4, 124, 37, 24, 62, 123, 109, 28, 115, 38, 67, 100, 107, 64, 0, 90, 51, 15, 73, 75, 47, 61, 76, 42, 116, 97, 78, 21, 99, 35, 18, 30, 25, 104, 36, 118, 41, 87, 48, 88, 44, 102, 32, 93, 45, 94, 84, 101, 114, 3, 95, 33, 68, 5, 83, 110, 34, 96, 77, 29, 20, 89, 16, 91, 86, 69, 92, 7, 14, 81, 17, 72, 70, 22, 65, 71, 10, 2], [40, 63, 98, 31, 80, 23, 60, 85, 13, 74, 6, 4, 19, 8, 22, 64, 52, 66, 121, 46, 108, 28, 124, 56, 122, 106, 0, 79, 125, 104, 54, 65, 11, 55, 107, 113, 75, 59, 18, 90, 48, 82, 7, 1, 58, 73, 126, 119, 12, 68, 117, 84, 127, 83, 105, 34, 57, 49, 21, 120, 35, 77, 109, 20, 101, 111, 94, 47, 14, 15, 39, 81, 30, 97, 24, 100, 96, 2, 3, 16, 62, 114, 10, 53, 33, 32, 70, 9, 25, 112, 95, 17, 123, 116, 38, 89, 5, 91, 87, 88, 72, 86, 76, 51, 71, 78, 29, 67, 69, 43, 27, 36, 103, 44, 115, 50, 93, 41, 110, 102, 99, 26, 92, 42, 45, 37, 61, 118], [40, 63, 98, 31, 60, 8, 80, 85, 19, 13, 23, 6, 74, 1, 66, 121, 64, 122, 117, 124, 4, 26, 46, 106, 15, 52, 28, 54, 57, 109, 55, 125, 0, 89, 104, 87, 12, 24, 120, 56, 79, 119, 105, 68, 69, 108, 72, 27, 7, 113, 11, 71, 59, 126, 42, 21, 48, 18, 76, 83, 33, 78, 84, 103, 96, 75, 32, 16, 82, 65, 115, 20, 41, 90, 81, 30, 77, 50, 2, 62, 3, 51, 25, 116, 92, 123, 5, 114, 127, 67, 37, 93, 88, 61, 10, 47, 29, 118, 58, 36, 38, 107, 39, 94, 17, 70, 111, 97, 14, 49, 86, 110, 45, 91, 73, 100, 101, 35, 44, 53, 112, 99, 102, 22, 43, 9, 95, 34], [40, 63, 98, 23, 85, 60, 26, 80, 31, 13, 8, 74, 19, 66, 82, 6, 121, 59, 52, 106, 4, 58, 41, 122, 113, 46, 119, 28, 49, 48, 95, 57, 84, 5, 120, 111, 105, 125, 65, 38, 67, 79, 54, 55, 108, 109, 117, 2, 73, 102, 90, 7, 123, 47, 61, 76, 64, 0, 18, 107, 50, 83, 45, 69, 56, 53, 97, 32, 115, 77, 81, 87, 71, 124, 15, 42, 89, 103, 91, 11, 30, 44, 114, 126, 21, 118, 78, 100, 43, 24, 39, 96, 36, 62, 17, 68, 35, 127, 93, 20, 29, 51, 116, 16, 3, 22, 94, 27, 70, 75, 9, 112, 88, 33, 110, 92, 37, 10, 101, 25, 14, 12, 72, 86, 1, 99, 104, 34], [104, 120, 98, 46, 95, 126, 115, 52, 44, 91, 108, 59, 56, 60, 54, 27, 84, 58, 88, 96, 118, 82, 24, 122, 51, 36, 50, 21, 45, 42, 48, 112, 101, 57, 62, 124, 114, 55, 63, 113, 92, 119, 117, 116, 61, 76, 125, 86, 85, 47, 127, 23, 53, 123, 111, 121, 49, 43, 38, 13, 107, 110, 109, 22, 41, 106, 74, 99, 103, 105, 80, 89, 33, 97, 31, 29, 32, 19, 6, 78, 37, 102, 25, 39, 69, 94, 28, 100, 35, 64, 90, 18, 93, 8, 30, 15, 26, 83, 65, 87, 34, 14, 12, 0, 40, 2, 79, 20, 66, 81, 72, 7, 1, 17, 3, 73, 16, 67, 11, 4, 75, 10, 5, 68, 77, 71, 9, 70], [120, 104, 98, 95, 44, 108, 126, 46, 113, 125, 54, 27, 88, 91, 55, 58, 127, 122, 61, 59, 41, 60, 115, 50, 110, 106, 56, 84, 36, 118, 116, 109, 123, 22, 38, 103, 62, 124, 111, 57, 96, 63, 114, 49, 112, 43, 28, 121, 40, 117, 53, 48, 35, 42, 24, 52, 45, 51, 101, 107, 119, 37, 47, 39, 105, 82, 94, 19, 85, 86, 83, 97, 102, 21, 12, 79, 93, 73, 26, 25, 81, 71, 100, 99, 31, 29, 92, 9, 30, 4, 33, 32, 89, 34, 23, 76, 74, 78, 90, 80, 15, 20, 18, 87, 8, 14, 10, 17, 70, 69, 72, 66, 7, 6, 2, 68, 13, 75, 3, 67, 5, 16, 77, 11, 65, 0, 64, 1], [104, 120, 98, 95, 126, 91, 80, 84, 13, 82, 22, 86, 115, 27, 74, 44, 31, 93, 116, 36, 16, 97, 69, 88, 20, 77, 60, 100, 52, 59, 58, 90, 56, 6, 108, 125, 72, 94, 45, 2, 19, 122, 32, 25, 3, 62, 63, 18, 54, 114, 92, 96, 42, 64, 41, 43, 75, 15, 29, 113, 68, 55, 87, 30, 46, 106, 11, 118, 102, 33, 79, 48, 81, 76, 24, 99, 78, 103, 117, 70, 89, 83, 57, 85, 50, 65, 37, 8, 23, 21, 35, 26, 67, 17, 61, 73, 47, 107, 9, 4, 7, 1, 111, 38, 49, 71, 10, 12, 28, 14, 110, 53, 5, 127, 0, 34, 39, 66, 105, 101, 124, 121, 119, 112, 109, 123, 51, 40], [104, 120, 98, 46, 95, 82, 84, 96, 91, 80, 115, 14, 126, 44, 66, 48, 125, 27, 13, 67, 60, 29, 42, 116, 68, 74, 93, 8, 28, 85, 63, 102, 113, 36, 0, 23, 55, 117, 101, 105, 38, 6, 76, 65, 1, 21, 35, 24, 111, 54, 39, 45, 56, 99, 88, 26, 32, 119, 103, 86, 37, 50, 17, 108, 107, 64, 9, 97, 109, 52, 79, 40, 90, 16, 22, 31, 100, 92, 124, 41, 94, 122, 25, 58, 61, 62, 59, 47, 121, 72, 57, 112, 34, 123, 81, 15, 43, 110, 5, 89, 70, 20, 19, 106, 30, 114, 127, 83, 51, 118, 49, 53, 12, 87, 33, 11, 73, 78, 18, 69, 75, 10, 77, 3, 4, 7, 71, 2], [111, 100, 47, 56, 24, 53, 95, 121, 120, 58, 31, 54, 77, 36, 82, 103, 86, 57, 1, 124, 59, 119, 60, 84, 127, 16, 52, 83, 104, 97, 94, 10, 63, 45, 105, 49, 64, 116, 110, 28, 122, 62, 51, 126, 108, 92, 42, 112, 67, 113, 39, 27, 55, 125, 43, 102, 61, 46, 19, 118, 26, 40, 50, 8, 68, 123, 4, 38, 44, 114, 85, 71, 2, 109, 115, 22, 73, 6, 15, 41, 117, 99, 48, 66, 69, 106, 98, 37, 107, 101, 20, 35, 90, 0, 96, 81, 70, 30, 32, 89, 33, 17, 80, 78, 9, 88, 65, 23, 29, 91, 34, 87, 93, 5, 25, 11, 12, 18, 79, 13, 72, 21, 3, 75, 7, 74, 14, 76], [111, 47, 58, 100, 24, 31, 122, 95, 61, 106, 51, 125, 82, 54, 84, 28, 113, 26, 85, 56, 53, 20, 126, 110, 117, 112, 30, 77, 127, 50, 13, 46, 118, 98, 83, 36, 104, 22, 55, 6, 12, 79, 120, 39, 45, 37, 49, 15, 123, 86, 116, 41, 94, 52, 119, 78, 59, 124, 14, 121, 17, 57, 114, 92, 43, 108, 105, 60, 109, 101, 63, 25, 107, 99, 88, 23, 103, 115, 44, 68, 96, 40, 27, 90, 80, 35, 62, 0, 29, 97, 32, 73, 48, 74, 33, 89, 87, 38, 102, 3, 42, 21, 81, 10, 34, 72, 66, 76, 18, 16, 93, 19, 91, 11, 65, 7, 8, 69, 75, 9, 4, 2, 5, 71, 67, 70, 64, 1], [111, 47, 100, 58, 56, 24, 95, 31, 114, 115, 52, 94, 106, 83, 121, 36, 82, 119, 53, 86, 54, 120, 112, 110, 28, 85, 113, 55, 103, 51, 49, 92, 104, 59, 109, 118, 17, 84, 126, 63, 127, 20, 48, 50, 60, 62, 45, 117, 30, 122, 116, 105, 38, 57, 124, 61, 77, 96, 46, 125, 16, 107, 43, 41, 123, 39, 108, 88, 42, 102, 22, 80, 90, 26, 40, 79, 6, 78, 44, 98, 101, 10, 89, 37, 97, 35, 12, 81, 68, 99, 34, 15, 11, 33, 0, 19, 23, 13, 29, 73, 9, 21, 32, 27, 91, 93, 71, 72, 25, 18, 74, 87, 66, 3, 14, 8, 76, 7, 4, 75, 64, 67, 5, 69, 65, 70, 1, 2], [111, 47, 58, 100, 56, 24, 95, 31, 127, 121, 122, 106, 115, 36, 94, 120, 44, 62, 82, 28, 83, 108, 116, 126, 59, 53, 52, 112, 85, 77, 54, 92, 118, 84, 105, 51, 113, 104, 60, 49, 17, 107, 110, 124, 45, 109, 20, 63, 57, 61, 103, 86, 55, 43, 114, 46, 48, 123, 125, 78, 6, 80, 119, 102, 96, 42, 30, 117, 38, 26, 39, 37, 33, 16, 50, 22, 41, 90, 34, 19, 12, 10, 40, 79, 32, 15, 88, 101, 74, 98, 91, 27, 29, 93, 81, 89, 35, 99, 97, 66, 11, 23, 68, 13, 65, 21, 25, 87, 71, 72, 8, 7, 3, 18, 1, 73, 76, 14, 0, 9, 4, 75, 5, 70, 69, 2, 67, 64], [48, 41, 51, 62, 125, 55, 121, 112, 24, 88, 30, 57, 52, 54, 60, 53, 123, 114, 49, 119, 115, 118, 117, 113, 56, 124, 110, 126, 61, 97, 50, 127, 94, 116, 47, 44, 27, 120, 122, 106, 58, 90, 103, 82, 111, 91, 63, 59, 36, 109, 107, 108, 89, 45, 37, 43, 46, 79, 21, 42, 19, 22, 104, 28, 39, 101, 102, 105, 93, 15, 83, 38, 35, 80, 33, 40, 98, 32, 99, 34, 18, 73, 86, 100, 95, 76, 96, 71, 84, 13, 16, 29, 92, 77, 85, 87, 25, 9, 31, 20, 26, 65, 17, 23, 81, 7, 3, 66, 68, 5, 12, 6, 1, 64, 0, 2, 67, 4, 70, 14, 11, 69, 78, 74, 10, 75, 8, 72], [41, 48, 51, 119, 112, 62, 20, 89, 105, 14, 81, 115, 80, 11, 97, 10, 12, 30, 8, 125, 54, 27, 60, 5, 70, 78, 25, 121, 22, 49, 52, 84, 56, 117, 0, 28, 118, 72, 57, 87, 126, 61, 29, 127, 104, 17, 37, 110, 96, 124, 55, 93, 50, 94, 67, 3, 111, 88, 123, 114, 58, 16, 122, 23, 90, 53, 36, 45, 120, 2, 74, 100, 44, 92, 113, 76, 32, 46, 31, 116, 83, 24, 102, 43, 47, 19, 26, 75, 59, 108, 103, 107, 21, 106, 63, 109, 6, 71, 101, 95, 91, 98, 34, 42, 39, 77, 18, 35, 33, 99, 7, 68, 38, 40, 79, 86, 65, 69, 4, 15, 82, 85, 13, 9, 66, 1, 64, 73], [51, 48, 41, 119, 125, 24, 30, 121, 52, 62, 57, 124, 115, 113, 54, 88, 55, 60, 53, 123, 49, 117, 110, 27, 118, 127, 56, 126, 97, 61, 112, 50, 114, 103, 120, 94, 122, 58, 36, 91, 116, 44, 111, 47, 106, 101, 59, 82, 90, 107, 109, 46, 63, 108, 43, 45, 42, 37, 39, 22, 104, 102, 15, 35, 93, 77, 40, 79, 89, 21, 18, 33, 38, 19, 28, 105, 9, 83, 26, 32, 84, 17, 100, 99, 98, 86, 13, 76, 5, 95, 92, 71, 73, 12, 65, 87, 34, 31, 29, 16, 96, 70, 7, 3, 66, 80, 23, 4, 11, 85, 1, 25, 81, 68, 6, 0, 2, 20, 14, 10, 64, 67, 75, 69, 74, 78, 8, 72], [119, 48, 41, 51, 125, 24, 121, 57, 62, 52, 55, 60, 30, 97, 54, 88, 113, 123, 53, 115, 56, 124, 49, 110, 117, 126, 127, 118, 114, 50, 61, 112, 116, 94, 120, 103, 58, 91, 122, 27, 36, 111, 44, 82, 47, 63, 109, 101, 59, 90, 107, 106, 46, 108, 37, 45, 89, 104, 43, 22, 39, 19, 79, 42, 102, 99, 98, 73, 28, 105, 38, 80, 35, 21, 34, 18, 93, 83, 40, 96, 100, 32, 15, 33, 86, 71, 77, 95, 65, 85, 13, 31, 26, 92, 29, 76, 16, 3, 84, 9, 23, 17, 87, 68, 66, 5, 81, 6, 7, 4, 75, 64, 0, 1, 12, 70, 2, 67, 25, 20, 11, 69, 10, 74, 14, 78, 8, 72], [106, 35, 42, 110, 91, 85, 50, 89, 52, 96, 83, 54, 113, 31, 51, 56, 122, 123, 114, 55, 14, 17, 32, 126, 57, 46, 117, 59, 53, 120, 62, 60, 27, 107, 75, 22, 9, 58, 29, 87, 119, 49, 70, 125, 15, 115, 16, 112, 109, 21, 61, 13, 48, 44, 63, 127, 39, 28, 68, 86, 23, 84, 41, 69, 19, 71, 45, 33, 92, 97, 25, 116, 111, 5, 20, 26, 34, 81, 121, 37, 79, 36, 38, 40, 124, 47, 94, 90, 11, 76, 82, 80, 18, 93, 105, 88, 43, 100, 104, 30, 108, 118, 103, 77, 24, 98, 102, 99, 95, 101, 78, 73, 8, 12, 72, 74, 10, 7, 65, 3, 6, 4, 66, 2, 0, 67, 1, 64], [106, 35, 42, 85, 31, 17, 83, 96, 89, 50, 52, 55, 51, 14, 9, 27, 113, 56, 69, 75, 62, 57, 110, 53, 93, 91, 122, 6, 117, 3, 66, 1, 61, 65, 127, 64, 87, 123, 32, 126, 7, 15, 59, 68, 13, 70, 114, 25, 23, 76, 84, 120, 0, 21, 63, 5, 22, 74, 10, 109, 54, 119, 71, 29, 11, 19, 16, 82, 72, 20, 8, 18, 4, 67, 78, 81, 77, 118, 41, 37, 73, 79, 88, 90, 38, 30, 121, 86, 115, 12, 48, 94, 98, 45, 43, 44, 26, 24, 33, 80, 39, 108, 100, 105, 99, 47, 36, 92, 28, 125, 107, 111, 102, 34, 49, 124, 116, 46, 2, 97, 60, 101, 112, 103, 104, 95, 58, 40], [106, 35, 42, 110, 91, 85, 50, 122, 83, 126, 56, 57, 17, 89, 117, 96, 113, 14, 54, 55, 31, 32, 59, 52, 114, 62, 127, 63, 61, 53, 22, 9, 116, 112, 75, 51, 94, 29, 27, 123, 48, 37, 65, 45, 99, 47, 25, 76, 7, 23, 58, 3, 21, 107, 69, 124, 46, 33, 66, 19, 115, 64, 93, 109, 41, 71, 120, 39, 118, 36, 84, 70, 119, 79, 97, 13, 105, 60, 92, 100, 87, 28, 81, 11, 5, 98, 12, 88, 111, 6, 44, 125, 86, 104, 102, 43, 108, 68, 49, 121, 26, 18, 103, 80, 20, 24, 90, 38, 82, 16, 30, 4, 95, 15, 40, 78, 101, 8, 73, 34, 74, 10, 77, 72, 67, 1, 0, 2], [106, 35, 42, 110, 56, 91, 85, 52, 53, 83, 122, 96, 57, 17, 114, 50, 113, 51, 32, 62, 31, 120, 89, 14, 55, 59, 117, 29, 112, 27, 22, 54, 46, 126, 49, 119, 75, 45, 99, 109, 94, 87, 123, 124, 115, 116, 61, 9, 118, 21, 92, 11, 43, 86, 60, 25, 37, 47, 39, 125, 127, 28, 58, 38, 34, 19, 23, 121, 108, 44, 33, 84, 107, 103, 41, 97, 111, 63, 88, 48, 40, 100, 30, 16, 102, 93, 104, 26, 101, 105, 81, 24, 90, 82, 98, 36, 15, 78, 20, 76, 18, 79, 95, 71, 4, 12, 13, 80, 74, 77, 68, 70, 73, 7, 3, 10, 8, 65, 69, 6, 72, 66, 67, 64, 0, 5, 1, 2], [61, 122, 118, 102, 49, 54, 109, 45, 59, 50, 116, 90, 103, 119, 63, 125, 101, 112, 108, 94, 55, 127, 56, 57, 113, 62, 111, 37, 124, 60, 38, 22, 110, 44, 121, 114, 123, 115, 47, 40, 117, 41, 42, 51, 48, 46, 96, 43, 120, 58, 53, 104, 93, 52, 107, 105, 106, 126, 36, 100, 39, 92, 31, 23, 11, 34, 86, 99, 97, 98, 32, 79, 30, 35, 33, 85, 81, 4, 83, 20, 88, 14, 18, 2, 26, 66, 95, 25, 76, 16, 15, 91, 73, 28, 29, 13, 3, 5, 27, 72, 10, 6, 82, 21, 24, 68, 89, 78, 80, 0, 70, 8, 71, 19, 84, 65, 75, 17, 74, 12, 87, 69, 67, 7, 1, 77, 9, 64], [102, 118, 54, 61, 116, 77, 9, 29, 7, 122, 23, 1, 64, 81, 69, 20, 4, 68, 49, 3, 15, 67, 82, 65, 26, 74, 45, 33, 66, 70, 90, 11, 113, 53, 0, 22, 75, 86, 19, 5, 112, 83, 73, 124, 71, 25, 87, 10, 96, 72, 18, 107, 119, 14, 36, 85, 24, 30, 78, 89, 6, 79, 91, 80, 13, 108, 59, 12, 94, 31, 17, 88, 27, 125, 93, 8, 16, 21, 120, 2, 84, 99, 63, 32, 76, 95, 110, 28, 55, 92, 56, 127, 98, 100, 101, 35, 57, 109, 46, 50, 39, 97, 47, 37, 34, 126, 42, 40, 104, 103, 38, 43, 111, 44, 60, 117, 123, 106, 58, 41, 114, 115, 48, 105, 121, 62, 52, 51], [102, 118, 54, 116, 122, 61, 45, 90, 49, 23, 112, 53, 33, 93, 113, 127, 15, 81, 38, 43, 107, 114, 57, 31, 44, 96, 125, 101, 20, 50, 119, 30, 24, 106, 83, 28, 26, 56, 59, 29, 124, 48, 55, 21, 39, 77, 11, 100, 60, 117, 6, 76, 22, 42, 67, 14, 51, 52, 126, 82, 37, 94, 111, 66, 92, 97, 47, 99, 108, 64, 58, 40, 5, 41, 19, 74, 46, 110, 63, 34, 98, 103, 4, 123, 62, 75, 36, 71, 105, 7, 86, 109, 32, 78, 120, 85, 89, 35, 121, 9, 12, 69, 80, 8, 84, 115, 1, 70, 18, 72, 95, 91, 17, 104, 25, 79, 88, 2, 27, 16, 3, 10, 73, 87, 68, 0, 13, 65], [102, 118, 116, 61, 122, 54, 49, 90, 23, 20, 45, 9, 92, 81, 74, 77, 29, 15, 22, 93, 33, 113, 107, 7, 124, 53, 11, 64, 26, 38, 112, 55, 6, 94, 82, 31, 21, 70, 79, 66, 100, 50, 28, 119, 72, 57, 4, 83, 44, 37, 41, 127, 86, 59, 101, 36, 89, 5, 3, 85, 58, 110, 121, 67, 126, 125, 106, 35, 43, 115, 75, 1, 103, 63, 108, 60, 117, 123, 68, 56, 114, 98, 39, 109, 69, 47, 19, 34, 104, 42, 51, 62, 48, 24, 97, 111, 96, 27, 120, 65, 105, 95, 30, 52, 84, 14, 2, 32, 88, 46, 99, 10, 16, 80, 78, 76, 87, 18, 12, 0, 8, 25, 40, 91, 17, 71, 73, 13]], "model.layers.27.self_attn.k_proj": [[45, 109, 83, 23, 21, 90, 94, 81, 76, 79, 33, 74, 30, 54, 97, 28, 125, 60, 6, 123, 48, 127, 52, 22, 51, 8, 0, 113, 49, 112, 32, 101, 47, 126, 73, 63, 106, 31, 122, 46, 118, 42, 103, 117, 124, 91, 24, 121, 96, 44, 18, 11, 35, 102, 50, 7, 37, 95, 108, 114, 13, 39, 4, 119, 43, 65, 105, 116, 120, 115, 16, 36, 57, 86, 89, 61, 104, 111, 53, 40, 56, 110, 34, 82, 55, 15, 29, 38, 107, 25, 26, 59, 9, 5, 62, 41, 92, 14, 58, 88, 80, 75, 99, 100, 27, 98, 78, 69, 93, 10, 84, 3, 20, 77, 87, 85, 17, 71, 72, 19, 66, 70, 68, 12, 1, 67, 2, 64], [53, 37, 22, 120, 63, 118, 97, 86, 58, 61, 60, 57, 116, 121, 125, 112, 113, 56, 55, 114, 26, 51, 119, 127, 62, 124, 52, 122, 50, 108, 110, 59, 117, 123, 48, 126, 95, 45, 115, 54, 49, 44, 93, 111, 109, 35, 47, 46, 42, 107, 96, 43, 41, 83, 28, 105, 40, 106, 29, 104, 15, 89, 38, 103, 102, 79, 100, 23, 101, 81, 32, 99, 82, 36, 39, 31, 12, 13, 34, 33, 18, 98, 72, 17, 91, 88, 92, 30, 78, 87, 27, 11, 25, 85, 94, 16, 20, 10, 9, 90, 6, 77, 7, 24, 84, 14, 68, 80, 21, 75, 5, 76, 19, 2, 69, 74, 3, 67, 71, 65, 73, 70, 0, 1, 4, 8, 64, 66], [104, 63, 34, 80, 13, 74, 23, 8, 85, 60, 19, 4, 64, 6, 95, 26, 66, 52, 121, 114, 106, 122, 105, 117, 49, 79, 54, 119, 65, 57, 110, 28, 7, 44, 127, 82, 124, 120, 43, 55, 56, 125, 1, 112, 107, 59, 45, 11, 98, 3, 116, 103, 46, 70, 41, 2, 9, 58, 126, 69, 39, 53, 5, 47, 84, 51, 18, 24, 71, 115, 0, 123, 42, 50, 108, 67, 48, 31, 14, 96, 12, 20, 62, 61, 100, 35, 27, 75, 68, 97, 22, 118, 30, 99, 102, 36, 29, 109, 111, 10, 25, 83, 37, 113, 76, 78, 17, 32, 101, 94, 72, 89, 38, 33, 88, 93, 90, 15, 92, 81, 86, 91, 73, 87, 77, 21, 16, 40], [40, 120, 34, 27, 31, 110, 126, 56, 84, 82, 88, 74, 46, 80, 52, 13, 125, 64, 48, 93, 67, 108, 6, 16, 58, 85, 49, 76, 65, 72, 114, 23, 44, 30, 106, 77, 55, 100, 45, 115, 66, 117, 68, 111, 60, 86, 107, 5, 20, 22, 69, 79, 8, 78, 75, 94, 54, 59, 53, 21, 91, 61, 24, 57, 63, 109, 102, 124, 96, 73, 62, 112, 42, 87, 90, 15, 81, 83, 28, 2, 116, 101, 122, 123, 105, 103, 12, 121, 113, 127, 70, 38, 7, 41, 92, 118, 3, 119, 29, 33, 43, 39, 97, 51, 50, 36, 26, 89, 32, 11, 25, 99, 17, 37, 18, 47, 35, 0, 14, 98, 95, 4, 19, 71, 10, 9, 1, 104], [47, 111, 58, 36, 31, 86, 24, 92, 56, 82, 0, 26, 17, 15, 6, 16, 121, 3, 83, 12, 54, 11, 105, 91, 113, 84, 116, 20, 66, 85, 45, 55, 19, 77, 63, 46, 51, 126, 57, 78, 43, 124, 25, 61, 119, 68, 49, 42, 38, 117, 48, 44, 104, 59, 118, 60, 89, 50, 114, 52, 112, 53, 103, 127, 123, 7, 115, 97, 122, 120, 65, 110, 62, 99, 9, 41, 1, 8, 5, 39, 40, 34, 29, 109, 107, 37, 10, 108, 94, 93, 125, 35, 106, 71, 32, 74, 101, 21, 102, 72, 76, 4, 33, 67, 90, 22, 87, 64, 79, 98, 81, 100, 96, 30, 23, 69, 27, 18, 80, 2, 13, 75, 28, 73, 88, 70, 14, 95], [105, 48, 22, 119, 33, 51, 62, 112, 54, 99, 49, 61, 94, 118, 125, 60, 55, 122, 50, 121, 127, 35, 45, 56, 124, 106, 117, 123, 126, 108, 40, 52, 120, 114, 53, 82, 59, 100, 111, 47, 63, 98, 58, 39, 24, 110, 57, 44, 28, 32, 113, 92, 46, 115, 43, 79, 109, 91, 107, 41, 38, 34, 101, 42, 26, 116, 19, 18, 29, 102, 103, 36, 9, 15, 104, 73, 85, 88, 96, 37, 97, 21, 80, 77, 13, 90, 23, 31, 89, 30, 93, 95, 87, 4, 81, 27, 25, 83, 20, 14, 11, 71, 76, 1, 86, 12, 16, 74, 66, 17, 7, 8, 78, 10, 5, 75, 68, 6, 72, 84, 70, 64, 67, 3, 69, 2, 65, 0], [42, 85, 83, 89, 17, 114, 126, 120, 55, 35, 46, 14, 9, 56, 61, 127, 32, 117, 99, 123, 109, 57, 49, 62, 3, 75, 106, 69, 95, 7, 45, 91, 122, 48, 115, 15, 119, 53, 50, 51, 31, 93, 110, 59, 52, 0, 1, 87, 116, 13, 64, 58, 6, 54, 29, 44, 60, 23, 84, 111, 43, 66, 121, 41, 40, 38, 22, 113, 112, 74, 97, 107, 5, 10, 125, 68, 30, 108, 8, 118, 124, 20, 104, 80, 71, 98, 101, 76, 100, 102, 47, 33, 63, 11, 25, 39, 88, 26, 92, 103, 82, 12, 36, 105, 34, 94, 90, 37, 96, 16, 28, 86, 27, 72, 24, 18, 77, 79, 70, 21, 65, 4, 78, 81, 19, 73, 2, 67], [118, 38, 61, 54, 116, 113, 64, 122, 65, 0, 109, 69, 7, 23, 77, 74, 90, 93, 3, 15, 94, 108, 81, 97, 9, 59, 2, 48, 6, 68, 52, 124, 53, 117, 112, 43, 82, 75, 57, 119, 103, 20, 30, 62, 50, 19, 111, 123, 21, 83, 106, 115, 110, 127, 56, 67, 107, 120, 60, 125, 11, 63, 47, 46, 105, 96, 102, 66, 49, 51, 121, 55, 104, 22, 114, 126, 100, 44, 41, 40, 58, 4, 84, 39, 36, 45, 35, 98, 76, 33, 89, 34, 1, 8, 42, 14, 37, 92, 101, 95, 27, 88, 5, 80, 85, 16, 99, 72, 28, 70, 31, 79, 12, 24, 25, 91, 32, 86, 10, 18, 71, 78, 87, 13, 73, 29, 17, 26]], "model.layers.27.self_attn.qk_proj": [[120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 61, 106, 119, 51, 54, 58, 104, 60, 122, 56, 126, 40, 116, 31, 85, 94, 62, 52, 35, 55, 26, 83, 21, 91, 19, 125, 87, 121, 102, 110, 127, 95, 57, 117, 90, 23, 105, 46, 113, 49, 112, 108, 33, 80, 41, 77, 6, 16, 81, 34, 13, 98, 84, 88, 27, 50, 17, 10, 115, 86, 44, 38, 79, 59, 114, 24, 15, 20, 22, 37, 124, 36, 74, 123, 30, 64, 97, 100, 28, 0, 25, 18, 107, 93, 12, 76, 82, 101, 72, 43, 39, 11, 96, 92, 29, 89, 32, 9, 103, 69, 8, 99, 4, 65, 70, 73, 67, 14, 68, 3, 75, 66, 78, 2, 5, 71, 1, 7], [120, 63, 118, 45, 109, 47, 111, 42, 53, 48, 51, 119, 106, 61, 54, 122, 58, 104, 60, 126, 125, 56, 31, 116, 62, 40, 121, 35, 55, 52, 85, 102, 19, 94, 95, 21, 46, 26, 23, 127, 105, 110, 57, 113, 112, 90, 33, 6, 117, 98, 49, 91, 87, 77, 108, 41, 13, 124, 50, 83, 80, 44, 59, 17, 114, 86, 115, 22, 123, 24, 38, 27, 16, 36, 88, 84, 15, 10, 74, 81, 79, 37, 34, 64, 93, 28, 20, 100, 43, 30, 0, 82, 101, 97, 107, 8, 96, 12, 11, 92, 68, 76, 25, 18, 9, 32, 39, 103, 1, 72, 69, 65, 99, 29, 3, 73, 66, 2, 75, 78, 4, 89, 5, 67, 7, 71, 14, 70], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 51, 61, 54, 106, 119, 58, 60, 56, 122, 104, 40, 116, 126, 62, 121, 125, 85, 31, 19, 105, 127, 94, 21, 46, 26, 83, 49, 110, 112, 52, 55, 35, 6, 117, 113, 57, 91, 102, 87, 95, 98, 23, 90, 80, 33, 17, 16, 108, 41, 123, 13, 27, 77, 43, 88, 24, 107, 115, 22, 38, 79, 37, 36, 34, 10, 59, 50, 44, 81, 84, 86, 64, 114, 93, 97, 30, 15, 124, 100, 0, 20, 8, 18, 74, 28, 92, 39, 101, 12, 82, 96, 11, 9, 68, 32, 4, 29, 76, 78, 99, 25, 65, 103, 1, 67, 73, 69, 14, 75, 89, 3, 66, 5, 72, 7, 2, 71, 70], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 51, 61, 106, 119, 54, 58, 60, 104, 122, 62, 116, 56, 40, 126, 125, 127, 85, 121, 31, 55, 46, 19, 26, 110, 113, 52, 112, 35, 87, 105, 102, 83, 91, 21, 49, 6, 94, 57, 16, 95, 124, 41, 117, 90, 77, 59, 98, 123, 43, 86, 17, 23, 115, 108, 79, 33, 27, 13, 10, 37, 88, 22, 44, 80, 107, 24, 81, 84, 8, 34, 0, 114, 30, 93, 64, 74, 15, 97, 50, 36, 38, 101, 100, 18, 28, 69, 68, 82, 76, 92, 20, 12, 73, 65, 11, 67, 29, 9, 1, 103, 4, 3, 99, 2, 96, 39, 71, 32, 70, 5, 25, 78, 66, 14, 89, 75, 72, 7], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 51, 61, 54, 106, 119, 58, 104, 122, 60, 40, 126, 56, 116, 85, 125, 52, 112, 21, 35, 62, 46, 87, 83, 121, 127, 31, 105, 113, 90, 26, 110, 91, 49, 55, 57, 117, 19, 108, 98, 27, 16, 102, 13, 94, 23, 41, 95, 123, 6, 59, 17, 77, 86, 34, 33, 50, 124, 80, 74, 8, 79, 88, 44, 64, 22, 115, 84, 81, 15, 37, 93, 114, 107, 70, 20, 36, 24, 0, 10, 97, 18, 28, 82, 38, 43, 30, 73, 92, 12, 69, 11, 29, 25, 101, 100, 76, 68, 103, 96, 2, 39, 99, 9, 65, 67, 3, 1, 78, 5, 14, 72, 89, 4, 71, 7, 75, 32, 66], [120, 118, 63, 45, 109, 47, 42, 111, 53, 48, 106, 51, 119, 54, 61, 58, 104, 60, 122, 116, 56, 126, 40, 127, 21, 87, 125, 85, 62, 52, 83, 110, 113, 35, 90, 112, 94, 46, 49, 105, 33, 13, 102, 41, 31, 26, 91, 77, 117, 57, 98, 23, 108, 17, 19, 16, 124, 15, 121, 86, 59, 80, 34, 95, 79, 22, 55, 8, 44, 27, 70, 81, 115, 20, 88, 10, 84, 74, 64, 43, 37, 24, 0, 38, 123, 18, 114, 50, 30, 107, 6, 39, 28, 12, 97, 100, 36, 93, 82, 92, 96, 73, 3, 75, 4, 25, 9, 101, 5, 99, 76, 65, 29, 11, 66, 69, 103, 78, 68, 2, 1, 67, 71, 7, 14, 32, 72, 89], [120, 118, 63, 45, 109, 47, 42, 111, 53, 48, 106, 51, 61, 119, 54, 58, 104, 122, 116, 56, 40, 94, 126, 60, 90, 87, 46, 83, 35, 52, 21, 125, 127, 85, 113, 110, 23, 112, 105, 62, 31, 57, 49, 102, 19, 55, 91, 121, 98, 117, 41, 27, 80, 77, 22, 33, 16, 95, 26, 124, 13, 70, 88, 59, 15, 24, 34, 84, 115, 108, 17, 86, 81, 8, 10, 79, 20, 18, 114, 44, 50, 38, 74, 30, 36, 123, 107, 37, 82, 28, 97, 64, 25, 93, 0, 43, 100, 39, 12, 96, 11, 76, 101, 99, 92, 66, 73, 14, 103, 69, 9, 32, 4, 5, 75, 71, 29, 89, 78, 3, 1, 68, 72, 65, 7, 6, 2, 67], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 61, 51, 106, 54, 119, 58, 122, 56, 60, 104, 126, 94, 40, 116, 35, 125, 52, 21, 105, 121, 85, 87, 31, 112, 110, 55, 83, 19, 113, 46, 102, 90, 62, 33, 95, 23, 98, 117, 57, 127, 49, 91, 27, 26, 70, 108, 80, 41, 22, 88, 115, 77, 13, 38, 16, 84, 36, 81, 79, 10, 24, 86, 59, 34, 114, 124, 28, 15, 17, 107, 74, 97, 44, 82, 20, 123, 30, 25, 0, 100, 50, 64, 43, 37, 93, 101, 8, 32, 12, 18, 99, 92, 76, 103, 96, 29, 72, 39, 66, 11, 75, 89, 9, 5, 4, 68, 14, 78, 73, 65, 3, 1, 67, 69, 7, 71, 2, 6], [120, 118, 63, 45, 109, 47, 42, 111, 53, 48, 61, 51, 106, 119, 54, 58, 122, 104, 60, 56, 126, 116, 21, 94, 52, 121, 125, 40, 31, 117, 19, 85, 105, 110, 95, 35, 57, 62, 90, 87, 26, 113, 127, 112, 33, 23, 102, 46, 91, 83, 49, 16, 27, 59, 13, 55, 98, 80, 44, 114, 41, 77, 70, 108, 115, 22, 88, 50, 124, 17, 38, 24, 123, 34, 37, 10, 79, 84, 92, 86, 81, 43, 15, 36, 18, 97, 20, 74, 107, 30, 100, 28, 82, 64, 103, 93, 96, 0, 32, 101, 9, 76, 25, 89, 39, 12, 72, 99, 8, 75, 4, 73, 14, 29, 11, 68, 78, 5, 3, 2, 67, 7, 6, 69, 1, 65, 71, 66], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 61, 51, 54, 106, 119, 58, 60, 122, 104, 125, 116, 56, 55, 40, 52, 46, 31, 121, 126, 85, 62, 35, 94, 90, 112, 83, 113, 127, 21, 110, 33, 95, 105, 117, 87, 26, 102, 49, 59, 124, 70, 19, 115, 23, 98, 41, 50, 91, 77, 80, 57, 108, 27, 0, 10, 74, 16, 114, 86, 123, 13, 43, 15, 34, 22, 17, 38, 30, 81, 44, 24, 64, 84, 100, 28, 36, 79, 20, 37, 107, 88, 72, 82, 92, 93, 18, 9, 97, 6, 32, 8, 65, 25, 39, 68, 76, 73, 5, 1, 67, 75, 96, 101, 69, 4, 2, 29, 103, 3, 12, 7, 66, 99, 11, 14, 78, 89, 71], [120, 63, 118, 45, 109, 47, 42, 111, 53, 48, 61, 51, 119, 106, 54, 58, 104, 60, 122, 126, 40, 56, 116, 85, 125, 31, 87, 113, 117, 21, 94, 62, 55, 46, 105, 57, 127, 83, 26, 91, 35, 52, 90, 23, 112, 33, 80, 27, 95, 124, 19, 115, 110, 102, 13, 81, 121, 59, 77, 16, 74, 86, 49, 34, 6, 72, 79, 15, 98, 108, 114, 0, 22, 17, 41, 38, 24, 50, 10, 20, 43, 70, 44, 64, 88, 84, 30, 37, 18, 82, 36, 93, 28, 107, 123, 75, 100, 73, 12, 97, 68, 76, 92, 9, 3, 1, 101, 5, 29, 14, 99, 4, 67, 78, 8, 66, 11, 96, 32, 69, 2, 39, 89, 7, 103, 65, 71, 25], [120, 118, 63, 45, 109, 47, 42, 111, 53, 48, 106, 61, 119, 51, 54, 104, 58, 56, 60, 122, 116, 126, 40, 31, 87, 21, 105, 85, 83, 113, 49, 19, 127, 35, 46, 23, 94, 55, 102, 117, 90, 52, 121, 125, 110, 6, 33, 91, 115, 112, 95, 77, 41, 26, 62, 80, 57, 34, 86, 124, 13, 98, 16, 79, 27, 72, 17, 59, 88, 50, 44, 108, 15, 114, 81, 22, 84, 74, 24, 123, 38, 10, 20, 0, 28, 43, 97, 93, 64, 30, 18, 75, 37, 76, 107, 99, 25, 73, 82, 92, 14, 100, 36, 12, 67, 68, 96, 9, 29, 101, 39, 65, 11, 78, 103, 2, 32, 3, 7, 70, 8, 89, 69, 66, 4, 5, 71, 1], [120, 118, 63, 45, 109, 47, 42, 111, 53, 48, 61, 106, 51, 119, 54, 58, 56, 104, 60, 122, 116, 40, 105, 126, 121, 35, 52, 49, 125, 94, 112, 102, 110, 87, 23, 21, 57, 85, 90, 83, 113, 46, 31, 33, 19, 62, 41, 117, 26, 91, 95, 98, 115, 80, 55, 108, 27, 86, 127, 6, 124, 24, 15, 77, 22, 34, 79, 59, 38, 13, 50, 74, 88, 72, 123, 44, 114, 84, 16, 30, 17, 10, 100, 37, 81, 18, 20, 36, 28, 93, 43, 92, 64, 82, 97, 25, 0, 39, 75, 101, 107, 89, 12, 32, 96, 9, 14, 29, 76, 103, 99, 73, 4, 5, 1, 2, 68, 69, 66, 3, 78, 11, 8, 7, 67, 71, 65, 70], [120, 118, 63, 45, 109, 47, 42, 111, 53, 48, 119, 106, 61, 54, 51, 58, 56, 60, 104, 122, 40, 126, 116, 62, 94, 125, 52, 46, 49, 31, 121, 117, 127, 21, 105, 114, 57, 85, 110, 87, 83, 113, 90, 6, 91, 98, 35, 102, 112, 23, 13, 19, 27, 26, 55, 95, 124, 33, 41, 80, 86, 59, 44, 16, 72, 24, 115, 74, 50, 84, 34, 123, 17, 108, 10, 77, 38, 36, 79, 0, 22, 43, 15, 88, 64, 81, 107, 37, 93, 82, 20, 30, 100, 18, 28, 4, 75, 92, 97, 76, 101, 32, 9, 25, 96, 2, 12, 29, 78, 5, 3, 39, 1, 68, 73, 14, 69, 67, 99, 65, 89, 103, 7, 11, 71, 66, 8, 70], [120, 63, 118, 45, 109, 47, 42, 111, 53, 48, 106, 61, 51, 54, 119, 58, 104, 60, 122, 116, 56, 126, 40, 94, 87, 52, 125, 21, 46, 31, 35, 62, 85, 83, 19, 105, 112, 121, 90, 113, 102, 127, 117, 26, 95, 57, 91, 55, 110, 27, 33, 124, 80, 49, 59, 114, 13, 81, 6, 41, 86, 15, 10, 108, 23, 50, 72, 34, 17, 64, 88, 16, 84, 98, 115, 44, 43, 36, 74, 77, 79, 123, 20, 100, 30, 37, 0, 38, 24, 73, 97, 75, 93, 12, 18, 22, 82, 32, 107, 28, 76, 39, 101, 92, 89, 69, 65, 68, 3, 5, 70, 4, 25, 9, 67, 1, 96, 2, 103, 29, 66, 78, 11, 14, 71, 99, 8, 7], [120, 63, 118, 45, 109, 47, 42, 111, 53, 48, 51, 106, 61, 119, 54, 58, 104, 56, 60, 122, 116, 126, 85, 87, 83, 62, 105, 40, 35, 21, 52, 102, 31, 125, 46, 94, 95, 113, 91, 19, 33, 55, 110, 57, 13, 23, 26, 121, 59, 112, 90, 127, 41, 80, 117, 108, 115, 34, 81, 124, 49, 16, 77, 27, 38, 79, 17, 15, 44, 123, 10, 86, 37, 22, 114, 50, 6, 43, 88, 84, 74, 98, 24, 72, 0, 36, 93, 20, 12, 75, 76, 92, 101, 82, 100, 28, 70, 30, 73, 18, 64, 9, 4, 97, 99, 107, 8, 1, 5, 96, 14, 68, 11, 39, 25, 3, 2, 32, 89, 69, 29, 78, 71, 66, 7, 103, 67, 65], [120, 118, 63, 45, 109, 47, 53, 42, 111, 48, 106, 51, 61, 54, 119, 58, 104, 122, 56, 60, 52, 116, 121, 46, 94, 126, 35, 21, 40, 95, 83, 102, 31, 49, 85, 23, 90, 110, 125, 62, 113, 41, 33, 55, 112, 57, 87, 19, 105, 26, 91, 98, 13, 80, 127, 86, 108, 115, 59, 124, 34, 27, 15, 16, 88, 117, 123, 24, 92, 44, 28, 10, 22, 17, 84, 74, 114, 70, 50, 36, 77, 81, 79, 30, 97, 20, 38, 0, 100, 93, 37, 82, 18, 64, 43, 101, 107, 72, 8, 12, 103, 9, 25, 99, 96, 32, 39, 29, 76, 69, 1, 4, 89, 66, 73, 6, 68, 78, 75, 14, 67, 11, 3, 7, 65, 2, 71, 5], [120, 63, 118, 45, 109, 47, 42, 111, 53, 48, 51, 61, 119, 106, 54, 58, 122, 104, 60, 56, 116, 94, 121, 40, 52, 62, 126, 85, 31, 35, 90, 21, 105, 19, 125, 49, 87, 110, 95, 102, 46, 83, 55, 23, 41, 112, 91, 59, 117, 26, 108, 113, 98, 57, 33, 27, 70, 24, 13, 127, 81, 114, 17, 44, 74, 77, 22, 16, 86, 15, 36, 79, 80, 43, 34, 124, 88, 50, 37, 38, 115, 100, 10, 84, 92, 123, 97, 28, 30, 0, 64, 20, 8, 12, 32, 101, 18, 107, 82, 96, 72, 9, 75, 1, 103, 25, 69, 76, 29, 93, 4, 78, 89, 99, 68, 67, 39, 11, 66, 7, 73, 14, 2, 5, 3, 6, 71, 65], [120, 118, 63, 45, 109, 47, 42, 111, 53, 48, 106, 119, 51, 61, 54, 58, 104, 60, 122, 116, 40, 121, 52, 56, 125, 62, 126, 46, 35, 85, 19, 49, 110, 21, 105, 102, 90, 94, 31, 108, 95, 70, 87, 55, 117, 127, 124, 112, 59, 26, 113, 91, 33, 23, 57, 83, 41, 37, 123, 114, 98, 13, 115, 79, 50, 44, 38, 80, 16, 8, 81, 27, 10, 36, 17, 15, 34, 24, 88, 43, 84, 64, 0, 77, 22, 30, 86, 107, 74, 1, 20, 97, 100, 82, 92, 101, 75, 93, 28, 9, 99, 18, 32, 69, 12, 103, 96, 25, 2, 73, 4, 78, 76, 5, 39, 72, 89, 29, 67, 68, 11, 3, 65, 66, 7, 71, 6, 14], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 51, 106, 61, 119, 54, 58, 104, 60, 122, 116, 40, 52, 62, 35, 56, 113, 126, 85, 55, 46, 125, 94, 110, 102, 90, 21, 26, 121, 105, 31, 23, 70, 57, 83, 127, 41, 117, 33, 19, 95, 87, 59, 108, 112, 49, 124, 13, 91, 86, 16, 27, 123, 50, 8, 98, 15, 37, 77, 114, 80, 74, 44, 10, 17, 38, 24, 34, 115, 81, 88, 43, 36, 79, 64, 22, 30, 107, 84, 100, 97, 82, 0, 93, 73, 28, 20, 92, 32, 101, 12, 1, 68, 18, 66, 96, 4, 75, 76, 69, 103, 39, 3, 5, 9, 25, 67, 99, 14, 78, 29, 65, 71, 2, 72, 89, 7, 11, 6], [120, 63, 118, 45, 109, 47, 111, 42, 53, 48, 106, 61, 51, 54, 58, 119, 104, 60, 116, 122, 40, 56, 126, 85, 55, 125, 105, 52, 113, 94, 62, 46, 121, 21, 35, 83, 110, 90, 87, 127, 117, 31, 19, 57, 102, 95, 41, 49, 115, 26, 124, 16, 91, 23, 112, 77, 33, 108, 98, 13, 34, 27, 59, 81, 86, 15, 70, 123, 38, 74, 44, 8, 22, 80, 50, 43, 88, 10, 79, 17, 36, 84, 30, 114, 20, 92, 24, 100, 28, 37, 0, 75, 107, 99, 82, 25, 97, 39, 18, 101, 93, 12, 6, 64, 73, 32, 9, 76, 14, 68, 4, 5, 67, 1, 78, 66, 103, 3, 69, 96, 72, 11, 65, 71, 7, 89, 29, 2], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 51, 61, 106, 54, 119, 58, 122, 60, 104, 116, 121, 40, 126, 125, 56, 62, 110, 52, 46, 85, 113, 55, 21, 94, 127, 35, 105, 102, 112, 19, 117, 31, 124, 59, 87, 83, 26, 49, 90, 57, 95, 41, 43, 108, 44, 114, 23, 98, 91, 13, 38, 33, 123, 0, 27, 88, 77, 16, 80, 6, 34, 8, 10, 64, 86, 37, 15, 115, 36, 24, 74, 81, 100, 79, 50, 17, 107, 22, 28, 30, 93, 97, 1, 84, 32, 82, 20, 92, 101, 5, 70, 39, 18, 73, 68, 4, 66, 12, 9, 69, 76, 67, 2, 65, 103, 75, 11, 14, 96, 29, 99, 25, 71, 3, 89, 78, 7, 72], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 61, 106, 54, 51, 119, 58, 122, 56, 104, 60, 116, 40, 52, 117, 85, 126, 125, 105, 46, 35, 62, 121, 31, 94, 95, 21, 83, 87, 55, 102, 59, 49, 127, 57, 90, 113, 26, 110, 124, 112, 19, 6, 41, 114, 91, 27, 23, 33, 108, 98, 34, 44, 123, 16, 80, 77, 115, 88, 13, 15, 38, 10, 22, 36, 24, 28, 81, 84, 79, 8, 74, 50, 100, 37, 97, 86, 107, 30, 43, 0, 17, 93, 18, 92, 39, 82, 20, 101, 25, 64, 9, 4, 68, 103, 96, 76, 75, 1, 89, 99, 32, 12, 11, 69, 73, 78, 2, 3, 5, 67, 29, 71, 72, 66, 7, 65, 14, 70], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 51, 106, 61, 119, 54, 58, 104, 122, 60, 56, 116, 40, 126, 52, 21, 105, 94, 31, 85, 125, 113, 121, 35, 46, 87, 90, 83, 95, 110, 49, 57, 6, 55, 59, 62, 26, 102, 127, 41, 112, 33, 117, 124, 19, 23, 44, 108, 91, 114, 27, 86, 80, 77, 98, 22, 34, 16, 13, 88, 10, 81, 107, 15, 123, 17, 115, 74, 43, 8, 79, 37, 38, 84, 50, 30, 36, 20, 97, 18, 92, 100, 0, 93, 24, 82, 28, 64, 4, 76, 101, 12, 9, 73, 75, 96, 25, 5, 39, 11, 78, 68, 3, 14, 2, 103, 69, 66, 29, 32, 67, 72, 1, 65, 99, 7, 89, 71, 70], [120, 118, 63, 45, 109, 111, 47, 42, 53, 48, 51, 106, 54, 61, 119, 122, 104, 58, 60, 116, 40, 126, 56, 125, 52, 21, 83, 87, 90, 85, 94, 62, 105, 121, 35, 46, 124, 55, 6, 117, 27, 33, 113, 31, 49, 26, 102, 127, 95, 91, 110, 115, 19, 77, 112, 23, 80, 13, 86, 108, 41, 17, 59, 123, 57, 98, 16, 22, 88, 34, 79, 10, 15, 38, 84, 24, 44, 43, 74, 30, 81, 114, 50, 20, 8, 36, 64, 107, 18, 37, 28, 82, 93, 97, 0, 100, 25, 9, 92, 72, 101, 12, 99, 73, 75, 103, 78, 96, 32, 1, 76, 5, 66, 68, 69, 4, 11, 29, 3, 7, 14, 89, 65, 2, 39, 67, 71, 70], [120, 118, 63, 45, 109, 47, 111, 53, 42, 48, 51, 61, 106, 54, 119, 60, 122, 58, 104, 56, 116, 125, 21, 35, 40, 121, 52, 126, 87, 31, 62, 83, 94, 95, 46, 105, 55, 57, 85, 33, 113, 102, 117, 127, 26, 115, 49, 91, 23, 59, 110, 19, 90, 108, 123, 41, 124, 77, 114, 27, 13, 98, 22, 50, 44, 36, 112, 80, 38, 34, 88, 86, 24, 6, 16, 10, 15, 81, 84, 43, 30, 79, 37, 28, 17, 93, 0, 92, 74, 97, 100, 107, 18, 72, 32, 82, 101, 64, 20, 103, 76, 96, 25, 1, 29, 73, 8, 12, 9, 39, 68, 78, 75, 89, 11, 99, 14, 3, 69, 66, 4, 5, 67, 7, 70, 65, 71, 2], [120, 118, 63, 45, 47, 109, 42, 111, 53, 48, 54, 106, 61, 119, 51, 104, 122, 56, 58, 60, 126, 116, 31, 40, 94, 125, 35, 62, 117, 52, 21, 87, 121, 105, 127, 55, 83, 46, 85, 95, 90, 91, 115, 33, 102, 19, 113, 23, 41, 112, 57, 27, 26, 114, 110, 108, 13, 44, 77, 49, 124, 22, 59, 98, 80, 34, 16, 36, 81, 88, 123, 17, 72, 24, 38, 74, 37, 15, 86, 107, 100, 50, 10, 18, 79, 84, 43, 97, 92, 20, 25, 82, 30, 28, 101, 93, 64, 70, 6, 103, 96, 39, 12, 68, 0, 73, 29, 32, 4, 11, 99, 76, 69, 9, 1, 75, 3, 14, 67, 66, 78, 8, 89, 65, 7, 2, 71, 5], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 51, 61, 54, 106, 119, 58, 104, 60, 122, 116, 126, 56, 40, 52, 62, 21, 94, 125, 35, 46, 112, 127, 31, 85, 90, 87, 121, 102, 19, 105, 95, 108, 110, 55, 41, 83, 26, 23, 49, 117, 113, 33, 59, 70, 91, 123, 27, 13, 57, 72, 16, 98, 77, 124, 115, 44, 43, 79, 17, 34, 88, 80, 37, 50, 15, 86, 36, 22, 114, 74, 81, 10, 64, 84, 100, 0, 38, 30, 24, 20, 18, 39, 107, 92, 82, 28, 4, 93, 5, 66, 101, 97, 73, 76, 9, 1, 11, 32, 12, 25, 6, 69, 89, 65, 68, 75, 29, 67, 3, 7, 2, 78, 96, 14, 103, 99, 8, 71], [120, 118, 63, 45, 109, 47, 111, 42, 53, 48, 106, 61, 51, 54, 119, 58, 122, 104, 60, 56, 116, 125, 40, 126, 46, 85, 55, 52, 62, 121, 35, 70, 49, 90, 31, 87, 117, 19, 105, 26, 83, 21, 57, 94, 112, 113, 110, 102, 95, 124, 91, 27, 108, 41, 17, 115, 50, 77, 33, 13, 64, 72, 34, 127, 23, 59, 16, 81, 44, 80, 86, 10, 43, 123, 38, 36, 84, 98, 0, 79, 15, 100, 74, 88, 22, 1, 37, 20, 28, 24, 107, 92, 9, 30, 93, 114, 82, 76, 101, 97, 11, 2, 5, 73, 25, 12, 18, 29, 96, 3, 67, 66, 39, 4, 103, 75, 68, 99, 69, 78, 32, 89, 14, 7, 65, 71, 8, 6], [120, 63, 118, 45, 109, 47, 42, 111, 53, 48, 51, 106, 61, 54, 119, 58, 60, 122, 104, 56, 125, 116, 126, 52, 94, 40, 85, 62, 90, 87, 21, 55, 46, 35, 117, 83, 31, 105, 49, 102, 70, 110, 113, 23, 57, 26, 123, 19, 121, 127, 91, 59, 77, 95, 33, 114, 112, 13, 41, 108, 27, 16, 34, 80, 124, 22, 81, 86, 44, 15, 10, 72, 98, 17, 84, 43, 74, 115, 38, 37, 36, 79, 88, 24, 50, 20, 100, 18, 107, 64, 97, 92, 82, 28, 101, 93, 76, 96, 0, 73, 30, 11, 25, 9, 4, 68, 12, 103, 39, 32, 5, 69, 99, 14, 89, 65, 3, 1, 78, 75, 67, 66, 29, 7, 71, 8, 2, 6], [120, 63, 118, 45, 109, 47, 42, 53, 111, 48, 51, 61, 106, 54, 119, 58, 60, 104, 56, 122, 125, 116, 126, 40, 94, 52, 62, 35, 121, 57, 85, 87, 105, 83, 46, 21, 110, 19, 26, 90, 31, 55, 113, 98, 49, 70, 102, 117, 91, 127, 95, 41, 112, 23, 33, 59, 124, 115, 123, 77, 86, 16, 72, 34, 27, 88, 79, 15, 44, 10, 81, 80, 74, 13, 108, 64, 114, 84, 17, 43, 22, 24, 0, 28, 38, 50, 36, 30, 20, 97, 92, 100, 82, 37, 93, 68, 107, 101, 4, 25, 18, 5, 76, 9, 39, 69, 73, 66, 67, 11, 78, 1, 32, 65, 96, 3, 14, 12, 71, 2, 8, 103, 75, 29, 99, 7, 89, 6], [120, 118, 63, 45, 109, 47, 42, 111, 53, 48, 106, 61, 51, 54, 119, 58, 122, 60, 104, 56, 126, 40, 125, 116, 52, 85, 31, 35, 94, 121, 87, 83, 19, 90, 21, 117, 55, 62, 105, 57, 108, 26, 127, 95, 46, 110, 77, 102, 33, 112, 86, 113, 49, 23, 41, 91, 98, 27, 124, 13, 80, 16, 79, 38, 22, 44, 114, 115, 34, 15, 17, 74, 50, 10, 88, 59, 70, 81, 72, 36, 100, 24, 30, 25, 84, 20, 82, 123, 76, 97, 37, 92, 43, 93, 28, 18, 64, 11, 0, 12, 73, 107, 99, 96, 6, 101, 39, 32, 78, 4, 14, 9, 67, 69, 103, 66, 29, 89, 68, 8, 5, 65, 1, 75, 3, 71, 7, 2]], "model.layers.28.self_attn.q_proj": [[40, 120, 48, 34, 27, 51, 23, 85, 116, 126, 89, 53, 54, 16, 17, 112, 121, 3, 62, 31, 125, 124, 61, 93, 123, 50, 52, 109, 58, 114, 30, 49, 122, 19, 45, 110, 42, 7, 78, 29, 57, 82, 119, 60, 8, 115, 113, 59, 47, 55, 111, 63, 107, 117, 5, 118, 12, 56, 108, 46, 43, 79, 127, 74, 14, 44, 105, 88, 71, 100, 21, 20, 41, 65, 37, 64, 106, 11, 39, 1, 101, 38, 36, 87, 35, 91, 102, 0, 103, 22, 97, 66, 95, 6, 96, 10, 99, 98, 104, 84, 26, 32, 94, 2, 4, 90, 68, 73, 24, 77, 15, 13, 33, 9, 25, 28, 69, 18, 67, 83, 92, 80, 86, 72, 81, 75, 70, 76], [40, 120, 34, 48, 23, 27, 85, 17, 16, 31, 51, 11, 25, 13, 97, 61, 29, 62, 100, 55, 4, 78, 126, 19, 87, 56, 58, 73, 70, 59, 93, 28, 36, 35, 21, 113, 79, 46, 68, 22, 53, 18, 32, 96, 66, 109, 92, 10, 123, 95, 84, 8, 60, 63, 127, 0, 106, 49, 104, 37, 12, 112, 114, 116, 94, 26, 119, 99, 124, 7, 101, 30, 117, 83, 76, 103, 2, 118, 20, 44, 89, 52, 54, 125, 108, 81, 38, 33, 77, 110, 107, 15, 39, 102, 121, 111, 43, 122, 80, 86, 91, 47, 14, 57, 24, 90, 41, 82, 105, 50, 98, 75, 45, 74, 115, 5, 6, 88, 42, 67, 9, 72, 69, 71, 1, 65, 3, 64], [120, 40, 34, 48, 62, 23, 51, 27, 126, 85, 31, 93, 117, 109, 112, 58, 56, 113, 107, 16, 61, 50, 55, 44, 89, 123, 17, 19, 49, 53, 47, 8, 0, 30, 116, 106, 21, 95, 42, 52, 46, 25, 79, 43, 29, 108, 100, 121, 111, 119, 68, 110, 11, 57, 73, 38, 98, 54, 122, 59, 96, 36, 124, 118, 99, 63, 5, 103, 12, 105, 41, 78, 127, 125, 115, 94, 114, 97, 45, 35, 87, 37, 33, 60, 32, 39, 102, 22, 66, 101, 14, 24, 2, 70, 13, 10, 26, 86, 28, 91, 88, 92, 65, 18, 82, 67, 90, 6, 83, 84, 77, 4, 20, 64, 71, 75, 81, 104, 7, 1, 80, 69, 3, 15, 76, 9, 72, 74], [40, 120, 48, 34, 23, 63, 51, 31, 27, 62, 85, 49, 13, 123, 61, 108, 56, 79, 1, 110, 53, 55, 67, 93, 10, 64, 107, 16, 74, 113, 30, 19, 2, 17, 117, 70, 124, 18, 100, 59, 115, 127, 45, 68, 38, 26, 103, 102, 105, 111, 58, 46, 122, 119, 109, 52, 37, 116, 96, 36, 54, 24, 78, 106, 121, 112, 60, 50, 6, 84, 11, 125, 29, 114, 21, 118, 126, 0, 101, 57, 94, 43, 12, 73, 89, 88, 97, 47, 77, 39, 22, 35, 98, 95, 41, 5, 99, 33, 65, 44, 28, 32, 42, 86, 87, 92, 90, 8, 14, 72, 83, 25, 9, 82, 20, 69, 91, 3, 76, 7, 75, 80, 81, 15, 4, 71, 104, 66], [40, 125, 87, 17, 34, 21, 82, 70, 12, 74, 14, 4, 44, 0, 8, 124, 113, 111, 66, 54, 79, 58, 127, 68, 52, 109, 73, 110, 53, 19, 28, 75, 16, 33, 35, 123, 22, 59, 104, 27, 1, 95, 115, 119, 69, 86, 25, 114, 42, 50, 89, 18, 93, 108, 11, 26, 71, 96, 13, 90, 77, 56, 116, 67, 84, 63, 55, 5, 64, 62, 81, 78, 6, 92, 85, 106, 51, 7, 45, 39, 101, 23, 57, 103, 122, 98, 49, 94, 91, 88, 99, 32, 107, 48, 9, 2, 100, 29, 83, 105, 112, 65, 60, 24, 15, 76, 97, 3, 61, 47, 72, 38, 80, 36, 37, 121, 126, 46, 30, 20, 10, 31, 102, 118, 120, 41, 117, 43], [125, 40, 3, 87, 34, 12, 17, 14, 70, 0, 74, 1, 67, 66, 82, 21, 58, 64, 65, 8, 4, 69, 124, 54, 113, 25, 44, 111, 106, 52, 71, 49, 127, 2, 28, 75, 104, 109, 110, 50, 11, 42, 114, 22, 5, 79, 43, 26, 23, 121, 37, 68, 123, 101, 53, 86, 96, 31, 98, 112, 90, 27, 95, 77, 78, 20, 59, 13, 35, 122, 102, 81, 16, 29, 119, 6, 19, 91, 45, 39, 80, 47, 24, 32, 73, 117, 9, 76, 118, 103, 7, 88, 93, 84, 46, 72, 18, 33, 116, 55, 41, 30, 126, 105, 36, 115, 89, 62, 15, 120, 60, 63, 10, 57, 85, 48, 100, 38, 92, 107, 108, 94, 56, 83, 51, 97, 61, 99], [125, 40, 87, 34, 82, 21, 124, 12, 17, 14, 74, 109, 103, 50, 19, 4, 44, 8, 71, 95, 89, 92, 54, 70, 123, 127, 90, 9, 111, 68, 93, 108, 5, 39, 28, 115, 43, 41, 25, 77, 29, 110, 42, 105, 27, 61, 59, 100, 119, 58, 116, 64, 56, 66, 22, 79, 114, 88, 113, 47, 73, 121, 45, 91, 20, 60, 62, 106, 18, 75, 37, 49, 15, 10, 57, 52, 122, 31, 63, 51, 23, 48, 38, 33, 26, 96, 94, 6, 53, 32, 117, 86, 120, 112, 102, 36, 80, 97, 101, 72, 118, 83, 35, 69, 126, 99, 107, 46, 30, 85, 24, 55, 81, 13, 84, 78, 2, 98, 16, 7, 76, 11, 0, 1, 3, 67, 65, 104], [40, 125, 87, 0, 17, 34, 21, 12, 82, 1, 14, 66, 124, 4, 70, 50, 74, 44, 75, 58, 26, 127, 54, 69, 110, 113, 28, 111, 8, 95, 52, 13, 88, 33, 45, 79, 93, 42, 114, 64, 22, 103, 32, 98, 109, 67, 20, 123, 73, 119, 35, 11, 92, 19, 49, 104, 15, 39, 30, 27, 18, 90, 25, 59, 68, 96, 71, 102, 107, 53, 72, 101, 112, 62, 2, 65, 91, 60, 16, 77, 61, 80, 106, 99, 121, 115, 43, 7, 23, 105, 81, 84, 78, 55, 97, 3, 118, 76, 51, 122, 94, 83, 29, 89, 48, 117, 41, 86, 63, 9, 56, 5, 46, 108, 120, 31, 126, 24, 6, 116, 57, 85, 47, 100, 38, 10, 36, 37], [42, 36, 30, 43, 56, 106, 20, 118, 87, 77, 35, 82, 91, 123, 94, 46, 52, 80, 117, 49, 53, 89, 104, 120, 27, 99, 112, 17, 39, 47, 23, 122, 51, 78, 85, 54, 15, 11, 60, 19, 114, 103, 124, 71, 105, 125, 34, 58, 57, 95, 107, 108, 126, 110, 61, 62, 22, 74, 50, 32, 84, 109, 9, 121, 44, 88, 29, 13, 116, 101, 18, 55, 31, 59, 92, 115, 86, 45, 113, 98, 90, 111, 102, 41, 63, 48, 26, 12, 21, 25, 97, 119, 8, 24, 38, 127, 16, 37, 81, 83, 75, 14, 100, 33, 7, 96, 40, 28, 93, 72, 70, 69, 5, 76, 73, 79, 3, 67, 66, 2, 10, 68, 6, 1, 4, 65, 0, 64], [42, 36, 114, 118, 30, 15, 74, 35, 20, 17, 68, 87, 106, 77, 82, 70, 4, 91, 56, 76, 71, 0, 66, 123, 95, 64, 50, 31, 94, 43, 52, 21, 27, 23, 62, 7, 53, 11, 10, 122, 98, 9, 12, 29, 5, 67, 102, 84, 19, 18, 28, 111, 13, 65, 88, 1, 37, 85, 6, 8, 120, 2, 107, 32, 49, 112, 57, 103, 81, 83, 93, 14, 79, 69, 59, 96, 124, 46, 24, 44, 97, 26, 54, 126, 47, 109, 25, 16, 45, 73, 3, 60, 38, 72, 104, 86, 80, 78, 34, 108, 115, 41, 101, 58, 39, 22, 75, 61, 105, 92, 89, 48, 90, 51, 117, 33, 121, 119, 125, 110, 116, 63, 100, 113, 55, 127, 40, 99], [42, 36, 114, 118, 30, 87, 15, 123, 17, 35, 89, 74, 106, 20, 82, 94, 70, 56, 77, 50, 19, 66, 104, 52, 27, 68, 91, 8, 43, 6, 54, 72, 29, 44, 120, 58, 95, 75, 11, 47, 1, 38, 23, 51, 59, 122, 112, 113, 57, 49, 124, 61, 32, 86, 53, 62, 125, 99, 93, 111, 3, 116, 92, 102, 98, 12, 24, 103, 34, 71, 48, 28, 78, 64, 63, 76, 40, 127, 107, 108, 97, 46, 83, 119, 126, 96, 60, 110, 84, 10, 115, 81, 45, 25, 117, 37, 101, 0, 105, 21, 121, 2, 33, 31, 14, 109, 80, 55, 18, 26, 41, 9, 39, 85, 13, 16, 79, 5, 22, 90, 67, 88, 69, 100, 73, 7, 4, 65], [42, 114, 36, 35, 30, 106, 91, 103, 20, 87, 50, 27, 15, 17, 43, 74, 82, 94, 89, 68, 71, 123, 56, 104, 77, 95, 70, 120, 113, 85, 105, 65, 29, 62, 46, 3, 57, 127, 118, 61, 80, 119, 2, 125, 76, 122, 48, 117, 90, 1, 126, 47, 45, 111, 52, 44, 11, 51, 55, 109, 12, 49, 54, 121, 38, 75, 124, 63, 8, 102, 112, 67, 78, 107, 58, 66, 31, 59, 110, 115, 108, 116, 7, 72, 69, 81, 101, 41, 24, 86, 53, 33, 0, 73, 5, 26, 39, 28, 37, 19, 60, 13, 23, 21, 98, 84, 34, 93, 99, 14, 64, 92, 16, 9, 83, 96, 40, 25, 97, 88, 32, 22, 10, 4, 18, 79, 6, 100], [126, 41, 98, 56, 115, 89, 84, 13, 111, 80, 18, 112, 28, 45, 86, 75, 74, 31, 50, 21, 96, 82, 54, 58, 79, 5, 73, 8, 29, 81, 55, 11, 14, 70, 63, 120, 68, 4, 3, 25, 106, 119, 127, 117, 77, 40, 60, 71, 122, 92, 48, 10, 95, 88, 66, 46, 57, 59, 6, 76, 78, 83, 108, 34, 2, 93, 43, 51, 72, 16, 22, 0, 19, 20, 35, 124, 23, 44, 102, 121, 125, 62, 87, 107, 1, 113, 100, 61, 52, 24, 27, 85, 12, 90, 26, 17, 123, 49, 47, 105, 9, 114, 118, 32, 116, 103, 36, 7, 53, 99, 91, 110, 67, 109, 104, 33, 38, 94, 30, 97, 37, 39, 101, 65, 42, 64, 15, 69], [56, 41, 58, 98, 87, 63, 31, 32, 126, 28, 54, 122, 115, 44, 57, 17, 53, 60, 121, 46, 112, 43, 103, 55, 124, 116, 108, 127, 50, 120, 51, 26, 47, 117, 111, 86, 48, 113, 62, 52, 110, 61, 118, 119, 49, 45, 92, 114, 123, 109, 59, 125, 89, 101, 105, 40, 95, 107, 42, 23, 88, 22, 39, 91, 24, 100, 106, 84, 25, 94, 34, 30, 104, 37, 82, 15, 102, 38, 97, 99, 36, 35, 90, 21, 93, 80, 96, 33, 83, 29, 18, 20, 81, 79, 12, 27, 78, 19, 10, 85, 77, 1, 76, 14, 13, 7, 72, 66, 0, 5, 67, 3, 65, 16, 2, 64, 69, 11, 75, 71, 4, 8, 73, 70, 9, 74, 6, 68], [56, 41, 126, 98, 89, 79, 84, 18, 115, 80, 15, 31, 21, 28, 72, 13, 58, 10, 11, 63, 86, 82, 46, 4, 57, 40, 14, 73, 112, 70, 92, 77, 111, 100, 25, 23, 32, 122, 3, 121, 113, 60, 43, 127, 119, 75, 81, 16, 45, 87, 125, 95, 53, 66, 29, 62, 55, 109, 96, 51, 19, 124, 69, 5, 50, 52, 120, 9, 49, 71, 123, 1, 0, 48, 59, 22, 20, 47, 33, 76, 116, 8, 85, 6, 44, 27, 117, 103, 93, 17, 30, 61, 78, 37, 110, 64, 114, 88, 118, 24, 35, 2, 12, 91, 94, 83, 39, 90, 104, 54, 105, 99, 26, 102, 108, 68, 101, 7, 65, 97, 106, 36, 107, 42, 38, 74, 34, 67], [41, 126, 56, 63, 105, 60, 31, 127, 122, 87, 51, 52, 115, 98, 47, 49, 62, 121, 57, 123, 112, 124, 58, 46, 28, 117, 103, 114, 59, 116, 118, 45, 109, 86, 119, 54, 61, 113, 48, 55, 111, 120, 92, 50, 32, 53, 125, 44, 110, 108, 89, 84, 40, 43, 42, 107, 18, 39, 106, 104, 26, 100, 101, 37, 38, 102, 23, 7, 36, 35, 94, 96, 34, 91, 95, 99, 97, 17, 33, 80, 30, 25, 21, 85, 82, 88, 20, 22, 93, 24, 29, 27, 90, 11, 19, 83, 78, 77, 5, 73, 14, 81, 12, 3, 70, 0, 8, 71, 76, 79, 1, 16, 65, 10, 13, 67, 66, 64, 2, 74, 69, 9, 4, 72, 68, 75, 6, 15], [123, 103, 55, 47, 34, 125, 27, 95, 88, 32, 110, 122, 21, 15, 76, 19, 127, 24, 53, 97, 91, 94, 18, 36, 71, 51, 59, 43, 104, 38, 40, 101, 44, 118, 74, 106, 42, 26, 58, 102, 57, 52, 90, 117, 9, 92, 115, 111, 62, 2, 124, 96, 10, 87, 29, 48, 116, 33, 16, 126, 22, 78, 120, 112, 105, 85, 60, 63, 46, 107, 100, 114, 41, 113, 25, 1, 45, 54, 121, 37, 99, 23, 14, 31, 98, 49, 108, 56, 93, 39, 89, 50, 61, 109, 5, 79, 70, 119, 68, 13, 35, 28, 84, 82, 83, 86, 81, 30, 20, 80, 66, 64, 17, 11, 77, 12, 8, 73, 75, 3, 69, 4, 72, 7, 6, 65, 0, 67], [123, 103, 55, 34, 116, 27, 76, 88, 70, 0, 3, 18, 15, 1, 19, 68, 122, 66, 21, 95, 99, 71, 94, 91, 22, 59, 51, 9, 62, 125, 74, 56, 30, 73, 77, 67, 33, 126, 10, 47, 31, 37, 96, 109, 36, 57, 6, 79, 8, 107, 48, 80, 110, 29, 49, 35, 45, 118, 115, 58, 50, 63, 44, 121, 65, 86, 24, 26, 60, 17, 82, 85, 92, 23, 119, 40, 20, 52, 104, 13, 98, 112, 5, 120, 28, 113, 117, 114, 69, 72, 11, 102, 124, 81, 78, 14, 38, 53, 46, 43, 93, 61, 39, 87, 16, 108, 105, 75, 111, 42, 54, 106, 41, 25, 84, 32, 90, 97, 83, 101, 127, 4, 89, 100, 7, 12, 2, 64], [123, 103, 58, 122, 27, 88, 21, 91, 47, 18, 15, 59, 38, 34, 62, 9, 5, 95, 48, 120, 55, 49, 125, 60, 110, 44, 53, 121, 50, 56, 117, 119, 30, 105, 57, 52, 63, 24, 124, 67, 40, 113, 126, 94, 109, 112, 96, 51, 54, 118, 97, 46, 45, 116, 107, 111, 76, 108, 114, 85, 42, 115, 100, 43, 106, 104, 61, 36, 127, 101, 99, 41, 75, 29, 0, 92, 71, 86, 33, 102, 2, 64, 4, 37, 14, 39, 35, 17, 81, 3, 98, 73, 93, 82, 69, 77, 7, 11, 32, 87, 79, 68, 26, 84, 72, 89, 31, 8, 25, 65, 20, 83, 80, 90, 23, 22, 13, 28, 6, 78, 16, 19, 74, 1, 10, 12, 70, 66], [123, 103, 47, 34, 71, 76, 62, 122, 27, 55, 21, 22, 59, 19, 88, 125, 68, 15, 18, 101, 91, 109, 97, 45, 58, 24, 2, 56, 48, 64, 95, 117, 63, 36, 32, 38, 85, 111, 94, 66, 92, 77, 107, 10, 84, 9, 110, 30, 44, 119, 127, 5, 115, 50, 87, 79, 82, 73, 20, 99, 40, 124, 83, 49, 51, 42, 75, 61, 116, 57, 41, 46, 89, 60, 126, 120, 52, 54, 70, 118, 104, 113, 29, 112, 114, 53, 35, 121, 26, 105, 1, 93, 0, 100, 37, 108, 106, 80, 33, 65, 98, 12, 17, 43, 16, 72, 86, 74, 90, 23, 25, 96, 14, 31, 11, 28, 81, 4, 102, 78, 7, 13, 8, 6, 3, 69, 67, 39], [103, 61, 95, 60, 23, 104, 54, 91, 18, 116, 114, 27, 127, 80, 20, 108, 51, 40, 98, 62, 7, 46, 56, 78, 123, 107, 121, 122, 55, 113, 57, 12, 97, 53, 117, 109, 59, 58, 42, 75, 125, 124, 112, 86, 74, 126, 47, 41, 45, 63, 22, 115, 25, 65, 120, 49, 52, 69, 119, 50, 101, 28, 31, 44, 43, 118, 48, 99, 110, 105, 81, 39, 87, 38, 32, 24, 111, 102, 106, 93, 37, 85, 36, 79, 88, 100, 19, 34, 35, 21, 33, 16, 29, 84, 9, 83, 30, 90, 13, 82, 5, 96, 92, 8, 66, 94, 15, 89, 6, 70, 2, 72, 67, 26, 77, 76, 3, 17, 73, 1, 68, 71, 14, 4, 11, 0, 10, 64], [103, 61, 95, 113, 23, 104, 27, 91, 49, 42, 108, 60, 78, 114, 80, 18, 12, 74, 109, 7, 54, 127, 57, 21, 20, 34, 52, 58, 53, 45, 105, 112, 101, 2, 6, 56, 47, 86, 59, 69, 121, 117, 1, 70, 51, 39, 107, 126, 46, 43, 3, 64, 31, 119, 85, 116, 19, 62, 125, 32, 88, 72, 122, 67, 97, 13, 40, 92, 102, 65, 123, 8, 41, 120, 111, 48, 106, 124, 55, 118, 63, 44, 4, 115, 99, 25, 96, 66, 0, 22, 28, 9, 11, 38, 83, 50, 17, 110, 30, 100, 84, 35, 89, 68, 73, 90, 36, 81, 98, 33, 77, 15, 71, 37, 93, 24, 94, 29, 26, 79, 87, 75, 5, 14, 16, 10, 82, 76], [103, 61, 95, 74, 18, 86, 69, 27, 12, 78, 23, 48, 60, 64, 7, 3, 20, 54, 66, 113, 65, 22, 80, 123, 0, 127, 6, 21, 98, 33, 47, 72, 114, 38, 82, 68, 121, 73, 85, 35, 49, 75, 29, 81, 43, 94, 62, 16, 31, 88, 84, 19, 104, 53, 106, 34, 26, 32, 55, 56, 90, 119, 87, 44, 124, 14, 118, 101, 83, 24, 15, 46, 13, 2, 97, 17, 10, 93, 28, 25, 77, 92, 108, 51, 96, 100, 58, 111, 5, 99, 50, 89, 30, 11, 36, 116, 110, 40, 115, 57, 102, 67, 79, 42, 105, 45, 52, 107, 76, 126, 70, 122, 63, 120, 1, 59, 117, 8, 125, 71, 112, 41, 37, 109, 91, 9, 4, 39], [103, 61, 60, 55, 23, 95, 54, 91, 27, 18, 56, 78, 20, 113, 7, 53, 51, 114, 98, 123, 121, 12, 116, 107, 104, 69, 41, 58, 46, 63, 108, 59, 40, 109, 126, 62, 80, 49, 74, 65, 97, 124, 22, 117, 52, 45, 112, 86, 57, 75, 127, 115, 47, 105, 42, 122, 38, 25, 125, 44, 101, 37, 110, 119, 34, 118, 43, 50, 106, 6, 66, 32, 102, 48, 39, 87, 111, 31, 71, 93, 83, 120, 33, 35, 28, 29, 4, 79, 36, 21, 17, 96, 100, 68, 72, 99, 30, 16, 67, 84, 19, 15, 76, 92, 88, 89, 3, 13, 24, 14, 90, 5, 85, 82, 73, 77, 81, 9, 0, 1, 94, 8, 26, 70, 10, 11, 2, 64], [121, 114, 39, 56, 120, 33, 93, 116, 19, 101, 29, 57, 113, 126, 63, 77, 49, 103, 109, 51, 110, 127, 54, 122, 111, 53, 119, 58, 50, 66, 105, 23, 59, 125, 117, 115, 43, 55, 124, 52, 46, 48, 61, 118, 41, 112, 123, 22, 108, 62, 45, 60, 107, 8, 65, 47, 25, 89, 42, 106, 24, 74, 44, 1, 104, 98, 37, 15, 69, 102, 40, 38, 32, 72, 26, 99, 3, 35, 90, 97, 67, 28, 96, 100, 91, 36, 88, 34, 79, 94, 7, 17, 2, 16, 83, 92, 18, 86, 95, 81, 10, 30, 31, 6, 84, 13, 85, 71, 87, 27, 20, 5, 21, 76, 9, 11, 68, 78, 64, 70, 80, 82, 0, 75, 4, 73, 14, 12], [56, 39, 114, 33, 88, 85, 16, 78, 18, 26, 120, 76, 71, 29, 91, 50, 11, 31, 20, 121, 116, 100, 115, 94, 119, 58, 84, 80, 97, 6, 9, 54, 24, 57, 37, 19, 51, 22, 15, 124, 110, 113, 75, 81, 79, 126, 99, 95, 83, 87, 111, 108, 13, 90, 92, 25, 27, 61, 34, 44, 7, 122, 63, 125, 52, 28, 96, 89, 127, 53, 30, 72, 60, 77, 82, 93, 41, 74, 21, 48, 86, 123, 55, 117, 59, 49, 10, 40, 98, 14, 17, 43, 105, 101, 23, 62, 68, 36, 32, 12, 109, 102, 35, 47, 107, 118, 45, 42, 106, 112, 104, 38, 46, 69, 1, 73, 70, 8, 65, 3, 66, 67, 103, 5, 4, 2, 64, 0], [39, 56, 114, 0, 64, 9, 121, 120, 68, 6, 11, 67, 78, 16, 33, 65, 88, 66, 71, 4, 19, 29, 3, 85, 1, 76, 77, 2, 18, 22, 73, 12, 70, 86, 75, 20, 5, 87, 83, 8, 81, 7, 10, 72, 90, 99, 110, 31, 27, 116, 13, 14, 91, 69, 108, 17, 21, 41, 23, 80, 98, 58, 26, 25, 113, 79, 96, 74, 61, 35, 84, 52, 54, 95, 119, 82, 94, 107, 89, 103, 125, 15, 28, 102, 30, 57, 92, 24, 118, 34, 59, 32, 117, 49, 100, 44, 53, 115, 93, 63, 36, 42, 127, 97, 105, 123, 101, 104, 62, 40, 38, 50, 124, 37, 51, 43, 47, 106, 60, 48, 46, 109, 55, 111, 122, 45, 126, 112], [114, 39, 56, 120, 116, 29, 57, 117, 126, 93, 54, 119, 19, 113, 51, 111, 122, 49, 110, 58, 63, 50, 127, 101, 53, 23, 125, 109, 33, 55, 60, 59, 62, 118, 123, 61, 115, 52, 121, 46, 48, 47, 124, 43, 112, 45, 103, 107, 108, 22, 44, 42, 105, 41, 106, 37, 104, 27, 97, 38, 40, 86, 98, 83, 91, 26, 102, 89, 31, 88, 99, 36, 35, 25, 77, 15, 100, 34, 20, 87, 95, 84, 24, 32, 96, 90, 17, 30, 85, 18, 81, 94, 79, 28, 13, 78, 92, 16, 71, 6, 69, 11, 21, 10, 80, 74, 7, 82, 5, 65, 72, 9, 14, 1, 76, 8, 12, 75, 68, 67, 66, 70, 73, 2, 3, 4, 64, 0], [46, 102, 49, 110, 26, 84, 16, 53, 29, 123, 60, 126, 98, 10, 119, 90, 25, 91, 44, 56, 124, 113, 62, 41, 112, 86, 63, 127, 42, 92, 59, 57, 33, 47, 118, 107, 31, 54, 125, 6, 87, 115, 80, 114, 66, 104, 95, 105, 20, 99, 111, 120, 55, 61, 43, 52, 24, 58, 116, 36, 108, 117, 45, 18, 7, 122, 93, 39, 51, 48, 109, 35, 97, 121, 37, 50, 30, 32, 106, 100, 64, 103, 27, 2, 13, 74, 40, 1, 22, 101, 81, 88, 72, 28, 94, 21, 78, 70, 96, 34, 69, 0, 83, 38, 85, 15, 17, 89, 11, 12, 3, 23, 68, 73, 19, 75, 67, 76, 5, 14, 71, 79, 65, 4, 9, 8, 82, 77], [46, 102, 110, 29, 26, 60, 84, 16, 86, 51, 69, 18, 100, 123, 109, 67, 121, 36, 112, 49, 113, 1, 63, 97, 90, 11, 13, 50, 31, 53, 33, 108, 7, 61, 115, 30, 47, 107, 28, 12, 105, 119, 37, 59, 106, 114, 42, 120, 99, 45, 52, 98, 87, 124, 104, 89, 125, 92, 41, 116, 55, 111, 39, 103, 10, 57, 58, 127, 117, 62, 56, 35, 44, 54, 122, 40, 126, 64, 6, 38, 101, 85, 76, 93, 27, 81, 14, 32, 24, 25, 4, 43, 95, 48, 34, 73, 118, 96, 70, 3, 66, 91, 9, 17, 19, 83, 72, 88, 94, 78, 22, 79, 20, 80, 2, 74, 68, 21, 71, 15, 23, 5, 75, 82, 8, 65, 77, 0], [46, 102, 110, 26, 84, 18, 29, 13, 72, 16, 67, 116, 10, 109, 68, 107, 121, 113, 59, 0, 47, 6, 90, 112, 60, 98, 115, 48, 24, 87, 22, 123, 120, 8, 12, 11, 49, 127, 30, 73, 23, 106, 126, 41, 119, 34, 61, 40, 37, 35, 66, 97, 124, 108, 100, 114, 42, 93, 25, 85, 103, 53, 33, 81, 80, 89, 63, 55, 31, 104, 105, 74, 50, 44, 117, 95, 45, 3, 111, 21, 57, 36, 43, 62, 92, 58, 125, 88, 86, 122, 20, 54, 83, 96, 70, 39, 7, 75, 91, 28, 52, 118, 14, 27, 101, 99, 51, 56, 32, 19, 9, 2, 69, 17, 94, 82, 64, 79, 5, 77, 65, 1, 76, 4, 71, 15, 78, 38], [46, 102, 18, 110, 13, 29, 84, 26, 16, 10, 72, 6, 68, 93, 25, 87, 1, 73, 90, 60, 0, 2, 22, 91, 78, 7, 14, 49, 9, 88, 15, 82, 79, 36, 59, 33, 112, 20, 17, 30, 123, 109, 27, 31, 19, 116, 67, 65, 8, 71, 92, 96, 85, 3, 80, 61, 76, 81, 24, 11, 77, 98, 113, 83, 50, 5, 107, 28, 106, 23, 118, 54, 101, 86, 37, 75, 34, 12, 66, 89, 63, 74, 41, 56, 48, 4, 108, 32, 35, 115, 99, 94, 21, 100, 119, 62, 57, 114, 70, 95, 52, 58, 124, 69, 39, 117, 120, 44, 121, 127, 105, 43, 55, 64, 126, 104, 40, 53, 103, 47, 42, 122, 125, 97, 51, 45, 111, 38]], "model.layers.28.self_attn.k_proj": [[120, 104, 98, 23, 85, 0, 29, 11, 17, 16, 27, 61, 58, 30, 19, 95, 110, 73, 78, 125, 66, 114, 91, 108, 42, 50, 115, 51, 62, 52, 68, 121, 127, 57, 47, 124, 60, 45, 59, 53, 122, 55, 49, 70, 43, 67, 112, 119, 109, 65, 117, 54, 123, 116, 48, 102, 113, 56, 44, 8, 118, 111, 63, 38, 4, 46, 79, 105, 107, 89, 106, 5, 12, 126, 41, 25, 77, 2, 39, 36, 86, 88, 13, 7, 82, 31, 92, 35, 103, 101, 100, 37, 10, 90, 33, 28, 71, 34, 84, 26, 24, 1, 32, 22, 94, 20, 99, 96, 9, 72, 6, 15, 97, 83, 18, 81, 3, 93, 80, 14, 21, 74, 75, 69, 76, 64, 87, 40], [125, 104, 64, 87, 98, 14, 70, 74, 17, 12, 82, 0, 21, 65, 8, 68, 66, 124, 108, 58, 69, 3, 1, 90, 4, 114, 47, 79, 28, 49, 2, 54, 19, 127, 73, 9, 75, 46, 50, 123, 61, 93, 52, 25, 16, 77, 103, 111, 31, 67, 41, 113, 53, 106, 92, 20, 109, 89, 45, 122, 105, 27, 97, 107, 71, 94, 60, 33, 13, 55, 59, 121, 120, 86, 26, 11, 63, 99, 29, 95, 91, 51, 101, 119, 5, 62, 118, 88, 83, 112, 7, 102, 24, 80, 22, 115, 56, 38, 42, 44, 48, 37, 32, 116, 110, 57, 15, 36, 84, 100, 23, 117, 43, 39, 76, 30, 35, 126, 85, 96, 6, 72, 34, 18, 10, 78, 81, 40], [106, 114, 100, 94, 118, 87, 68, 0, 99, 71, 77, 74, 20, 82, 15, 17, 50, 70, 52, 119, 42, 27, 47, 44, 115, 62, 75, 89, 56, 66, 123, 1, 122, 109, 102, 120, 76, 2, 110, 53, 57, 45, 48, 9, 65, 41, 43, 107, 121, 39, 35, 127, 95, 73, 29, 54, 59, 91, 31, 58, 124, 61, 72, 69, 51, 22, 113, 49, 28, 12, 111, 93, 85, 63, 97, 60, 3, 125, 46, 40, 116, 96, 30, 98, 126, 108, 117, 33, 55, 34, 32, 37, 5, 112, 101, 11, 92, 64, 19, 80, 104, 78, 103, 90, 14, 7, 83, 21, 86, 24, 88, 8, 16, 67, 105, 38, 26, 4, 81, 25, 79, 18, 6, 10, 84, 36, 23, 13], [105, 126, 56, 34, 95, 86, 92, 89, 115, 84, 82, 79, 57, 119, 51, 62, 110, 63, 87, 54, 59, 80, 120, 112, 58, 121, 113, 127, 117, 55, 124, 116, 118, 109, 48, 60, 123, 61, 122, 46, 49, 114, 52, 53, 47, 125, 111, 45, 32, 104, 44, 107, 99, 50, 108, 21, 17, 91, 39, 101, 43, 26, 106, 42, 103, 96, 11, 36, 77, 27, 28, 102, 30, 13, 38, 40, 97, 33, 37, 73, 29, 8, 22, 41, 76, 35, 10, 19, 93, 75, 100, 98, 14, 94, 70, 85, 18, 88, 24, 12, 20, 31, 16, 23, 90, 25, 83, 4, 5, 3, 78, 81, 0, 72, 9, 65, 74, 7, 71, 68, 1, 6, 66, 15, 69, 67, 64, 2], [123, 39, 88, 21, 27, 64, 76, 15, 18, 30, 1, 68, 98, 71, 122, 95, 70, 125, 9, 47, 63, 121, 66, 46, 19, 57, 60, 86, 116, 110, 2, 49, 119, 120, 118, 33, 113, 3, 45, 52, 117, 44, 112, 48, 51, 124, 40, 10, 50, 54, 59, 114, 20, 69, 111, 31, 102, 37, 126, 8, 108, 61, 56, 106, 109, 115, 55, 34, 43, 87, 53, 62, 13, 42, 14, 41, 127, 58, 104, 29, 107, 105, 32, 101, 100, 11, 36, 75, 93, 92, 23, 90, 28, 35, 99, 22, 26, 74, 89, 97, 25, 96, 84, 65, 77, 17, 80, 81, 0, 16, 94, 38, 82, 78, 79, 103, 72, 4, 5, 6, 7, 83, 67, 73, 91, 24, 12, 85], [61, 39, 31, 23, 91, 18, 64, 74, 80, 78, 86, 62, 69, 49, 56, 12, 54, 3, 51, 112, 66, 7, 55, 113, 110, 124, 121, 109, 50, 20, 52, 117, 114, 58, 0, 34, 122, 59, 60, 123, 115, 42, 111, 126, 118, 107, 63, 53, 127, 116, 44, 41, 108, 45, 79, 47, 57, 35, 25, 46, 98, 65, 106, 6, 48, 88, 119, 75, 1, 43, 40, 72, 120, 33, 125, 21, 32, 105, 67, 68, 19, 37, 100, 36, 38, 92, 70, 73, 17, 2, 102, 96, 97, 81, 99, 27, 90, 94, 101, 103, 4, 11, 84, 104, 77, 93, 29, 9, 28, 15, 24, 13, 22, 89, 26, 83, 30, 85, 16, 5, 8, 10, 76, 14, 71, 95, 82, 87], [56, 103, 64, 114, 93, 121, 97, 1, 50, 19, 9, 68, 6, 22, 120, 67, 116, 11, 23, 113, 78, 66, 77, 16, 46, 88, 57, 58, 110, 54, 3, 69, 76, 71, 51, 122, 105, 118, 126, 43, 95, 8, 62, 61, 117, 24, 55, 59, 47, 49, 53, 123, 125, 42, 119, 63, 60, 44, 48, 115, 85, 124, 12, 26, 37, 52, 109, 18, 112, 2, 45, 74, 127, 111, 108, 41, 89, 106, 21, 107, 40, 81, 38, 65, 101, 91, 14, 15, 35, 36, 84, 104, 0, 99, 102, 92, 4, 34, 100, 94, 30, 28, 96, 25, 32, 17, 20, 31, 98, 72, 80, 10, 75, 90, 70, 82, 27, 79, 13, 5, 87, 73, 7, 86, 29, 39, 33, 83], [110, 38, 46, 29, 84, 26, 13, 16, 18, 6, 2, 0, 112, 10, 25, 121, 123, 68, 11, 113, 73, 86, 1, 47, 7, 97, 72, 63, 60, 109, 115, 34, 119, 53, 114, 30, 59, 55, 61, 124, 32, 41, 103, 107, 101, 88, 49, 50, 116, 42, 87, 51, 104, 62, 37, 57, 111, 108, 58, 127, 120, 45, 56, 122, 118, 40, 44, 105, 39, 125, 117, 54, 52, 64, 92, 43, 106, 95, 15, 76, 48, 14, 69, 36, 96, 91, 4, 35, 99, 31, 100, 126, 98, 33, 75, 22, 67, 23, 5, 94, 81, 19, 24, 85, 17, 78, 12, 27, 83, 8, 28, 3, 89, 21, 65, 9, 79, 71, 93, 82, 77, 74, 80, 66, 70, 90, 20, 102]], "model.layers.28.self_attn.qk_proj": [[123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 42, 104, 23, 87, 121, 118, 103, 82, 18, 91, 64, 0, 29, 95, 58, 39, 40, 50, 85, 41, 27, 10, 70, 20, 76, 74, 105, 84, 30, 12, 55, 62, 98, 93, 21, 81, 51, 68, 115, 80, 79, 13, 77, 122, 124, 44, 90, 6, 60, 15, 4, 48, 112, 59, 113, 54, 31, 116, 78, 49, 57, 47, 53, 109, 66, 65, 17, 127, 16, 2, 22, 14, 63, 28, 102, 24, 11, 34, 1, 83, 9, 86, 43, 73, 52, 19, 38, 25, 7, 88, 108, 36, 8, 119, 94, 89, 26, 33, 107, 3, 71, 117, 75, 5, 45, 67, 111, 99, 97, 35, 101, 100, 72, 69, 32, 37, 92, 96], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 42, 104, 121, 23, 87, 103, 118, 91, 0, 82, 64, 18, 40, 70, 95, 50, 58, 29, 30, 47, 10, 62, 39, 27, 20, 85, 105, 4, 41, 76, 12, 93, 51, 98, 81, 55, 74, 21, 60, 84, 13, 49, 77, 44, 115, 63, 53, 80, 65, 124, 66, 116, 34, 112, 113, 22, 54, 79, 102, 17, 16, 2, 6, 68, 11, 14, 78, 90, 15, 122, 28, 1, 9, 109, 59, 127, 48, 8, 108, 52, 31, 38, 57, 43, 71, 24, 86, 88, 83, 73, 33, 117, 7, 107, 111, 119, 19, 94, 45, 5, 36, 100, 3, 89, 75, 69, 26, 67, 35, 25, 37, 97, 99, 72, 101, 92, 32, 96], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 42, 121, 104, 23, 87, 0, 118, 64, 18, 103, 82, 91, 70, 39, 95, 27, 58, 41, 40, 98, 105, 29, 12, 21, 84, 76, 10, 85, 112, 30, 50, 74, 93, 55, 20, 115, 44, 53, 4, 62, 63, 80, 34, 81, 77, 124, 60, 15, 68, 79, 113, 22, 13, 66, 2, 90, 57, 51, 49, 78, 47, 17, 54, 102, 65, 122, 16, 14, 1, 116, 8, 48, 59, 28, 31, 119, 127, 86, 109, 19, 6, 43, 71, 36, 88, 9, 107, 38, 108, 52, 7, 25, 11, 117, 111, 24, 94, 67, 89, 26, 75, 3, 73, 83, 33, 5, 69, 99, 101, 100, 97, 37, 45, 35, 92, 96, 32, 72], [123, 125, 56, 61, 120, 114, 110, 46, 126, 106, 42, 104, 121, 23, 103, 87, 118, 64, 0, 18, 91, 82, 70, 40, 39, 41, 74, 76, 58, 95, 53, 105, 12, 27, 50, 29, 10, 98, 21, 84, 112, 122, 62, 4, 63, 81, 30, 124, 55, 2, 77, 14, 78, 85, 34, 93, 80, 1, 20, 44, 68, 66, 113, 16, 17, 115, 60, 22, 13, 15, 54, 6, 79, 8, 90, 49, 57, 51, 59, 65, 47, 25, 116, 31, 7, 86, 28, 11, 48, 36, 33, 19, 67, 9, 83, 119, 71, 102, 52, 38, 88, 94, 73, 107, 109, 3, 89, 69, 101, 127, 117, 108, 24, 75, 43, 45, 5, 26, 97, 111, 35, 99, 100, 37, 92, 72, 32, 96], [123, 61, 125, 56, 120, 114, 110, 46, 126, 106, 42, 104, 121, 23, 87, 103, 118, 18, 0, 82, 64, 40, 58, 41, 70, 91, 50, 53, 39, 29, 105, 55, 12, 76, 95, 98, 112, 21, 27, 80, 74, 10, 84, 20, 85, 30, 6, 78, 77, 113, 4, 81, 62, 115, 15, 122, 60, 124, 68, 66, 54, 48, 14, 2, 57, 44, 59, 90, 86, 116, 16, 47, 79, 65, 17, 8, 28, 63, 93, 49, 13, 51, 127, 1, 25, 31, 11, 34, 19, 22, 7, 107, 117, 9, 109, 24, 52, 108, 102, 83, 36, 73, 119, 67, 88, 3, 38, 71, 94, 111, 75, 5, 26, 69, 89, 33, 101, 43, 45, 97, 100, 35, 99, 92, 72, 37, 96, 32], [123, 125, 56, 61, 120, 114, 110, 46, 126, 106, 42, 104, 121, 23, 103, 87, 18, 82, 118, 64, 0, 50, 29, 58, 40, 91, 95, 21, 41, 74, 27, 44, 112, 62, 20, 30, 105, 98, 85, 81, 10, 55, 53, 68, 113, 84, 12, 76, 6, 115, 70, 34, 54, 39, 49, 48, 4, 15, 77, 31, 80, 124, 2, 65, 66, 93, 47, 14, 13, 78, 60, 122, 79, 1, 8, 22, 63, 17, 16, 116, 19, 86, 28, 57, 127, 109, 24, 90, 119, 25, 108, 5, 7, 59, 51, 71, 11, 94, 83, 43, 117, 52, 75, 89, 33, 9, 102, 3, 88, 97, 73, 38, 100, 35, 111, 67, 69, 99, 45, 101, 107, 26, 37, 36, 96, 92, 32, 72], [123, 61, 125, 56, 120, 114, 110, 46, 126, 106, 42, 23, 104, 87, 121, 103, 41, 118, 82, 40, 50, 64, 58, 18, 91, 0, 29, 98, 105, 95, 27, 6, 39, 76, 44, 30, 21, 113, 85, 53, 112, 55, 20, 12, 81, 90, 10, 115, 15, 84, 4, 93, 13, 80, 74, 16, 109, 34, 47, 77, 49, 14, 68, 17, 124, 60, 54, 79, 48, 127, 51, 63, 66, 62, 59, 70, 78, 1, 57, 22, 122, 86, 25, 31, 116, 2, 24, 19, 36, 65, 8, 28, 7, 89, 111, 119, 9, 43, 83, 108, 73, 94, 88, 52, 117, 71, 11, 38, 67, 45, 97, 102, 26, 69, 3, 101, 99, 100, 75, 107, 37, 35, 72, 33, 5, 32, 92, 96], [123, 61, 125, 56, 120, 114, 110, 46, 126, 106, 42, 23, 104, 87, 121, 103, 118, 18, 82, 91, 0, 29, 64, 39, 41, 58, 40, 105, 6, 95, 44, 27, 98, 21, 50, 112, 55, 30, 76, 34, 54, 12, 85, 47, 20, 74, 122, 4, 53, 81, 84, 77, 79, 115, 51, 10, 113, 48, 93, 90, 31, 80, 16, 49, 14, 15, 102, 17, 116, 68, 65, 124, 59, 2, 22, 60, 13, 1, 57, 66, 43, 127, 63, 109, 62, 119, 89, 78, 38, 25, 70, 28, 108, 24, 88, 9, 86, 73, 83, 45, 52, 107, 36, 11, 19, 94, 71, 67, 111, 7, 117, 33, 26, 100, 37, 5, 72, 97, 99, 69, 75, 3, 8, 101, 92, 32, 35, 96], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 42, 87, 23, 104, 121, 103, 18, 82, 29, 118, 64, 91, 27, 0, 44, 58, 95, 6, 40, 41, 39, 21, 50, 76, 20, 112, 30, 74, 113, 55, 47, 10, 105, 84, 13, 63, 85, 98, 68, 124, 77, 122, 80, 12, 93, 51, 16, 34, 78, 109, 54, 48, 90, 115, 4, 116, 79, 62, 81, 17, 53, 15, 66, 49, 14, 102, 65, 43, 119, 22, 31, 28, 60, 59, 57, 127, 83, 88, 2, 1, 24, 86, 89, 72, 70, 52, 73, 19, 7, 108, 25, 107, 9, 117, 38, 94, 67, 71, 33, 111, 36, 45, 75, 99, 26, 5, 100, 11, 3, 101, 35, 97, 8, 32, 69, 92, 37, 96], [123, 61, 125, 56, 120, 114, 110, 46, 126, 106, 42, 104, 121, 87, 23, 64, 58, 118, 103, 0, 82, 18, 91, 6, 29, 41, 40, 30, 27, 76, 48, 4, 39, 50, 98, 85, 63, 55, 12, 74, 113, 10, 122, 44, 20, 95, 112, 93, 21, 51, 124, 105, 47, 68, 2, 62, 34, 22, 53, 84, 54, 70, 66, 16, 115, 81, 13, 108, 49, 60, 57, 43, 79, 77, 90, 14, 80, 17, 116, 65, 15, 102, 78, 1, 59, 86, 109, 127, 119, 72, 24, 28, 31, 11, 73, 7, 9, 38, 25, 71, 111, 19, 33, 83, 94, 3, 107, 36, 88, 75, 52, 89, 26, 5, 67, 8, 45, 117, 69, 101, 100, 97, 35, 99, 32, 37, 92, 96], [123, 56, 61, 125, 120, 114, 110, 46, 126, 106, 42, 104, 121, 23, 87, 118, 82, 18, 103, 0, 64, 91, 10, 40, 58, 70, 27, 74, 29, 95, 50, 76, 98, 6, 85, 39, 41, 30, 21, 4, 20, 55, 77, 84, 66, 53, 13, 16, 12, 90, 79, 81, 54, 105, 68, 78, 72, 93, 15, 1, 80, 124, 122, 2, 62, 48, 112, 57, 17, 47, 60, 51, 115, 34, 113, 71, 59, 94, 63, 49, 7, 31, 65, 28, 14, 24, 19, 86, 22, 25, 73, 88, 109, 83, 11, 44, 89, 116, 3, 102, 52, 9, 127, 108, 119, 38, 5, 67, 33, 43, 107, 75, 36, 26, 117, 45, 111, 69, 35, 97, 100, 101, 99, 92, 8, 37, 32, 96], [123, 56, 125, 61, 120, 114, 110, 46, 126, 106, 104, 42, 87, 23, 121, 82, 18, 103, 118, 64, 29, 40, 91, 0, 98, 95, 70, 76, 27, 50, 84, 21, 39, 10, 20, 74, 44, 58, 30, 4, 79, 41, 12, 85, 55, 105, 34, 13, 16, 93, 78, 77, 80, 122, 68, 66, 90, 59, 113, 54, 17, 51, 47, 15, 62, 115, 112, 6, 31, 81, 2, 49, 14, 22, 60, 53, 65, 72, 57, 1, 25, 102, 24, 124, 86, 116, 28, 48, 75, 83, 63, 73, 109, 127, 7, 71, 36, 9, 3, 19, 119, 94, 89, 67, 52, 43, 11, 107, 88, 33, 45, 38, 69, 108, 111, 35, 26, 5, 101, 99, 117, 100, 32, 37, 97, 8, 96, 92], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 104, 87, 42, 103, 121, 23, 118, 58, 18, 91, 40, 82, 64, 0, 50, 29, 39, 95, 44, 70, 51, 47, 27, 41, 20, 98, 12, 105, 54, 21, 113, 30, 115, 55, 85, 93, 60, 116, 63, 112, 84, 102, 76, 74, 34, 57, 68, 59, 62, 53, 28, 17, 4, 31, 48, 81, 90, 72, 49, 109, 124, 122, 65, 86, 80, 16, 14, 77, 78, 22, 13, 10, 79, 108, 2, 66, 24, 15, 127, 6, 43, 1, 9, 88, 119, 75, 73, 45, 52, 19, 89, 38, 7, 111, 11, 36, 71, 94, 107, 83, 25, 26, 117, 3, 97, 35, 5, 67, 99, 37, 69, 100, 101, 33, 92, 32, 96, 8], [123, 61, 125, 56, 120, 114, 110, 46, 126, 106, 42, 121, 104, 87, 23, 64, 103, 0, 118, 91, 18, 82, 70, 58, 39, 54, 95, 76, 29, 40, 21, 41, 74, 50, 12, 27, 93, 30, 122, 68, 10, 20, 124, 85, 63, 57, 55, 105, 115, 84, 4, 98, 2, 44, 22, 34, 13, 81, 77, 116, 113, 1, 60, 112, 16, 78, 90, 79, 109, 49, 51, 65, 66, 47, 15, 14, 62, 17, 6, 48, 59, 80, 53, 43, 102, 119, 31, 127, 72, 24, 108, 111, 28, 88, 86, 71, 11, 38, 19, 9, 107, 52, 7, 36, 75, 73, 83, 25, 33, 94, 97, 99, 117, 5, 89, 3, 35, 67, 45, 69, 100, 101, 26, 37, 8, 92, 32, 96], [123, 61, 56, 125, 120, 110, 114, 46, 126, 106, 42, 104, 23, 121, 87, 18, 64, 0, 91, 103, 118, 82, 40, 70, 41, 74, 58, 76, 29, 98, 85, 95, 12, 50, 10, 105, 84, 21, 39, 30, 4, 2, 81, 20, 68, 27, 63, 90, 16, 55, 66, 124, 6, 115, 13, 15, 54, 77, 112, 53, 47, 44, 79, 22, 113, 93, 14, 122, 34, 78, 80, 17, 62, 116, 109, 65, 51, 57, 48, 59, 60, 1, 31, 9, 7, 86, 119, 75, 72, 127, 49, 28, 33, 108, 11, 88, 52, 24, 94, 67, 38, 89, 3, 25, 19, 5, 111, 73, 71, 36, 83, 107, 69, 43, 97, 35, 117, 45, 100, 26, 99, 102, 8, 101, 37, 96, 92, 32], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 42, 121, 104, 23, 87, 103, 18, 118, 91, 82, 64, 29, 50, 58, 0, 95, 10, 70, 40, 27, 74, 105, 55, 93, 6, 30, 76, 84, 39, 85, 13, 12, 20, 98, 68, 21, 41, 81, 90, 122, 115, 77, 47, 16, 112, 80, 78, 15, 4, 44, 34, 66, 54, 1, 62, 113, 109, 14, 2, 49, 60, 22, 79, 17, 59, 65, 119, 31, 63, 19, 28, 53, 48, 124, 86, 7, 75, 71, 9, 57, 24, 116, 73, 127, 102, 25, 3, 88, 33, 89, 43, 108, 83, 52, 72, 11, 51, 67, 8, 94, 111, 107, 38, 100, 45, 69, 5, 97, 26, 37, 35, 117, 36, 32, 99, 101, 96, 92], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 42, 104, 23, 87, 121, 103, 64, 18, 118, 0, 82, 58, 95, 29, 40, 91, 39, 30, 41, 27, 50, 98, 20, 93, 21, 74, 85, 112, 12, 105, 6, 84, 115, 90, 55, 10, 16, 76, 44, 81, 54, 68, 108, 122, 4, 14, 60, 1, 53, 34, 80, 62, 22, 13, 113, 59, 77, 17, 66, 109, 31, 86, 28, 47, 57, 48, 116, 49, 78, 15, 2, 70, 63, 51, 127, 102, 79, 124, 9, 88, 38, 43, 119, 19, 24, 71, 45, 52, 65, 73, 75, 25, 89, 107, 7, 26, 83, 36, 8, 94, 33, 35, 11, 99, 111, 100, 67, 3, 97, 72, 117, 5, 101, 69, 92, 37, 32, 96], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 42, 104, 87, 23, 121, 64, 103, 82, 18, 118, 0, 91, 6, 39, 29, 40, 27, 95, 74, 76, 30, 50, 85, 58, 10, 112, 1, 12, 34, 20, 41, 54, 44, 55, 21, 84, 13, 93, 105, 81, 98, 2, 68, 14, 47, 113, 80, 122, 63, 16, 53, 4, 77, 90, 51, 115, 119, 60, 78, 62, 49, 102, 15, 17, 79, 22, 124, 66, 48, 70, 31, 43, 116, 86, 59, 65, 9, 109, 71, 57, 75, 19, 108, 8, 33, 94, 88, 28, 25, 26, 127, 24, 38, 36, 89, 3, 52, 67, 83, 111, 107, 7, 69, 99, 117, 73, 101, 97, 11, 5, 100, 35, 45, 37, 32, 72, 96, 92], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 42, 104, 23, 121, 103, 87, 64, 0, 118, 91, 40, 82, 6, 18, 58, 41, 29, 27, 112, 76, 39, 50, 74, 98, 49, 10, 95, 93, 85, 12, 2, 122, 113, 20, 60, 84, 4, 30, 105, 124, 44, 63, 21, 34, 81, 62, 48, 115, 14, 68, 13, 77, 55, 80, 109, 116, 119, 53, 47, 54, 17, 51, 1, 8, 15, 59, 127, 43, 16, 66, 78, 70, 22, 102, 108, 31, 90, 79, 75, 57, 33, 65, 86, 36, 19, 38, 28, 45, 88, 52, 24, 9, 89, 71, 94, 111, 73, 3, 83, 11, 25, 99, 7, 107, 69, 67, 101, 97, 35, 100, 26, 5, 117, 37, 96, 92, 32, 72], [123, 61, 56, 125, 120, 114, 110, 46, 126, 106, 42, 104, 103, 121, 23, 87, 118, 0, 91, 82, 40, 6, 64, 18, 58, 29, 95, 10, 27, 93, 30, 41, 74, 39, 4, 55, 50, 98, 122, 81, 124, 12, 76, 66, 105, 85, 20, 112, 21, 62, 34, 54, 8, 68, 84, 48, 44, 16, 53, 115, 116, 90, 77, 113, 17, 14, 70, 63, 13, 78, 2, 1, 60, 80, 79, 15, 47, 28, 59, 109, 49, 102, 57, 75, 108, 119, 22, 127, 83, 71, 51, 31, 86, 73, 65, 33, 52, 9, 45, 7, 38, 35, 3, 19, 25, 88, 43, 111, 94, 69, 36, 97, 89, 26, 107, 24, 117, 11, 100, 99, 67, 5, 101, 92, 72, 37, 96, 32], [123, 61, 125, 56, 120, 114, 110, 46, 126, 106, 42, 104, 23, 121, 87, 118, 103, 18, 82, 40, 29, 64, 0, 91, 27, 44, 39, 58, 95, 21, 105, 50, 55, 30, 41, 6, 112, 74, 12, 10, 76, 113, 85, 122, 115, 20, 51, 98, 116, 47, 93, 54, 62, 34, 63, 70, 84, 1, 68, 109, 60, 17, 13, 8, 16, 80, 79, 78, 4, 90, 119, 124, 81, 2, 49, 108, 127, 102, 48, 15, 77, 53, 31, 86, 22, 43, 66, 59, 107, 52, 57, 14, 65, 28, 25, 75, 88, 7, 24, 19, 9, 94, 3, 71, 38, 73, 33, 67, 36, 83, 100, 5, 89, 97, 26, 11, 117, 111, 101, 69, 35, 37, 32, 99, 96, 45, 92, 72], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 42, 104, 121, 87, 64, 23, 0, 118, 103, 91, 18, 40, 82, 70, 58, 41, 27, 29, 39, 50, 12, 76, 112, 105, 95, 68, 20, 21, 10, 34, 30, 124, 54, 44, 85, 122, 74, 62, 78, 93, 55, 115, 2, 6, 81, 98, 113, 63, 84, 116, 13, 1, 51, 53, 60, 15, 119, 65, 66, 43, 17, 49, 57, 16, 4, 86, 79, 102, 77, 80, 47, 22, 8, 48, 59, 14, 52, 109, 31, 127, 90, 38, 75, 7, 108, 28, 71, 19, 88, 67, 25, 107, 33, 94, 9, 24, 5, 36, 89, 73, 97, 11, 26, 3, 45, 83, 92, 69, 100, 117, 37, 111, 101, 99, 35, 72, 32, 96], [123, 56, 61, 125, 120, 114, 110, 46, 126, 106, 42, 121, 104, 23, 87, 103, 64, 118, 18, 0, 91, 82, 39, 58, 70, 40, 95, 98, 29, 27, 50, 62, 30, 105, 93, 112, 116, 12, 44, 41, 55, 21, 10, 115, 122, 81, 74, 20, 63, 85, 68, 113, 76, 57, 78, 84, 54, 34, 2, 16, 80, 102, 13, 4, 6, 31, 66, 15, 79, 124, 109, 86, 1, 51, 90, 17, 60, 119, 59, 53, 48, 49, 47, 14, 22, 28, 65, 88, 108, 77, 127, 38, 7, 36, 73, 9, 75, 107, 25, 3, 8, 52, 24, 43, 71, 89, 26, 33, 67, 11, 83, 111, 94, 97, 45, 69, 19, 117, 5, 100, 72, 99, 35, 37, 92, 101, 32, 96], [123, 56, 61, 125, 120, 114, 110, 46, 126, 106, 42, 23, 104, 87, 121, 18, 103, 91, 118, 82, 58, 0, 64, 95, 70, 29, 74, 40, 122, 105, 21, 55, 27, 85, 39, 10, 30, 12, 50, 115, 34, 98, 20, 93, 41, 76, 13, 4, 54, 81, 80, 68, 15, 84, 62, 78, 113, 90, 63, 44, 51, 59, 16, 112, 57, 14, 124, 28, 48, 116, 22, 86, 79, 1, 77, 17, 47, 6, 66, 108, 60, 102, 119, 49, 2, 71, 25, 109, 31, 94, 53, 127, 24, 9, 19, 75, 111, 11, 43, 52, 33, 7, 83, 8, 36, 65, 88, 38, 107, 72, 97, 73, 3, 5, 89, 100, 69, 35, 26, 67, 99, 45, 37, 117, 32, 101, 96, 92], [123, 61, 56, 125, 120, 114, 110, 46, 126, 106, 42, 23, 104, 87, 121, 118, 103, 18, 82, 91, 64, 70, 58, 0, 29, 40, 122, 98, 39, 41, 50, 10, 30, 21, 55, 12, 27, 105, 20, 54, 124, 74, 113, 81, 95, 57, 85, 76, 116, 112, 109, 84, 47, 62, 93, 44, 15, 79, 127, 22, 13, 115, 78, 4, 17, 16, 34, 68, 49, 65, 80, 90, 77, 2, 48, 86, 119, 59, 63, 6, 51, 66, 60, 14, 53, 24, 31, 28, 1, 108, 52, 43, 89, 9, 94, 102, 19, 71, 73, 111, 88, 25, 75, 83, 72, 38, 7, 107, 67, 11, 36, 101, 117, 26, 33, 45, 3, 35, 5, 100, 97, 69, 37, 8, 99, 96, 32, 92], [123, 61, 125, 56, 120, 114, 110, 46, 126, 106, 42, 87, 104, 23, 121, 118, 91, 103, 0, 18, 64, 82, 58, 29, 39, 95, 30, 44, 51, 50, 27, 41, 40, 70, 116, 54, 122, 10, 47, 98, 34, 20, 12, 113, 84, 119, 112, 105, 21, 124, 93, 76, 115, 81, 109, 102, 60, 74, 85, 68, 53, 49, 63, 62, 57, 16, 4, 59, 31, 14, 66, 48, 77, 55, 86, 90, 13, 43, 79, 6, 1, 65, 127, 15, 78, 80, 17, 108, 33, 22, 28, 36, 2, 19, 24, 38, 9, 52, 72, 107, 73, 88, 71, 26, 45, 11, 89, 3, 97, 25, 94, 111, 67, 7, 100, 75, 117, 69, 83, 35, 92, 99, 101, 37, 32, 5, 8, 96], [123, 125, 56, 61, 120, 114, 110, 46, 126, 106, 42, 104, 23, 121, 87, 103, 118, 64, 0, 18, 40, 82, 41, 50, 29, 58, 91, 47, 95, 55, 39, 30, 27, 98, 60, 122, 124, 62, 57, 21, 20, 105, 93, 10, 76, 34, 49, 54, 12, 51, 115, 74, 85, 116, 81, 90, 6, 112, 53, 63, 84, 113, 1, 70, 4, 48, 13, 17, 59, 43, 16, 14, 77, 80, 15, 31, 2, 68, 78, 127, 102, 44, 28, 109, 72, 86, 79, 22, 119, 65, 25, 52, 108, 24, 36, 107, 7, 66, 88, 19, 38, 89, 99, 33, 11, 83, 9, 73, 71, 94, 75, 111, 101, 67, 35, 97, 3, 117, 100, 26, 37, 45, 69, 5, 96, 8, 32, 92], [123, 125, 56, 61, 120, 114, 110, 46, 126, 106, 42, 23, 104, 121, 87, 118, 64, 82, 0, 103, 18, 91, 58, 40, 6, 41, 10, 29, 74, 122, 12, 55, 62, 50, 95, 27, 85, 124, 17, 76, 39, 13, 105, 93, 30, 21, 20, 34, 68, 81, 98, 4, 57, 115, 54, 60, 78, 59, 90, 70, 80, 63, 48, 84, 77, 2, 79, 66, 112, 15, 116, 16, 72, 1, 19, 44, 49, 47, 119, 127, 113, 22, 11, 14, 51, 86, 28, 31, 102, 65, 7, 52, 53, 36, 73, 109, 33, 71, 43, 67, 38, 89, 24, 108, 75, 9, 111, 83, 25, 88, 101, 3, 69, 94, 26, 107, 117, 35, 5, 99, 45, 97, 100, 8, 37, 92, 32, 96], [123, 61, 56, 125, 120, 114, 110, 46, 126, 106, 42, 104, 121, 23, 87, 0, 103, 64, 118, 18, 91, 82, 6, 40, 58, 115, 41, 98, 62, 116, 29, 12, 50, 76, 39, 30, 95, 10, 55, 93, 85, 74, 105, 21, 4, 122, 47, 68, 84, 124, 78, 60, 49, 27, 51, 13, 66, 20, 44, 34, 48, 59, 77, 2, 112, 72, 63, 1, 17, 53, 70, 113, 57, 79, 65, 81, 14, 54, 86, 80, 16, 22, 90, 15, 31, 7, 52, 119, 11, 127, 28, 109, 111, 108, 25, 38, 19, 33, 83, 3, 9, 89, 94, 73, 102, 67, 36, 71, 100, 43, 24, 117, 97, 88, 75, 107, 45, 69, 5, 35, 26, 101, 37, 99, 96, 32, 92, 8], [123, 61, 125, 56, 120, 114, 110, 46, 126, 106, 42, 104, 23, 87, 121, 103, 18, 82, 58, 118, 6, 91, 29, 64, 40, 50, 0, 95, 44, 85, 39, 10, 12, 30, 62, 74, 21, 47, 27, 122, 51, 20, 41, 84, 124, 115, 105, 63, 76, 116, 98, 54, 60, 55, 112, 81, 68, 78, 17, 77, 80, 93, 4, 14, 13, 34, 16, 48, 113, 65, 15, 53, 119, 59, 66, 57, 31, 109, 90, 2, 49, 70, 79, 83, 72, 86, 1, 11, 7, 28, 22, 52, 127, 71, 24, 9, 111, 19, 73, 108, 25, 38, 89, 88, 75, 3, 67, 45, 43, 94, 33, 102, 97, 117, 69, 107, 26, 36, 37, 100, 5, 101, 99, 8, 35, 32, 92, 96], [123, 125, 61, 56, 120, 114, 110, 46, 126, 106, 104, 42, 23, 121, 87, 0, 103, 64, 118, 18, 91, 6, 29, 82, 58, 40, 95, 10, 105, 50, 39, 41, 27, 74, 68, 12, 62, 55, 76, 81, 63, 30, 122, 85, 112, 84, 20, 124, 21, 115, 34, 4, 70, 93, 98, 54, 60, 66, 59, 80, 65, 2, 90, 78, 31, 51, 15, 44, 49, 14, 16, 116, 77, 13, 22, 57, 17, 113, 86, 79, 28, 53, 47, 48, 72, 71, 109, 7, 127, 119, 1, 108, 24, 25, 11, 111, 9, 36, 73, 88, 83, 67, 75, 117, 52, 102, 43, 19, 99, 69, 94, 38, 33, 89, 45, 5, 3, 97, 100, 35, 26, 107, 8, 37, 101, 92, 96, 32], [123, 61, 125, 56, 120, 114, 110, 46, 126, 106, 42, 104, 87, 23, 121, 103, 118, 18, 82, 29, 50, 91, 53, 95, 12, 58, 64, 30, 85, 41, 40, 51, 6, 27, 39, 21, 10, 124, 0, 34, 76, 62, 105, 54, 112, 93, 63, 98, 55, 48, 74, 60, 47, 15, 115, 90, 20, 84, 17, 81, 16, 44, 122, 113, 57, 14, 68, 22, 4, 80, 59, 79, 13, 70, 77, 116, 31, 127, 78, 28, 108, 86, 102, 49, 66, 109, 83, 9, 1, 2, 71, 11, 43, 65, 119, 24, 7, 25, 33, 73, 88, 52, 111, 89, 72, 107, 19, 94, 38, 45, 8, 35, 100, 37, 36, 99, 26, 75, 67, 3, 117, 5, 97, 69, 101, 92, 32, 96]], "model.layers.29.self_attn.q_proj": [[45, 35, 109, 93, 22, 25, 80, 18, 83, 11, 14, 91, 67, 31, 1, 115, 124, 10, 88, 127, 43, 55, 13, 119, 8, 64, 81, 90, 6, 21, 7, 102, 48, 95, 5, 9, 69, 27, 112, 70, 40, 113, 78, 114, 126, 4, 120, 53, 50, 111, 61, 121, 2, 101, 24, 12, 103, 54, 37, 63, 57, 108, 38, 122, 92, 16, 44, 59, 97, 33, 52, 123, 28, 3, 96, 26, 116, 79, 104, 47, 49, 86, 100, 15, 17, 32, 60, 117, 62, 106, 36, 34, 118, 41, 58, 84, 51, 39, 89, 94, 46, 110, 19, 107, 29, 42, 77, 72, 56, 105, 125, 76, 30, 85, 0, 87, 23, 98, 20, 99, 82, 66, 73, 75, 65, 71, 68, 74], [45, 109, 35, 112, 93, 25, 22, 115, 18, 83, 14, 61, 13, 10, 80, 119, 31, 91, 55, 11, 121, 124, 54, 126, 7, 114, 50, 103, 60, 90, 102, 101, 21, 113, 62, 116, 123, 1, 8, 84, 15, 127, 110, 33, 88, 9, 20, 79, 48, 108, 27, 47, 122, 92, 125, 23, 95, 49, 28, 17, 69, 32, 118, 100, 75, 117, 85, 120, 52, 24, 51, 97, 107, 111, 37, 98, 63, 41, 46, 34, 59, 81, 4, 56, 43, 39, 104, 40, 106, 26, 53, 87, 57, 58, 42, 86, 94, 82, 38, 6, 36, 19, 105, 44, 76, 89, 30, 5, 29, 12, 64, 73, 67, 96, 16, 77, 71, 68, 74, 78, 72, 99, 70, 2, 66, 65, 3, 0], [45, 109, 55, 35, 118, 93, 22, 112, 111, 121, 113, 115, 43, 48, 25, 31, 91, 53, 62, 126, 40, 122, 52, 80, 119, 123, 50, 61, 49, 117, 51, 56, 27, 92, 58, 103, 104, 102, 18, 83, 60, 39, 124, 46, 108, 59, 44, 94, 54, 41, 127, 106, 90, 114, 76, 47, 57, 107, 99, 42, 20, 21, 116, 101, 120, 110, 32, 125, 88, 84, 63, 14, 16, 23, 38, 33, 28, 74, 64, 105, 95, 37, 97, 36, 7, 15, 98, 96, 1, 100, 2, 30, 79, 19, 89, 11, 86, 34, 85, 69, 10, 0, 87, 66, 29, 8, 72, 67, 12, 68, 65, 26, 24, 17, 70, 75, 78, 4, 81, 5, 6, 82, 3, 71, 13, 9, 77, 73], [45, 35, 109, 93, 22, 18, 25, 55, 83, 13, 124, 31, 115, 14, 88, 80, 61, 112, 91, 81, 10, 118, 21, 50, 11, 15, 121, 28, 90, 63, 77, 9, 73, 48, 64, 56, 33, 7, 103, 85, 23, 44, 126, 120, 127, 27, 41, 24, 43, 92, 119, 111, 114, 113, 29, 26, 12, 62, 99, 30, 58, 67, 1, 8, 122, 52, 117, 76, 97, 95, 57, 123, 60, 69, 116, 108, 84, 89, 102, 71, 20, 51, 39, 70, 74, 40, 53, 2, 17, 37, 86, 59, 107, 6, 104, 106, 79, 5, 38, 19, 105, 54, 100, 110, 82, 49, 42, 36, 101, 34, 47, 32, 98, 46, 96, 125, 72, 87, 16, 94, 3, 66, 78, 75, 0, 68, 4, 65], [41, 98, 57, 117, 25, 51, 86, 127, 95, 114, 125, 120, 121, 18, 93, 16, 78, 50, 115, 61, 110, 105, 59, 53, 48, 55, 119, 46, 15, 49, 31, 58, 38, 87, 40, 12, 47, 39, 28, 19, 88, 118, 62, 108, 63, 45, 74, 85, 11, 116, 72, 75, 54, 67, 123, 68, 9, 76, 56, 106, 124, 35, 122, 10, 126, 80, 101, 90, 7, 69, 107, 13, 65, 111, 91, 66, 60, 43, 42, 109, 64, 92, 1, 113, 71, 112, 100, 33, 70, 23, 103, 32, 44, 82, 21, 89, 52, 20, 27, 22, 36, 104, 17, 29, 102, 99, 81, 30, 37, 24, 26, 79, 77, 14, 2, 96, 84, 97, 94, 4, 83, 8, 73, 0, 3, 34, 5, 6], [41, 98, 117, 57, 127, 95, 25, 125, 86, 114, 51, 93, 53, 54, 50, 18, 48, 120, 60, 61, 58, 105, 119, 55, 111, 38, 78, 115, 31, 16, 87, 59, 62, 121, 40, 108, 88, 21, 106, 43, 126, 56, 35, 63, 19, 15, 116, 85, 110, 12, 28, 10, 45, 52, 122, 47, 92, 7, 90, 101, 124, 123, 104, 109, 36, 113, 49, 72, 29, 80, 100, 33, 81, 76, 112, 103, 44, 30, 74, 107, 32, 46, 91, 118, 9, 77, 42, 23, 24, 82, 97, 22, 1, 75, 2, 39, 89, 67, 37, 20, 94, 27, 83, 13, 5, 102, 11, 26, 99, 70, 96, 79, 17, 3, 4, 84, 14, 68, 71, 69, 73, 64, 34, 6, 8, 0, 66, 65], [41, 98, 57, 117, 25, 86, 95, 51, 61, 127, 114, 18, 78, 59, 125, 119, 121, 48, 16, 93, 53, 110, 50, 105, 120, 116, 62, 58, 55, 38, 49, 31, 7, 76, 67, 65, 39, 10, 15, 87, 115, 12, 28, 108, 9, 74, 88, 45, 71, 56, 75, 21, 118, 109, 44, 72, 47, 19, 46, 60, 113, 124, 111, 68, 99, 40, 122, 106, 54, 103, 92, 35, 64, 81, 85, 70, 100, 89, 90, 107, 29, 43, 23, 63, 42, 69, 66, 112, 82, 1, 52, 91, 20, 32, 126, 123, 104, 11, 36, 80, 27, 13, 102, 14, 2, 33, 37, 26, 84, 22, 4, 8, 5, 83, 30, 101, 77, 17, 79, 97, 73, 96, 24, 94, 0, 3, 34, 6], [41, 98, 57, 117, 95, 120, 86, 25, 114, 51, 127, 125, 18, 110, 93, 121, 78, 16, 105, 59, 48, 108, 53, 58, 62, 119, 50, 45, 61, 38, 47, 49, 15, 124, 115, 39, 87, 44, 72, 85, 31, 46, 55, 111, 118, 12, 76, 21, 101, 54, 109, 7, 65, 116, 77, 67, 92, 35, 107, 43, 40, 69, 32, 90, 9, 11, 10, 112, 19, 88, 52, 75, 80, 97, 106, 28, 42, 82, 68, 113, 123, 102, 83, 81, 66, 20, 74, 70, 84, 24, 56, 64, 60, 22, 89, 99, 29, 63, 94, 126, 104, 36, 14, 13, 122, 91, 26, 103, 27, 73, 33, 5, 30, 100, 4, 96, 17, 37, 79, 0, 23, 8, 71, 1, 2, 34, 6, 3], [39, 63, 52, 97, 18, 113, 13, 87, 22, 28, 100, 120, 10, 4, 8, 45, 92, 11, 66, 0, 89, 126, 6, 81, 94, 27, 29, 68, 69, 42, 72, 65, 15, 12, 1, 14, 30, 59, 127, 108, 25, 70, 86, 74, 82, 110, 80, 119, 20, 79, 77, 44, 111, 90, 21, 7, 78, 62, 50, 85, 43, 16, 17, 121, 5, 19, 102, 23, 101, 40, 35, 106, 116, 9, 64, 24, 67, 96, 122, 75, 26, 84, 55, 83, 47, 38, 118, 125, 95, 54, 105, 91, 99, 76, 58, 88, 37, 104, 93, 3, 98, 32, 61, 34, 57, 117, 49, 73, 123, 115, 56, 36, 109, 103, 46, 41, 51, 31, 60, 48, 53, 124, 112, 71, 107, 114, 2, 33], [63, 52, 39, 113, 120, 37, 122, 125, 126, 45, 106, 119, 58, 61, 127, 111, 55, 110, 57, 47, 116, 51, 62, 103, 123, 56, 48, 115, 117, 59, 49, 54, 118, 108, 60, 97, 109, 53, 50, 121, 44, 114, 46, 124, 112, 100, 105, 107, 43, 36, 22, 42, 28, 41, 40, 38, 104, 21, 87, 20, 101, 102, 27, 35, 96, 2, 91, 94, 98, 11, 32, 34, 19, 99, 18, 5, 25, 92, 24, 33, 90, 29, 26, 31, 85, 8, 89, 93, 30, 95, 88, 84, 78, 81, 14, 86, 15, 13, 73, 6, 83, 23, 16, 64, 75, 79, 17, 69, 66, 9, 10, 80, 82, 12, 76, 77, 3, 67, 72, 0, 65, 70, 71, 4, 74, 7, 1, 68], [63, 39, 52, 97, 24, 87, 50, 66, 54, 110, 64, 83, 18, 69, 11, 7, 92, 58, 120, 79, 3, 36, 73, 13, 20, 114, 28, 0, 57, 2, 67, 6, 9, 22, 119, 106, 80, 44, 45, 10, 113, 8, 26, 1, 68, 108, 48, 37, 111, 4, 30, 65, 122, 85, 29, 62, 47, 72, 71, 107, 126, 25, 88, 125, 49, 61, 89, 76, 103, 70, 51, 96, 34, 12, 123, 40, 16, 104, 35, 81, 5, 38, 78, 116, 124, 117, 115, 31, 90, 84, 127, 32, 46, 56, 59, 55, 101, 98, 42, 60, 100, 118, 14, 75, 121, 94, 91, 105, 53, 112, 43, 27, 15, 17, 23, 109, 19, 95, 99, 93, 77, 102, 86, 41, 21, 82, 74, 33], [63, 39, 113, 52, 97, 120, 55, 28, 122, 87, 126, 119, 62, 92, 50, 114, 59, 22, 111, 58, 109, 36, 118, 106, 51, 47, 18, 110, 121, 61, 125, 54, 56, 116, 105, 115, 48, 57, 42, 45, 60, 49, 15, 102, 107, 21, 101, 127, 123, 124, 46, 100, 41, 37, 103, 117, 40, 44, 112, 13, 19, 35, 24, 53, 108, 43, 89, 81, 38, 84, 93, 99, 20, 69, 91, 104, 33, 8, 96, 74, 85, 34, 94, 30, 11, 98, 27, 31, 32, 86, 25, 23, 29, 26, 95, 90, 10, 17, 9, 88, 79, 83, 82, 76, 12, 4, 14, 5, 78, 6, 80, 64, 16, 71, 72, 73, 66, 3, 1, 77, 70, 2, 65, 68, 7, 75, 0, 67], [111, 47, 95, 28, 25, 84, 97, 18, 86, 33, 39, 122, 16, 123, 74, 29, 69, 15, 53, 117, 78, 120, 107, 49, 58, 7, 4, 106, 124, 35, 75, 125, 64, 17, 2, 110, 62, 55, 61, 113, 63, 91, 13, 32, 46, 42, 126, 99, 23, 12, 54, 121, 3, 108, 112, 72, 115, 1, 37, 57, 38, 96, 73, 59, 85, 44, 36, 43, 41, 60, 45, 50, 119, 77, 19, 114, 27, 48, 109, 101, 67, 116, 118, 104, 79, 52, 87, 127, 56, 102, 22, 76, 26, 103, 70, 90, 40, 24, 20, 83, 31, 89, 51, 6, 82, 92, 105, 30, 88, 94, 0, 65, 93, 100, 98, 9, 34, 21, 11, 80, 71, 81, 5, 14, 8, 10, 66, 68], [111, 47, 28, 95, 25, 84, 39, 97, 86, 33, 18, 16, 60, 59, 115, 112, 29, 54, 15, 74, 7, 106, 78, 52, 110, 118, 123, 1, 114, 69, 64, 17, 46, 62, 120, 57, 109, 2, 13, 4, 75, 12, 122, 101, 116, 107, 126, 49, 99, 27, 119, 9, 113, 121, 50, 45, 48, 41, 124, 42, 70, 63, 72, 58, 81, 36, 55, 85, 90, 56, 23, 73, 87, 117, 125, 76, 94, 61, 26, 67, 20, 35, 3, 96, 30, 32, 38, 43, 100, 53, 44, 103, 77, 24, 51, 40, 127, 89, 91, 37, 108, 31, 88, 22, 79, 19, 82, 83, 102, 6, 34, 105, 65, 98, 104, 92, 93, 80, 21, 66, 5, 0, 14, 68, 71, 11, 10, 8], [111, 47, 28, 95, 25, 84, 126, 33, 18, 97, 57, 86, 39, 120, 16, 60, 110, 124, 61, 29, 63, 116, 74, 54, 78, 56, 17, 64, 7, 46, 15, 125, 99, 50, 4, 12, 107, 62, 127, 75, 48, 53, 27, 35, 96, 106, 112, 109, 92, 59, 38, 113, 67, 2, 49, 55, 101, 72, 45, 42, 36, 69, 1, 41, 119, 20, 31, 94, 108, 52, 58, 123, 13, 89, 85, 122, 121, 87, 23, 22, 40, 114, 117, 73, 37, 19, 44, 32, 115, 70, 76, 105, 100, 90, 118, 9, 24, 51, 103, 43, 104, 91, 102, 34, 26, 88, 82, 81, 30, 98, 6, 3, 83, 0, 68, 21, 14, 80, 77, 93, 71, 10, 79, 8, 5, 65, 11, 66], [111, 47, 28, 25, 95, 84, 57, 86, 39, 110, 62, 33, 18, 16, 74, 116, 78, 29, 97, 2, 49, 41, 17, 118, 96, 15, 115, 1, 7, 64, 69, 4, 126, 13, 59, 120, 3, 127, 113, 63, 51, 65, 58, 56, 125, 36, 44, 50, 85, 123, 35, 60, 121, 75, 99, 43, 54, 37, 42, 76, 117, 119, 98, 114, 106, 46, 6, 55, 67, 70, 108, 45, 79, 124, 40, 89, 109, 52, 48, 38, 32, 53, 0, 26, 24, 105, 101, 72, 73, 27, 9, 20, 82, 112, 103, 22, 5, 122, 30, 81, 94, 61, 12, 102, 104, 107, 83, 90, 34, 77, 23, 11, 80, 92, 87, 88, 93, 21, 10, 91, 31, 14, 19, 100, 71, 66, 68, 8], [49, 117, 102, 113, 123, 52, 116, 53, 38, 23, 41, 91, 33, 25, 121, 85, 118, 119, 54, 122, 115, 109, 59, 93, 104, 120, 30, 110, 62, 61, 51, 108, 60, 124, 82, 112, 45, 111, 98, 114, 57, 48, 50, 96, 42, 63, 36, 94, 56, 47, 126, 46, 106, 37, 125, 21, 35, 43, 107, 127, 58, 44, 77, 79, 27, 55, 100, 103, 99, 95, 89, 40, 105, 39, 97, 24, 84, 18, 34, 101, 32, 20, 16, 17, 22, 31, 19, 29, 76, 87, 11, 78, 90, 83, 28, 88, 86, 26, 72, 92, 15, 5, 12, 4, 14, 70, 71, 13, 74, 80, 73, 9, 75, 3, 7, 81, 66, 1, 10, 8, 6, 0, 65, 68, 69, 67, 2, 64], [49, 102, 113, 117, 33, 91, 25, 38, 116, 123, 54, 30, 82, 23, 110, 55, 85, 35, 53, 121, 109, 39, 115, 95, 58, 62, 122, 100, 43, 93, 98, 51, 89, 52, 59, 60, 27, 21, 41, 125, 78, 48, 119, 57, 120, 42, 77, 40, 37, 92, 50, 118, 108, 80, 90, 96, 63, 28, 114, 112, 24, 111, 61, 103, 106, 124, 104, 71, 56, 34, 47, 101, 5, 14, 11, 127, 99, 22, 20, 36, 46, 94, 29, 12, 126, 32, 9, 65, 19, 88, 68, 86, 31, 97, 44, 15, 107, 105, 26, 45, 87, 2, 18, 17, 83, 67, 70, 72, 6, 64, 84, 8, 10, 76, 1, 3, 0, 16, 13, 75, 81, 74, 79, 7, 73, 69, 66, 4], [49, 102, 113, 117, 53, 33, 30, 25, 38, 91, 85, 120, 23, 125, 122, 93, 60, 82, 119, 54, 61, 41, 48, 118, 96, 107, 59, 27, 94, 109, 50, 108, 121, 110, 114, 106, 52, 35, 98, 42, 103, 101, 20, 40, 95, 43, 45, 123, 58, 57, 105, 99, 14, 116, 62, 89, 46, 36, 44, 56, 100, 124, 39, 47, 80, 77, 26, 127, 51, 111, 55, 97, 78, 72, 126, 112, 92, 3, 63, 115, 31, 34, 104, 22, 11, 24, 90, 29, 84, 32, 28, 75, 37, 10, 88, 73, 71, 64, 83, 4, 87, 18, 21, 15, 17, 12, 19, 2, 81, 65, 74, 9, 5, 86, 70, 16, 79, 76, 7, 13, 6, 68, 1, 0, 69, 8, 66, 67], [49, 102, 113, 117, 123, 33, 52, 25, 53, 91, 122, 61, 23, 38, 63, 20, 41, 48, 82, 85, 100, 118, 121, 93, 112, 27, 89, 116, 15, 96, 114, 42, 108, 11, 35, 30, 97, 50, 39, 101, 62, 9, 120, 99, 51, 87, 46, 45, 6, 115, 47, 60, 57, 59, 44, 124, 68, 126, 111, 127, 105, 109, 58, 43, 94, 54, 90, 34, 110, 80, 32, 103, 40, 55, 56, 28, 29, 26, 107, 119, 77, 125, 106, 104, 14, 98, 4, 1, 37, 95, 84, 22, 73, 36, 81, 21, 18, 16, 92, 83, 88, 31, 8, 86, 66, 79, 70, 19, 24, 10, 12, 0, 75, 2, 17, 76, 69, 5, 71, 78, 13, 7, 67, 3, 74, 64, 65, 72], [117, 120, 60, 38, 58, 127, 122, 46, 52, 62, 102, 126, 55, 125, 118, 43, 110, 116, 123, 121, 124, 115, 113, 63, 61, 119, 51, 57, 53, 114, 112, 56, 25, 54, 48, 50, 45, 59, 47, 108, 111, 39, 107, 44, 97, 104, 35, 37, 49, 26, 109, 94, 106, 41, 105, 86, 42, 98, 83, 103, 17, 24, 101, 23, 28, 36, 40, 85, 88, 92, 100, 91, 78, 19, 22, 21, 75, 32, 30, 34, 99, 11, 96, 16, 95, 27, 77, 79, 29, 82, 84, 31, 33, 14, 90, 93, 20, 81, 89, 80, 72, 18, 9, 3, 12, 87, 7, 67, 76, 15, 73, 71, 69, 70, 8, 2, 6, 1, 5, 0, 13, 65, 64, 74, 66, 68, 10, 4], [117, 60, 58, 127, 38, 110, 122, 46, 52, 116, 62, 115, 118, 126, 120, 125, 123, 43, 102, 51, 61, 124, 63, 55, 113, 109, 53, 94, 56, 121, 119, 57, 112, 59, 97, 54, 50, 114, 48, 45, 107, 47, 108, 111, 39, 104, 28, 44, 106, 25, 103, 23, 49, 86, 26, 105, 42, 35, 83, 41, 37, 36, 98, 101, 17, 91, 40, 74, 30, 100, 88, 84, 33, 24, 32, 99, 19, 22, 95, 90, 85, 81, 34, 96, 92, 75, 93, 31, 11, 69, 79, 27, 77, 78, 29, 66, 15, 80, 72, 16, 0, 14, 3, 64, 5, 89, 12, 87, 71, 20, 67, 18, 2, 82, 21, 65, 1, 8, 68, 6, 13, 10, 70, 76, 7, 9, 73, 4], [117, 60, 46, 120, 38, 110, 127, 122, 58, 52, 115, 62, 57, 125, 116, 118, 43, 126, 119, 48, 63, 123, 61, 56, 35, 49, 25, 109, 94, 121, 55, 124, 47, 51, 111, 50, 112, 54, 114, 83, 53, 113, 24, 26, 108, 45, 59, 105, 40, 107, 104, 102, 44, 86, 41, 97, 106, 28, 103, 37, 42, 88, 30, 23, 36, 39, 101, 100, 22, 75, 34, 85, 99, 11, 84, 17, 31, 19, 32, 16, 98, 79, 27, 81, 91, 69, 92, 33, 78, 93, 96, 95, 3, 14, 72, 82, 90, 29, 8, 89, 77, 20, 5, 13, 18, 66, 80, 74, 15, 87, 2, 64, 0, 9, 21, 67, 70, 65, 71, 6, 1, 76, 7, 12, 10, 73, 68, 4], [46, 117, 38, 120, 110, 85, 94, 25, 97, 16, 9, 90, 12, 126, 122, 81, 23, 116, 58, 100, 15, 62, 118, 98, 52, 68, 14, 76, 28, 89, 7, 125, 87, 82, 61, 71, 121, 37, 18, 123, 48, 86, 1, 42, 60, 30, 21, 99, 57, 96, 31, 91, 44, 107, 32, 119, 112, 36, 53, 47, 56, 127, 51, 101, 45, 55, 115, 10, 113, 43, 70, 114, 124, 88, 104, 29, 26, 73, 92, 54, 79, 109, 111, 75, 49, 50, 63, 24, 19, 13, 20, 93, 59, 83, 4, 108, 95, 74, 80, 34, 84, 35, 17, 106, 72, 27, 6, 11, 103, 2, 77, 22, 105, 78, 41, 8, 40, 39, 5, 65, 33, 69, 64, 3, 66, 0, 67, 102], [41, 99, 67, 74, 80, 0, 86, 44, 4, 13, 71, 73, 19, 115, 118, 69, 124, 105, 52, 119, 113, 114, 51, 65, 122, 54, 12, 116, 112, 111, 35, 117, 110, 126, 57, 2, 62, 63, 64, 60, 48, 107, 61, 22, 6, 89, 121, 76, 84, 123, 109, 1, 29, 90, 3, 45, 30, 88, 14, 106, 83, 79, 10, 33, 92, 9, 108, 120, 20, 55, 23, 68, 39, 15, 40, 101, 102, 103, 98, 104, 66, 75, 100, 56, 27, 94, 11, 38, 53, 17, 58, 24, 31, 32, 8, 77, 70, 7, 5, 26, 43, 16, 85, 95, 81, 46, 34, 37, 49, 125, 96, 21, 28, 36, 72, 50, 127, 91, 93, 59, 97, 42, 82, 78, 87, 18, 47, 25], [41, 99, 80, 74, 13, 4, 86, 71, 19, 67, 73, 113, 52, 69, 61, 51, 12, 44, 118, 115, 112, 122, 64, 60, 114, 105, 111, 66, 2, 120, 57, 116, 103, 63, 6, 54, 119, 62, 124, 35, 75, 117, 43, 1, 55, 20, 15, 88, 48, 108, 126, 22, 101, 27, 125, 107, 21, 82, 29, 85, 31, 102, 76, 17, 50, 78, 34, 3, 90, 106, 37, 79, 26, 24, 8, 109, 83, 127, 59, 39, 23, 91, 45, 46, 87, 49, 98, 123, 100, 81, 96, 92, 110, 32, 30, 68, 93, 89, 38, 56, 97, 42, 18, 53, 84, 36, 33, 5, 58, 94, 72, 25, 28, 104, 14, 95, 121, 10, 65, 47, 70, 40, 11, 7, 16, 77, 9, 0], [41, 74, 0, 99, 65, 86, 2, 44, 80, 13, 67, 69, 4, 118, 119, 116, 115, 113, 71, 112, 54, 19, 111, 110, 114, 105, 73, 124, 12, 117, 121, 52, 122, 51, 126, 57, 35, 22, 107, 62, 48, 63, 29, 61, 15, 94, 3, 59, 68, 89, 83, 60, 6, 123, 10, 27, 90, 33, 45, 20, 108, 5, 24, 40, 88, 16, 106, 1, 49, 92, 64, 9, 76, 23, 53, 8, 32, 38, 75, 120, 100, 66, 7, 56, 21, 97, 79, 39, 104, 85, 26, 91, 18, 109, 93, 11, 82, 70, 55, 101, 87, 30, 58, 125, 98, 17, 78, 127, 31, 81, 72, 96, 84, 14, 77, 42, 28, 95, 34, 43, 25, 103, 102, 37, 47, 46, 36, 50], [41, 99, 0, 2, 44, 67, 86, 80, 13, 4, 65, 115, 118, 69, 71, 119, 116, 113, 73, 114, 111, 112, 122, 54, 19, 52, 51, 105, 124, 110, 126, 22, 121, 117, 57, 35, 74, 62, 29, 12, 107, 3, 48, 68, 61, 60, 63, 89, 33, 123, 64, 15, 6, 108, 90, 40, 5, 97, 94, 88, 16, 70, 27, 106, 20, 83, 100, 98, 17, 75, 79, 38, 49, 81, 45, 84, 11, 1, 39, 24, 76, 92, 56, 9, 91, 120, 104, 55, 96, 28, 18, 10, 26, 8, 14, 78, 82, 125, 109, 42, 25, 30, 85, 53, 59, 93, 7, 23, 37, 95, 101, 36, 58, 72, 46, 21, 127, 87, 31, 47, 34, 32, 102, 43, 50, 77, 66, 103], [106, 99, 59, 26, 118, 124, 94, 49, 42, 21, 62, 19, 115, 86, 17, 113, 60, 121, 40, 109, 55, 30, 78, 32, 80, 56, 117, 107, 73, 122, 28, 123, 47, 12, 24, 96, 98, 29, 120, 74, 23, 43, 50, 53, 11, 69, 51, 37, 125, 61, 63, 114, 52, 27, 79, 108, 116, 103, 57, 126, 110, 58, 127, 112, 119, 48, 84, 89, 105, 92, 39, 54, 46, 111, 36, 104, 4, 22, 8, 71, 101, 45, 3, 72, 67, 7, 90, 44, 41, 34, 38, 15, 77, 33, 102, 93, 97, 31, 100, 70, 14, 66, 64, 95, 88, 85, 76, 0, 1, 82, 91, 25, 81, 16, 87, 18, 5, 83, 20, 13, 6, 35, 65, 9, 68, 10, 75, 2], [106, 61, 99, 118, 115, 59, 121, 26, 94, 42, 107, 62, 113, 21, 19, 86, 125, 29, 11, 109, 28, 79, 50, 22, 55, 60, 25, 117, 40, 17, 126, 47, 90, 56, 123, 23, 119, 124, 24, 58, 52, 93, 80, 57, 78, 114, 39, 98, 13, 74, 66, 32, 16, 73, 116, 101, 85, 34, 65, 104, 53, 63, 103, 49, 12, 70, 122, 35, 36, 82, 120, 108, 45, 46, 4, 51, 71, 95, 30, 44, 20, 91, 37, 38, 105, 87, 72, 48, 112, 43, 27, 100, 77, 6, 7, 111, 97, 31, 41, 3, 89, 64, 110, 54, 127, 88, 96, 102, 92, 18, 84, 83, 33, 5, 69, 81, 76, 15, 14, 0, 67, 10, 75, 8, 9, 2, 1, 68], [106, 59, 115, 99, 118, 62, 50, 112, 26, 55, 94, 125, 86, 19, 117, 121, 124, 42, 24, 116, 21, 53, 80, 17, 29, 52, 122, 107, 44, 78, 49, 123, 30, 32, 40, 28, 45, 11, 57, 74, 61, 98, 63, 58, 120, 101, 113, 23, 46, 12, 110, 60, 104, 27, 48, 96, 51, 108, 109, 114, 47, 72, 126, 119, 69, 4, 127, 111, 54, 97, 73, 56, 71, 43, 36, 39, 95, 37, 103, 38, 102, 105, 41, 84, 33, 100, 7, 22, 34, 91, 93, 90, 35, 31, 79, 8, 66, 92, 87, 67, 88, 82, 20, 16, 25, 18, 68, 85, 76, 70, 15, 81, 64, 89, 3, 83, 1, 0, 14, 77, 6, 5, 9, 10, 65, 13, 75, 2], [106, 99, 107, 115, 59, 26, 94, 113, 86, 17, 19, 42, 21, 12, 121, 80, 30, 62, 40, 119, 117, 55, 96, 49, 78, 74, 60, 69, 61, 125, 112, 24, 72, 11, 118, 53, 114, 56, 124, 70, 120, 4, 32, 123, 116, 109, 108, 58, 5, 44, 104, 73, 110, 68, 52, 126, 93, 54, 89, 122, 67, 48, 45, 57, 1, 101, 63, 51, 37, 29, 47, 28, 71, 36, 127, 16, 43, 41, 111, 25, 105, 46, 22, 102, 13, 88, 9, 98, 83, 50, 27, 0, 84, 39, 8, 20, 95, 90, 14, 87, 7, 38, 77, 33, 64, 100, 6, 82, 92, 34, 79, 23, 76, 35, 3, 103, 31, 65, 18, 91, 85, 66, 97, 81, 10, 15, 2, 75]], "model.layers.29.self_attn.k_proj": [[109, 45, 99, 93, 22, 64, 31, 83, 80, 14, 25, 18, 11, 91, 67, 8, 2, 7, 126, 119, 1, 124, 6, 127, 70, 122, 112, 77, 13, 115, 60, 16, 21, 55, 9, 43, 114, 23, 10, 51, 4, 29, 90, 12, 52, 110, 63, 116, 41, 42, 36, 111, 57, 69, 118, 28, 59, 49, 120, 84, 103, 72, 123, 56, 61, 39, 121, 88, 113, 62, 54, 105, 44, 47, 53, 27, 40, 82, 58, 50, 117, 85, 102, 96, 48, 38, 92, 33, 100, 5, 24, 87, 108, 107, 106, 94, 101, 125, 98, 32, 46, 26, 34, 104, 15, 37, 30, 76, 97, 89, 79, 20, 95, 78, 75, 17, 35, 73, 81, 74, 66, 19, 86, 68, 71, 3, 0, 65], [105, 34, 57, 18, 53, 46, 51, 125, 78, 86, 117, 25, 58, 120, 16, 45, 64, 31, 127, 67, 95, 109, 98, 50, 12, 119, 29, 69, 59, 111, 108, 61, 66, 10, 112, 9, 19, 74, 87, 7, 70, 113, 41, 60, 92, 80, 13, 49, 15, 55, 91, 52, 114, 88, 21, 121, 62, 76, 2, 107, 65, 75, 116, 103, 38, 83, 63, 68, 100, 93, 104, 39, 0, 40, 72, 56, 20, 35, 106, 90, 110, 115, 73, 54, 118, 27, 36, 48, 6, 42, 44, 126, 81, 33, 122, 124, 47, 102, 43, 26, 123, 84, 77, 37, 1, 101, 28, 30, 96, 94, 23, 24, 99, 79, 85, 97, 32, 17, 71, 89, 11, 8, 22, 82, 5, 4, 14, 3], [63, 103, 22, 33, 92, 87, 13, 65, 18, 120, 10, 50, 4, 119, 126, 111, 54, 0, 61, 109, 49, 6, 62, 58, 81, 51, 117, 48, 127, 47, 125, 123, 122, 118, 59, 124, 46, 8, 45, 60, 56, 121, 115, 44, 30, 110, 113, 53, 116, 114, 112, 29, 2, 57, 71, 40, 55, 42, 43, 102, 52, 108, 37, 107, 25, 105, 73, 41, 98, 36, 20, 106, 104, 38, 11, 3, 34, 5, 39, 101, 91, 14, 100, 12, 7, 16, 78, 89, 67, 99, 83, 79, 31, 80, 24, 90, 76, 15, 32, 70, 95, 27, 93, 96, 35, 88, 21, 74, 94, 23, 17, 9, 85, 84, 26, 28, 86, 69, 75, 82, 19, 64, 1, 68, 97, 72, 66, 77], [47, 111, 64, 86, 95, 16, 84, 28, 25, 18, 74, 4, 1, 2, 72, 7, 97, 78, 67, 65, 6, 69, 15, 17, 29, 123, 12, 3, 124, 23, 76, 103, 75, 54, 31, 14, 0, 39, 77, 120, 55, 53, 27, 113, 85, 79, 61, 110, 70, 35, 81, 56, 13, 63, 122, 36, 105, 50, 126, 9, 19, 33, 101, 87, 91, 121, 57, 71, 125, 114, 32, 117, 62, 116, 24, 73, 48, 99, 109, 38, 127, 100, 108, 106, 118, 43, 115, 46, 52, 37, 44, 41, 119, 21, 42, 51, 26, 102, 60, 104, 30, 45, 107, 59, 34, 58, 90, 40, 98, 80, 94, 88, 49, 92, 82, 112, 89, 8, 96, 93, 20, 83, 11, 22, 10, 5, 66, 68], [49, 38, 97, 91, 25, 93, 117, 23, 80, 20, 92, 82, 15, 9, 64, 77, 11, 85, 2, 30, 68, 65, 87, 3, 45, 14, 108, 21, 5, 22, 17, 95, 96, 94, 50, 71, 120, 112, 36, 35, 18, 61, 37, 119, 8, 6, 118, 53, 70, 48, 46, 126, 106, 109, 55, 104, 59, 57, 34, 58, 122, 63, 111, 107, 33, 54, 123, 40, 62, 103, 52, 78, 105, 116, 124, 121, 39, 110, 99, 47, 28, 44, 24, 31, 101, 115, 42, 56, 41, 43, 89, 51, 127, 114, 125, 10, 60, 90, 83, 32, 19, 26, 98, 29, 1, 13, 67, 7, 100, 72, 113, 88, 84, 86, 0, 102, 12, 75, 81, 79, 16, 27, 76, 69, 74, 66, 73, 4], [110, 117, 102, 86, 33, 30, 52, 92, 25, 99, 58, 62, 119, 22, 125, 123, 54, 122, 114, 126, 53, 112, 55, 14, 81, 49, 111, 116, 51, 124, 47, 121, 48, 59, 61, 44, 103, 56, 63, 120, 75, 41, 108, 113, 115, 57, 118, 50, 83, 109, 16, 127, 39, 38, 107, 105, 35, 43, 31, 104, 46, 106, 28, 42, 45, 94, 91, 34, 32, 85, 23, 40, 37, 72, 100, 24, 101, 93, 26, 36, 18, 12, 29, 90, 5, 97, 9, 27, 98, 60, 84, 67, 0, 96, 95, 21, 87, 6, 20, 19, 82, 89, 80, 8, 78, 15, 2, 1, 7, 10, 88, 76, 68, 13, 77, 11, 79, 3, 17, 74, 65, 71, 64, 70, 69, 66, 73, 4], [105, 64, 35, 1, 118, 0, 116, 108, 67, 51, 119, 71, 19, 13, 86, 69, 73, 66, 4, 80, 65, 49, 2, 124, 48, 57, 12, 61, 122, 113, 47, 46, 114, 115, 43, 111, 44, 54, 3, 63, 99, 117, 126, 50, 74, 53, 58, 62, 121, 123, 52, 107, 60, 5, 56, 70, 106, 89, 6, 93, 55, 15, 103, 110, 59, 29, 94, 20, 88, 26, 112, 104, 17, 7, 75, 85, 72, 41, 33, 109, 76, 79, 97, 68, 45, 120, 90, 92, 9, 18, 101, 11, 125, 102, 84, 91, 30, 96, 32, 8, 77, 82, 87, 27, 23, 100, 38, 34, 78, 24, 14, 40, 21, 31, 37, 39, 127, 25, 98, 95, 42, 28, 81, 10, 83, 36, 22, 16], [42, 30, 99, 118, 35, 86, 26, 51, 21, 19, 78, 113, 61, 17, 64, 45, 11, 121, 66, 63, 111, 117, 106, 125, 28, 73, 124, 114, 123, 102, 71, 126, 53, 80, 108, 49, 122, 62, 12, 105, 41, 4, 32, 43, 74, 116, 16, 7, 38, 23, 56, 40, 119, 44, 55, 52, 3, 46, 104, 54, 65, 101, 115, 24, 47, 127, 110, 57, 109, 79, 69, 95, 70, 89, 36, 103, 58, 120, 48, 39, 29, 112, 33, 107, 98, 100, 25, 1, 59, 60, 50, 97, 37, 34, 94, 87, 15, 27, 91, 92, 20, 6, 72, 82, 31, 96, 85, 88, 93, 8, 10, 84, 67, 77, 13, 68, 18, 5, 75, 76, 90, 0, 22, 83, 81, 9, 2, 14]], "model.layers.29.self_attn.qk_proj": [[49, 63, 117, 111, 105, 47, 45, 109, 42, 110, 99, 22, 57, 106, 118, 41, 113, 86, 64, 0, 89, 51, 35, 119, 38, 16, 80, 53, 93, 61, 116, 95, 52, 28, 115, 82, 120, 124, 121, 94, 114, 62, 122, 25, 27, 46, 58, 125, 19, 44, 77, 102, 98, 18, 103, 83, 13, 54, 126, 108, 65, 50, 55, 33, 1, 39, 48, 10, 127, 3, 92, 71, 68, 78, 43, 112, 123, 7, 4, 97, 59, 14, 67, 107, 31, 56, 2, 66, 9, 90, 87, 5, 69, 74, 84, 73, 6, 21, 60, 26, 85, 29, 30, 11, 12, 23, 20, 75, 76, 79, 104, 81, 15, 8, 34, 72, 37, 17, 40, 101, 91, 36, 32, 24, 96, 88, 100, 70], [49, 63, 117, 111, 105, 47, 45, 109, 42, 110, 57, 41, 106, 99, 22, 0, 118, 64, 113, 86, 51, 89, 52, 35, 38, 119, 61, 16, 115, 95, 80, 121, 120, 124, 28, 116, 94, 62, 93, 114, 55, 53, 122, 59, 65, 82, 25, 18, 98, 127, 46, 44, 58, 77, 50, 27, 123, 13, 126, 83, 102, 54, 2, 43, 68, 1, 108, 33, 125, 103, 19, 48, 39, 4, 7, 3, 74, 71, 87, 67, 14, 97, 92, 112, 5, 78, 10, 31, 73, 66, 56, 60, 9, 90, 107, 21, 11, 6, 29, 76, 84, 69, 75, 12, 23, 20, 30, 104, 17, 85, 34, 40, 8, 72, 79, 81, 15, 26, 91, 36, 101, 88, 37, 24, 70, 32, 96, 100], [49, 63, 117, 111, 105, 47, 45, 109, 42, 110, 57, 99, 22, 113, 106, 64, 41, 86, 0, 118, 89, 35, 51, 119, 38, 115, 52, 124, 116, 16, 61, 80, 93, 120, 95, 62, 94, 122, 18, 28, 98, 102, 123, 25, 59, 53, 82, 65, 127, 121, 19, 50, 27, 67, 48, 46, 54, 83, 126, 125, 114, 77, 1, 44, 7, 58, 33, 43, 56, 108, 103, 2, 3, 13, 68, 112, 14, 39, 66, 10, 92, 97, 4, 55, 78, 90, 71, 9, 74, 84, 69, 87, 60, 73, 5, 21, 75, 31, 29, 107, 15, 20, 30, 12, 23, 11, 76, 85, 104, 6, 26, 70, 79, 81, 34, 40, 37, 101, 72, 17, 8, 91, 36, 32, 96, 88, 100, 24], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 57, 106, 41, 99, 22, 113, 86, 64, 0, 118, 35, 89, 122, 51, 119, 115, 52, 16, 124, 62, 116, 80, 38, 120, 61, 25, 94, 93, 95, 53, 28, 123, 46, 18, 121, 114, 82, 55, 54, 126, 102, 19, 1, 44, 50, 77, 39, 66, 127, 13, 3, 98, 125, 43, 33, 56, 48, 59, 58, 4, 27, 78, 83, 71, 7, 65, 68, 67, 14, 103, 97, 74, 69, 60, 108, 112, 11, 9, 31, 73, 2, 107, 87, 92, 70, 21, 10, 5, 76, 90, 85, 26, 29, 20, 79, 104, 84, 23, 12, 75, 15, 37, 81, 32, 72, 30, 36, 40, 101, 8, 6, 91, 34, 17, 88, 100, 24, 96], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 41, 106, 57, 99, 86, 22, 64, 118, 0, 113, 89, 51, 119, 124, 61, 35, 122, 16, 115, 52, 80, 62, 121, 120, 38, 54, 28, 46, 116, 25, 93, 18, 82, 95, 94, 53, 125, 114, 48, 44, 58, 126, 98, 1, 102, 83, 19, 27, 13, 59, 123, 50, 77, 43, 55, 78, 127, 7, 112, 39, 56, 103, 4, 68, 108, 67, 71, 73, 33, 65, 74, 66, 87, 14, 70, 2, 107, 10, 92, 69, 31, 97, 84, 3, 9, 60, 90, 30, 5, 21, 20, 11, 26, 76, 81, 23, 29, 15, 12, 85, 79, 91, 75, 104, 40, 8, 34, 37, 101, 100, 32, 17, 72, 88, 96, 24, 36, 6], [49, 63, 117, 105, 111, 47, 45, 109, 42, 41, 110, 106, 57, 22, 86, 118, 0, 99, 89, 64, 51, 113, 119, 35, 80, 52, 16, 116, 38, 115, 122, 124, 95, 61, 18, 44, 62, 28, 82, 94, 46, 53, 121, 93, 25, 125, 120, 27, 13, 126, 58, 19, 54, 114, 98, 50, 55, 48, 77, 65, 83, 71, 112, 102, 4, 123, 108, 107, 33, 59, 39, 68, 1, 56, 127, 103, 66, 78, 97, 92, 3, 87, 67, 74, 70, 14, 73, 10, 2, 43, 7, 60, 11, 90, 5, 31, 84, 21, 20, 9, 30, 69, 76, 23, 15, 34, 79, 29, 37, 75, 12, 8, 85, 40, 17, 26, 91, 81, 72, 104, 36, 32, 88, 101, 6, 24, 100, 96], [49, 63, 105, 117, 111, 47, 45, 109, 42, 41, 106, 22, 57, 99, 110, 86, 118, 64, 89, 0, 51, 35, 113, 38, 80, 119, 16, 95, 52, 115, 61, 116, 120, 94, 28, 46, 124, 122, 121, 126, 18, 125, 82, 53, 77, 93, 62, 25, 65, 13, 50, 27, 83, 1, 114, 112, 44, 127, 54, 123, 59, 43, 58, 48, 19, 103, 2, 102, 3, 67, 55, 98, 14, 108, 31, 71, 39, 4, 68, 74, 78, 10, 87, 90, 92, 5, 107, 7, 33, 97, 66, 29, 56, 60, 21, 9, 30, 84, 23, 70, 11, 73, 76, 20, 26, 85, 69, 12, 15, 34, 37, 81, 72, 75, 79, 17, 40, 91, 104, 101, 8, 24, 88, 100, 96, 32, 36, 6], [49, 63, 117, 105, 111, 47, 45, 109, 42, 41, 110, 99, 22, 106, 86, 57, 0, 113, 118, 64, 51, 38, 35, 89, 119, 52, 95, 28, 61, 115, 120, 93, 124, 80, 122, 62, 116, 16, 94, 25, 53, 121, 125, 82, 58, 123, 77, 102, 27, 103, 126, 44, 98, 54, 1, 83, 18, 114, 65, 112, 13, 127, 39, 48, 67, 59, 50, 19, 46, 56, 71, 108, 33, 68, 2, 66, 3, 97, 43, 92, 7, 55, 31, 14, 87, 90, 74, 10, 78, 4, 5, 23, 9, 107, 73, 20, 29, 85, 60, 21, 30, 69, 11, 84, 70, 26, 12, 40, 75, 79, 76, 15, 81, 17, 34, 37, 72, 101, 36, 91, 88, 104, 32, 6, 96, 24, 100, 8], [49, 63, 117, 105, 111, 47, 45, 109, 42, 99, 41, 110, 57, 22, 106, 118, 86, 64, 113, 89, 51, 0, 35, 38, 95, 119, 120, 52, 93, 16, 61, 116, 115, 123, 28, 80, 62, 124, 121, 94, 127, 126, 44, 59, 114, 82, 122, 58, 83, 48, 1, 98, 18, 25, 102, 103, 125, 65, 108, 13, 53, 19, 56, 67, 46, 112, 39, 54, 55, 3, 68, 33, 77, 27, 4, 43, 71, 66, 10, 31, 60, 50, 92, 97, 107, 90, 7, 74, 78, 30, 87, 69, 29, 14, 2, 85, 20, 23, 5, 26, 73, 21, 84, 76, 11, 75, 9, 12, 17, 79, 37, 81, 40, 15, 91, 104, 36, 101, 6, 70, 72, 34, 88, 96, 8, 32, 100, 24], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 57, 99, 118, 106, 41, 113, 22, 119, 64, 0, 86, 51, 35, 89, 38, 61, 115, 62, 52, 124, 116, 16, 55, 28, 80, 121, 120, 123, 25, 58, 46, 95, 65, 122, 126, 127, 82, 94, 53, 93, 18, 39, 83, 13, 98, 112, 114, 59, 44, 67, 125, 102, 19, 33, 77, 48, 56, 50, 92, 27, 4, 54, 31, 7, 68, 9, 2, 60, 43, 1, 71, 78, 3, 103, 108, 66, 74, 69, 97, 87, 14, 84, 10, 90, 11, 5, 107, 73, 29, 30, 76, 6, 20, 21, 23, 79, 26, 104, 40, 75, 85, 12, 91, 15, 34, 17, 81, 101, 8, 72, 36, 37, 70, 88, 100, 32, 96, 24], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 41, 99, 64, 22, 118, 0, 106, 57, 86, 51, 113, 89, 119, 35, 52, 38, 16, 122, 80, 61, 116, 25, 82, 28, 95, 121, 120, 93, 115, 46, 124, 18, 94, 126, 62, 125, 127, 53, 13, 19, 48, 65, 50, 1, 44, 83, 123, 59, 71, 4, 27, 3, 78, 114, 54, 77, 2, 55, 39, 108, 7, 58, 9, 102, 67, 14, 97, 10, 66, 103, 74, 68, 6, 73, 5, 33, 60, 56, 92, 98, 90, 69, 20, 23, 11, 87, 43, 112, 29, 84, 21, 30, 75, 31, 15, 85, 107, 12, 76, 79, 26, 81, 72, 104, 91, 17, 34, 32, 8, 37, 40, 101, 70, 36, 96, 24, 88, 100], [49, 63, 105, 117, 111, 47, 45, 109, 42, 41, 110, 22, 57, 106, 99, 86, 64, 118, 0, 89, 113, 35, 122, 52, 51, 38, 119, 16, 80, 61, 120, 28, 116, 95, 115, 93, 62, 82, 25, 124, 94, 18, 121, 19, 126, 53, 13, 83, 125, 103, 58, 1, 59, 3, 77, 48, 44, 55, 46, 4, 27, 123, 54, 102, 33, 114, 50, 2, 71, 43, 65, 78, 98, 68, 74, 67, 127, 108, 39, 14, 112, 60, 10, 66, 92, 97, 7, 107, 31, 56, 20, 90, 75, 9, 21, 6, 85, 23, 69, 87, 5, 29, 12, 26, 73, 76, 11, 81, 84, 30, 40, 17, 79, 34, 91, 15, 8, 37, 72, 36, 88, 24, 104, 100, 32, 101, 70, 96], [49, 63, 105, 117, 111, 47, 45, 109, 42, 110, 57, 99, 106, 41, 118, 113, 22, 86, 51, 64, 89, 120, 119, 0, 35, 52, 38, 61, 115, 116, 80, 95, 94, 124, 25, 122, 28, 16, 62, 46, 125, 121, 93, 43, 44, 53, 59, 58, 126, 123, 98, 102, 83, 18, 114, 33, 39, 82, 55, 65, 27, 48, 103, 77, 127, 19, 56, 54, 50, 13, 108, 112, 3, 67, 92, 1, 97, 71, 4, 90, 31, 60, 23, 2, 66, 68, 10, 78, 87, 73, 74, 107, 7, 26, 21, 40, 5, 29, 69, 85, 30, 20, 84, 14, 76, 9, 75, 6, 91, 17, 15, 12, 79, 34, 81, 11, 104, 101, 88, 100, 8, 37, 24, 96, 72, 36, 70, 32], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 99, 41, 106, 22, 57, 64, 118, 0, 86, 113, 51, 89, 35, 119, 80, 52, 61, 120, 38, 121, 95, 115, 16, 124, 122, 28, 116, 62, 25, 93, 53, 94, 59, 58, 123, 1, 48, 46, 65, 125, 50, 83, 13, 127, 114, 18, 92, 19, 98, 82, 71, 33, 4, 103, 66, 3, 126, 67, 77, 108, 54, 102, 27, 55, 60, 39, 14, 112, 2, 44, 43, 73, 10, 7, 107, 78, 56, 74, 68, 97, 31, 69, 84, 5, 87, 90, 20, 29, 9, 23, 76, 12, 75, 11, 26, 21, 30, 85, 40, 6, 34, 70, 79, 15, 81, 17, 37, 72, 104, 8, 100, 91, 101, 24, 88, 36, 32, 96], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 41, 106, 57, 118, 22, 99, 0, 64, 86, 89, 51, 113, 119, 38, 35, 52, 80, 95, 120, 16, 122, 116, 61, 28, 121, 126, 25, 94, 124, 82, 46, 53, 93, 123, 115, 13, 48, 114, 125, 65, 55, 83, 19, 62, 18, 39, 102, 3, 2, 1, 127, 71, 9, 98, 108, 54, 44, 50, 59, 73, 67, 4, 78, 43, 77, 7, 68, 92, 27, 14, 84, 60, 58, 74, 103, 66, 70, 10, 112, 33, 97, 21, 5, 20, 69, 75, 31, 107, 56, 90, 11, 23, 29, 76, 87, 30, 15, 26, 12, 79, 34, 91, 17, 85, 8, 40, 81, 104, 6, 101, 72, 37, 88, 100, 32, 24, 36, 96], [49, 63, 117, 105, 111, 47, 45, 109, 42, 41, 110, 57, 22, 99, 118, 106, 0, 86, 64, 113, 89, 51, 38, 35, 116, 119, 16, 80, 95, 52, 121, 124, 122, 46, 61, 123, 28, 120, 62, 25, 93, 126, 115, 18, 94, 82, 53, 83, 114, 13, 125, 102, 50, 33, 127, 1, 44, 48, 19, 4, 98, 108, 59, 103, 3, 68, 7, 65, 27, 78, 67, 77, 74, 39, 56, 58, 54, 55, 2, 71, 66, 73, 60, 97, 14, 43, 9, 70, 21, 90, 92, 69, 10, 87, 107, 5, 75, 85, 29, 84, 31, 30, 76, 20, 23, 12, 112, 104, 11, 79, 26, 81, 8, 37, 17, 15, 40, 34, 91, 72, 101, 32, 36, 100, 88, 96, 6, 24], [49, 63, 105, 117, 111, 47, 45, 109, 42, 41, 22, 110, 106, 99, 57, 118, 86, 51, 113, 64, 0, 35, 89, 38, 52, 80, 95, 16, 120, 28, 119, 61, 94, 115, 93, 25, 124, 116, 125, 123, 53, 121, 122, 46, 82, 102, 18, 114, 62, 83, 39, 126, 19, 27, 58, 13, 55, 1, 59, 48, 92, 33, 103, 127, 50, 98, 43, 44, 77, 87, 108, 54, 56, 4, 14, 65, 74, 90, 67, 31, 78, 66, 97, 3, 71, 73, 7, 10, 85, 68, 112, 2, 60, 29, 21, 23, 69, 9, 30, 76, 11, 107, 84, 26, 20, 5, 70, 81, 75, 12, 34, 104, 17, 91, 37, 15, 40, 32, 36, 24, 101, 79, 8, 72, 100, 96, 88, 6], [49, 63, 117, 111, 105, 47, 45, 109, 42, 110, 57, 86, 41, 106, 99, 22, 113, 118, 64, 0, 51, 89, 35, 95, 16, 115, 38, 119, 80, 122, 94, 28, 120, 116, 18, 62, 121, 93, 52, 124, 61, 123, 25, 53, 98, 83, 102, 125, 19, 82, 1, 27, 114, 3, 13, 48, 65, 50, 126, 67, 103, 39, 58, 59, 55, 127, 92, 54, 66, 68, 33, 77, 2, 71, 7, 74, 56, 46, 44, 14, 112, 78, 4, 108, 73, 10, 97, 60, 43, 5, 29, 20, 31, 9, 69, 90, 85, 30, 70, 87, 84, 23, 76, 107, 21, 26, 12, 75, 11, 15, 34, 81, 79, 91, 40, 17, 104, 101, 88, 8, 36, 72, 37, 32, 96, 6, 24, 100], [49, 63, 117, 111, 105, 47, 45, 109, 42, 110, 41, 106, 57, 118, 99, 22, 113, 64, 86, 0, 51, 89, 122, 38, 123, 119, 115, 120, 35, 121, 116, 61, 16, 28, 94, 80, 58, 55, 95, 25, 62, 124, 102, 125, 52, 127, 93, 53, 82, 19, 46, 39, 114, 13, 126, 43, 59, 18, 44, 83, 1, 54, 65, 66, 98, 33, 50, 92, 56, 7, 77, 48, 3, 27, 112, 108, 71, 14, 67, 78, 9, 73, 4, 103, 10, 31, 2, 23, 68, 29, 74, 60, 97, 107, 104, 5, 21, 69, 84, 30, 90, 87, 85, 12, 76, 20, 75, 11, 15, 26, 70, 91, 34, 72, 81, 6, 79, 36, 17, 40, 37, 8, 96, 88, 101, 32, 100, 24], [49, 63, 117, 105, 111, 47, 45, 109, 42, 41, 110, 106, 57, 99, 22, 118, 86, 64, 113, 51, 0, 89, 35, 119, 38, 61, 52, 16, 28, 94, 120, 124, 116, 122, 80, 121, 62, 115, 82, 48, 125, 55, 25, 95, 93, 102, 127, 123, 54, 53, 39, 58, 46, 44, 83, 98, 114, 27, 59, 19, 18, 65, 1, 13, 112, 126, 33, 14, 2, 50, 77, 74, 3, 108, 68, 103, 73, 92, 43, 97, 71, 4, 7, 66, 78, 31, 60, 9, 10, 21, 56, 67, 6, 5, 90, 75, 23, 87, 76, 84, 69, 11, 29, 107, 20, 30, 85, 12, 79, 104, 26, 17, 72, 81, 36, 34, 37, 15, 101, 8, 70, 88, 40, 91, 96, 24, 32, 100], [49, 63, 117, 111, 105, 47, 45, 109, 42, 110, 57, 106, 22, 41, 99, 86, 118, 113, 0, 51, 89, 64, 35, 124, 61, 120, 62, 38, 119, 116, 16, 125, 93, 28, 121, 115, 94, 52, 80, 95, 122, 53, 25, 102, 18, 50, 44, 48, 83, 123, 82, 27, 98, 67, 114, 59, 1, 55, 54, 66, 13, 33, 77, 46, 108, 19, 103, 58, 4, 126, 112, 2, 71, 43, 14, 39, 3, 127, 7, 92, 65, 10, 97, 74, 9, 78, 69, 73, 60, 31, 68, 107, 56, 20, 87, 75, 23, 6, 84, 21, 90, 30, 29, 11, 5, 15, 76, 40, 26, 37, 104, 79, 12, 91, 34, 72, 81, 17, 85, 36, 24, 8, 32, 101, 96, 70, 100, 88], [49, 63, 117, 111, 105, 47, 45, 109, 42, 57, 41, 64, 110, 106, 22, 0, 99, 113, 118, 86, 51, 119, 124, 89, 62, 38, 80, 116, 35, 52, 121, 122, 95, 120, 16, 93, 115, 61, 28, 123, 46, 25, 102, 94, 48, 98, 127, 50, 1, 18, 58, 125, 83, 65, 53, 33, 2, 13, 59, 19, 3, 114, 77, 82, 54, 66, 4, 71, 27, 44, 112, 55, 103, 39, 67, 108, 7, 97, 56, 78, 126, 60, 92, 31, 6, 9, 68, 43, 14, 73, 10, 74, 107, 5, 29, 87, 30, 90, 69, 84, 75, 23, 72, 21, 20, 11, 85, 76, 104, 37, 26, 91, 79, 40, 12, 15, 17, 34, 81, 101, 36, 96, 8, 32, 88, 24, 70, 100], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 41, 106, 57, 99, 22, 118, 113, 64, 86, 51, 0, 52, 89, 35, 119, 121, 62, 120, 16, 38, 80, 95, 61, 28, 124, 93, 58, 25, 122, 94, 83, 115, 125, 116, 98, 48, 82, 123, 102, 39, 46, 55, 27, 53, 103, 18, 126, 127, 108, 114, 44, 13, 19, 77, 43, 54, 50, 33, 1, 59, 7, 65, 3, 71, 56, 4, 92, 31, 66, 78, 97, 10, 112, 29, 2, 67, 68, 9, 74, 69, 73, 87, 90, 14, 107, 5, 30, 76, 60, 84, 6, 20, 26, 23, 21, 11, 79, 75, 85, 40, 12, 104, 34, 91, 37, 72, 15, 17, 81, 101, 8, 70, 88, 32, 36, 96, 100, 24], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 41, 106, 57, 22, 99, 118, 0, 86, 51, 89, 113, 52, 35, 64, 16, 119, 62, 38, 28, 121, 95, 116, 115, 80, 122, 124, 82, 25, 120, 94, 61, 93, 125, 53, 58, 27, 46, 18, 98, 55, 126, 48, 50, 102, 83, 114, 19, 33, 39, 3, 77, 123, 71, 13, 108, 127, 54, 1, 103, 68, 44, 78, 74, 65, 59, 7, 97, 112, 67, 43, 66, 14, 4, 92, 60, 56, 10, 73, 69, 9, 21, 84, 76, 31, 2, 30, 11, 87, 107, 29, 5, 6, 85, 23, 90, 75, 20, 26, 12, 34, 72, 37, 79, 15, 40, 101, 8, 36, 104, 81, 17, 91, 70, 88, 32, 96, 24, 100], [49, 63, 117, 111, 105, 47, 45, 109, 42, 41, 106, 57, 118, 22, 110, 99, 86, 113, 64, 0, 89, 119, 51, 35, 124, 62, 52, 80, 28, 38, 61, 16, 121, 116, 120, 115, 95, 93, 122, 82, 53, 25, 94, 83, 125, 18, 54, 114, 48, 27, 98, 77, 46, 55, 127, 108, 102, 59, 58, 39, 50, 65, 126, 13, 123, 44, 66, 19, 1, 43, 74, 92, 33, 78, 2, 3, 67, 103, 97, 71, 68, 7, 4, 112, 73, 14, 31, 84, 21, 10, 87, 60, 20, 9, 29, 23, 11, 90, 5, 75, 69, 107, 56, 30, 76, 26, 40, 12, 34, 70, 85, 6, 104, 91, 15, 37, 101, 81, 79, 8, 72, 17, 32, 96, 88, 24, 100, 36], [49, 63, 117, 105, 111, 47, 45, 109, 42, 41, 99, 110, 57, 118, 22, 106, 86, 0, 120, 113, 64, 89, 51, 35, 119, 124, 62, 61, 52, 95, 16, 38, 80, 28, 115, 94, 116, 93, 122, 126, 121, 25, 102, 123, 58, 48, 83, 18, 53, 125, 114, 82, 55, 27, 127, 54, 98, 46, 33, 65, 59, 44, 77, 13, 103, 108, 2, 39, 19, 97, 1, 60, 92, 10, 43, 7, 50, 112, 67, 3, 71, 74, 78, 87, 31, 14, 4, 73, 68, 90, 66, 69, 56, 29, 9, 107, 11, 21, 30, 20, 23, 5, 85, 70, 76, 40, 84, 12, 26, 37, 75, 91, 17, 104, 15, 81, 36, 34, 8, 101, 100, 72, 79, 88, 32, 96, 6, 24], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 118, 41, 22, 99, 57, 106, 86, 64, 0, 89, 51, 113, 35, 119, 38, 52, 124, 61, 120, 116, 80, 115, 16, 95, 126, 25, 102, 121, 93, 28, 122, 82, 114, 53, 62, 94, 54, 125, 83, 108, 58, 1, 123, 18, 39, 103, 19, 127, 27, 44, 50, 3, 55, 33, 66, 46, 67, 7, 92, 59, 13, 77, 65, 48, 43, 98, 4, 74, 112, 107, 97, 56, 68, 87, 78, 71, 9, 60, 90, 31, 10, 5, 14, 73, 2, 29, 26, 84, 85, 69, 20, 21, 11, 30, 70, 23, 12, 37, 17, 76, 75, 15, 34, 81, 104, 91, 40, 36, 79, 72, 101, 32, 8, 88, 96, 100, 24, 6], [49, 63, 117, 111, 105, 47, 45, 109, 42, 110, 118, 57, 41, 106, 22, 99, 64, 86, 113, 0, 51, 89, 119, 124, 52, 61, 120, 38, 62, 115, 122, 28, 35, 95, 16, 116, 82, 94, 80, 53, 25, 121, 93, 58, 98, 18, 114, 46, 19, 44, 126, 83, 125, 33, 123, 77, 1, 13, 127, 27, 59, 54, 55, 102, 9, 108, 39, 50, 3, 60, 7, 65, 78, 68, 71, 43, 4, 92, 66, 48, 10, 67, 73, 2, 14, 103, 31, 56, 97, 74, 5, 84, 70, 112, 87, 29, 23, 21, 69, 90, 107, 11, 15, 30, 85, 20, 76, 75, 79, 26, 37, 8, 12, 104, 17, 40, 101, 91, 34, 72, 36, 81, 32, 88, 6, 24, 96, 100], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 41, 57, 106, 99, 118, 22, 64, 0, 113, 86, 51, 119, 35, 89, 61, 38, 16, 120, 116, 46, 52, 80, 124, 53, 115, 25, 95, 94, 122, 28, 121, 62, 18, 125, 55, 126, 93, 114, 82, 44, 58, 65, 33, 77, 13, 108, 54, 98, 4, 48, 102, 27, 59, 1, 19, 83, 127, 60, 39, 123, 2, 78, 103, 43, 9, 56, 50, 92, 73, 67, 14, 71, 68, 70, 3, 66, 74, 7, 10, 112, 97, 29, 11, 87, 31, 5, 69, 84, 90, 20, 21, 107, 30, 75, 26, 76, 85, 79, 23, 8, 40, 34, 17, 91, 104, 15, 12, 81, 6, 36, 72, 101, 37, 100, 32, 88, 96, 24], [49, 63, 117, 111, 105, 47, 45, 109, 42, 41, 57, 110, 22, 99, 106, 86, 118, 51, 64, 113, 89, 0, 80, 35, 16, 120, 38, 119, 61, 95, 122, 52, 115, 124, 94, 25, 93, 121, 116, 62, 46, 28, 125, 82, 18, 126, 53, 27, 102, 58, 83, 44, 114, 103, 65, 13, 55, 54, 77, 108, 98, 127, 19, 123, 50, 39, 33, 3, 48, 59, 60, 7, 92, 10, 71, 67, 68, 4, 1, 56, 90, 9, 43, 78, 74, 14, 66, 87, 69, 97, 31, 112, 21, 29, 73, 84, 2, 23, 85, 107, 5, 11, 20, 70, 30, 26, 79, 34, 12, 37, 6, 15, 40, 76, 81, 75, 104, 91, 72, 17, 8, 101, 88, 36, 24, 96, 32, 100], [49, 63, 117, 111, 105, 47, 45, 109, 42, 110, 57, 99, 41, 22, 0, 118, 106, 86, 64, 51, 113, 89, 35, 80, 119, 62, 52, 38, 124, 28, 16, 120, 95, 116, 121, 115, 61, 93, 122, 53, 18, 123, 94, 46, 25, 83, 98, 125, 77, 102, 48, 58, 54, 108, 82, 4, 55, 126, 1, 44, 27, 7, 59, 114, 127, 68, 39, 66, 103, 65, 50, 92, 71, 43, 10, 13, 33, 73, 2, 3, 74, 112, 90, 9, 67, 19, 60, 14, 78, 11, 87, 20, 29, 31, 97, 12, 21, 56, 6, 107, 5, 104, 69, 84, 40, 30, 75, 23, 85, 34, 76, 79, 26, 91, 70, 8, 37, 101, 81, 72, 17, 24, 88, 15, 32, 100, 36, 96], [49, 63, 117, 105, 111, 47, 45, 109, 42, 110, 41, 57, 22, 118, 106, 99, 86, 113, 51, 35, 119, 89, 64, 0, 61, 115, 38, 16, 52, 80, 62, 28, 53, 120, 95, 124, 121, 116, 122, 94, 25, 125, 93, 77, 114, 18, 55, 82, 102, 44, 27, 59, 98, 83, 48, 50, 126, 33, 19, 54, 123, 13, 7, 58, 65, 108, 10, 46, 3, 39, 127, 97, 71, 92, 103, 112, 1, 68, 67, 43, 78, 74, 14, 31, 73, 2, 87, 66, 4, 5, 90, 60, 11, 21, 85, 56, 23, 84, 107, 6, 26, 20, 12, 9, 69, 75, 29, 76, 34, 30, 104, 40, 79, 81, 15, 91, 17, 72, 8, 101, 37, 36, 32, 24, 96, 88, 100, 70]], "model.layers.30.self_attn.q_proj": [[61, 38, 48, 50, 97, 49, 111, 123, 83, 64, 89, 1, 127, 108, 79, 41, 86, 28, 94, 114, 14, 116, 102, 106, 17, 119, 67, 57, 54, 4, 40, 13, 59, 65, 85, 73, 109, 39, 52, 37, 58, 126, 12, 68, 60, 92, 84, 45, 120, 11, 125, 76, 8, 72, 44, 55, 87, 105, 80, 121, 43, 10, 2, 62, 110, 63, 74, 46, 118, 51, 81, 42, 101, 23, 3, 24, 9, 56, 71, 6, 112, 124, 5, 31, 15, 53, 35, 107, 0, 34, 117, 115, 21, 18, 88, 36, 113, 100, 7, 27, 47, 104, 16, 69, 93, 26, 90, 19, 95, 77, 103, 122, 20, 82, 32, 96, 66, 91, 99, 30, 29, 75, 22, 98, 33, 70, 78, 25], [61, 38, 50, 48, 97, 89, 112, 83, 55, 108, 17, 11, 60, 114, 72, 57, 85, 70, 28, 14, 111, 15, 62, 101, 3, 92, 123, 66, 25, 127, 34, 6, 126, 113, 36, 106, 86, 59, 52, 87, 69, 124, 39, 102, 45, 58, 0, 120, 94, 125, 63, 37, 29, 118, 104, 35, 43, 109, 47, 115, 10, 64, 119, 121, 56, 122, 51, 49, 40, 22, 27, 95, 53, 4, 46, 116, 90, 103, 21, 24, 32, 107, 81, 110, 23, 117, 26, 44, 19, 99, 16, 76, 42, 105, 41, 98, 88, 77, 30, 67, 20, 54, 73, 31, 93, 100, 65, 96, 18, 8, 84, 82, 12, 5, 80, 1, 78, 2, 91, 75, 7, 33, 71, 79, 13, 68, 74, 9], [50, 61, 38, 111, 48, 55, 97, 89, 106, 45, 86, 127, 60, 41, 125, 123, 124, 120, 17, 85, 102, 108, 70, 121, 62, 112, 92, 59, 52, 58, 51, 43, 119, 114, 49, 126, 66, 87, 11, 57, 83, 14, 53, 46, 39, 28, 40, 101, 115, 113, 104, 118, 117, 47, 56, 116, 122, 105, 63, 54, 44, 110, 103, 91, 3, 25, 72, 107, 109, 32, 36, 42, 0, 64, 34, 15, 6, 100, 30, 35, 94, 9, 33, 22, 37, 81, 90, 10, 31, 21, 95, 27, 96, 13, 12, 24, 99, 88, 26, 78, 84, 93, 19, 69, 67, 4, 98, 8, 16, 23, 18, 76, 29, 82, 77, 65, 73, 20, 80, 2, 7, 5, 79, 75, 1, 71, 68, 74], [61, 50, 111, 38, 112, 55, 60, 114, 124, 48, 110, 125, 97, 123, 109, 92, 53, 127, 89, 58, 52, 51, 62, 121, 44, 28, 118, 59, 41, 108, 119, 120, 45, 102, 46, 63, 126, 122, 116, 47, 104, 113, 56, 117, 54, 43, 101, 105, 57, 107, 37, 42, 29, 115, 88, 86, 106, 103, 40, 80, 100, 39, 34, 91, 49, 35, 30, 84, 36, 85, 83, 93, 25, 98, 32, 95, 99, 24, 16, 94, 17, 31, 23, 18, 22, 15, 69, 96, 21, 76, 82, 11, 90, 33, 87, 77, 20, 27, 81, 26, 4, 13, 19, 12, 68, 7, 73, 2, 71, 9, 5, 79, 75, 14, 10, 72, 74, 66, 70, 6, 0, 78, 1, 64, 67, 8, 65, 3], [46, 110, 34, 92, 119, 86, 24, 90, 83, 113, 61, 49, 54, 95, 82, 94, 31, 38, 70, 85, 74, 0, 121, 13, 7, 120, 127, 114, 12, 8, 101, 9, 59, 29, 79, 17, 47, 112, 23, 1, 48, 98, 53, 80, 51, 52, 4, 63, 2, 109, 67, 97, 55, 26, 42, 125, 58, 116, 36, 117, 60, 40, 41, 126, 108, 18, 62, 56, 124, 111, 122, 43, 115, 123, 73, 57, 105, 87, 118, 91, 81, 45, 25, 102, 28, 11, 19, 39, 37, 106, 64, 107, 100, 44, 104, 66, 93, 16, 27, 103, 20, 33, 88, 50, 96, 32, 68, 89, 35, 22, 84, 14, 5, 99, 21, 69, 30, 65, 78, 3, 10, 15, 6, 77, 71, 75, 76, 72], [46, 110, 34, 90, 86, 92, 24, 79, 18, 113, 31, 95, 83, 17, 119, 9, 70, 54, 4, 85, 42, 74, 55, 56, 61, 12, 120, 59, 58, 107, 98, 117, 7, 63, 67, 115, 13, 44, 50, 49, 116, 88, 114, 38, 16, 36, 40, 96, 29, 73, 8, 94, 91, 20, 48, 111, 52, 23, 97, 118, 37, 81, 2, 0, 109, 100, 57, 122, 125, 43, 45, 1, 51, 39, 127, 103, 93, 104, 47, 41, 27, 106, 5, 123, 33, 126, 101, 112, 124, 80, 26, 62, 28, 14, 102, 15, 32, 60, 87, 77, 108, 11, 78, 75, 105, 99, 84, 53, 76, 25, 69, 121, 35, 89, 30, 82, 21, 19, 72, 10, 68, 64, 6, 22, 66, 3, 65, 71], [46, 34, 110, 113, 120, 92, 24, 83, 90, 42, 31, 86, 17, 94, 8, 79, 14, 54, 118, 112, 117, 15, 52, 9, 66, 100, 45, 85, 36, 55, 38, 70, 13, 76, 84, 58, 11, 60, 10, 51, 98, 3, 56, 4, 63, 0, 29, 95, 49, 65, 32, 12, 48, 127, 119, 124, 122, 39, 59, 116, 47, 104, 41, 23, 43, 53, 126, 19, 44, 107, 61, 75, 7, 62, 1, 111, 67, 78, 106, 22, 114, 68, 109, 105, 35, 108, 18, 80, 82, 37, 123, 115, 96, 91, 102, 88, 97, 28, 93, 26, 6, 103, 50, 33, 40, 27, 121, 69, 87, 5, 20, 25, 57, 71, 101, 81, 30, 2, 89, 21, 125, 16, 77, 74, 73, 99, 72, 64], [46, 110, 34, 92, 90, 24, 86, 49, 83, 69, 13, 113, 114, 95, 61, 119, 31, 23, 85, 56, 94, 53, 80, 100, 17, 98, 54, 108, 9, 125, 57, 52, 103, 79, 27, 115, 74, 63, 50, 11, 18, 126, 111, 7, 41, 99, 122, 25, 28, 120, 1, 67, 55, 88, 29, 4, 26, 87, 62, 101, 45, 39, 33, 117, 104, 36, 43, 60, 102, 58, 38, 116, 118, 127, 59, 40, 51, 96, 44, 124, 123, 109, 73, 42, 121, 15, 70, 107, 5, 97, 106, 30, 112, 91, 78, 48, 47, 37, 89, 35, 32, 76, 105, 12, 0, 20, 21, 81, 75, 93, 16, 71, 19, 14, 8, 84, 64, 68, 10, 82, 72, 2, 65, 3, 22, 77, 6, 66], [42, 63, 117, 97, 27, 86, 106, 89, 16, 78, 31, 84, 115, 52, 11, 99, 81, 76, 53, 119, 96, 56, 49, 13, 10, 88, 100, 26, 73, 92, 121, 55, 118, 7, 24, 51, 50, 61, 114, 57, 8, 102, 127, 90, 20, 122, 41, 23, 46, 19, 116, 60, 28, 95, 82, 38, 6, 25, 36, 58, 94, 33, 120, 91, 62, 22, 35, 21, 54, 110, 83, 48, 9, 59, 15, 18, 66, 5, 125, 111, 126, 109, 17, 124, 72, 47, 39, 103, 112, 107, 108, 85, 113, 44, 123, 87, 40, 93, 14, 69, 80, 29, 45, 4, 77, 70, 30, 105, 43, 32, 74, 34, 101, 104, 98, 3, 12, 79, 37, 75, 68, 0, 71, 65, 67, 2, 1, 64], [42, 63, 117, 97, 35, 16, 56, 84, 27, 83, 86, 102, 101, 94, 92, 18, 19, 57, 11, 64, 106, 121, 49, 116, 93, 52, 100, 4, 37, 103, 24, 29, 98, 81, 72, 85, 65, 77, 99, 127, 9, 50, 76, 88, 70, 54, 55, 122, 61, 31, 73, 32, 96, 51, 119, 118, 58, 120, 68, 115, 78, 79, 95, 114, 82, 26, 74, 90, 109, 111, 28, 20, 125, 124, 23, 25, 41, 60, 7, 59, 48, 34, 3, 10, 80, 47, 46, 43, 36, 113, 67, 53, 5, 108, 126, 66, 1, 22, 44, 110, 105, 89, 15, 39, 21, 112, 38, 12, 30, 91, 8, 45, 62, 40, 104, 33, 123, 14, 6, 69, 13, 0, 107, 2, 17, 87, 71, 75], [42, 63, 11, 81, 78, 7, 97, 117, 84, 1, 86, 106, 27, 102, 94, 4, 55, 0, 65, 114, 6, 116, 98, 16, 9, 21, 13, 2, 100, 66, 58, 50, 92, 119, 89, 14, 30, 19, 101, 115, 93, 8, 64, 67, 52, 35, 18, 77, 76, 71, 82, 73, 75, 88, 31, 108, 12, 38, 70, 122, 103, 68, 72, 36, 20, 83, 10, 3, 91, 17, 23, 74, 80, 24, 79, 15, 32, 26, 5, 22, 29, 28, 90, 85, 120, 46, 96, 53, 39, 61, 69, 25, 34, 99, 49, 95, 118, 59, 87, 104, 121, 123, 57, 111, 47, 109, 126, 56, 37, 54, 124, 62, 45, 110, 125, 127, 48, 33, 60, 51, 105, 44, 41, 40, 43, 113, 107, 112], [63, 42, 55, 57, 49, 56, 51, 121, 112, 52, 122, 54, 116, 118, 127, 61, 120, 50, 48, 111, 59, 125, 47, 124, 108, 113, 115, 126, 60, 117, 114, 110, 97, 62, 44, 53, 85, 58, 123, 94, 46, 109, 38, 45, 24, 43, 86, 107, 41, 119, 27, 33, 102, 29, 106, 40, 39, 100, 28, 92, 104, 105, 18, 36, 26, 103, 22, 31, 90, 99, 101, 35, 88, 91, 21, 81, 37, 96, 84, 77, 30, 87, 93, 32, 15, 98, 95, 34, 20, 17, 82, 83, 19, 79, 25, 23, 80, 13, 16, 89, 12, 73, 75, 76, 11, 70, 78, 68, 74, 1, 10, 14, 0, 4, 8, 5, 67, 72, 9, 7, 6, 69, 71, 65, 66, 64, 2, 3], [111, 44, 61, 125, 116, 84, 108, 20, 124, 97, 52, 75, 100, 60, 11, 120, 117, 48, 115, 46, 47, 106, 56, 50, 49, 123, 121, 119, 28, 112, 87, 70, 63, 62, 55, 53, 59, 122, 127, 118, 110, 57, 113, 42, 90, 126, 114, 39, 51, 92, 45, 88, 54, 58, 93, 107, 109, 105, 32, 41, 98, 104, 91, 40, 79, 102, 25, 43, 15, 17, 86, 30, 37, 103, 27, 38, 31, 26, 101, 19, 35, 81, 33, 34, 36, 94, 99, 74, 23, 95, 83, 96, 22, 29, 89, 10, 2, 82, 21, 6, 16, 13, 85, 66, 24, 72, 64, 67, 18, 0, 76, 14, 65, 77, 68, 80, 5, 71, 9, 78, 4, 1, 12, 8, 73, 3, 7, 69], [44, 111, 116, 88, 18, 97, 61, 16, 78, 9, 115, 90, 51, 108, 89, 30, 109, 100, 71, 47, 4, 125, 102, 85, 26, 76, 2, 20, 120, 83, 10, 86, 79, 80, 73, 56, 68, 92, 23, 82, 94, 93, 112, 27, 55, 95, 11, 58, 66, 6, 40, 64, 118, 14, 87, 70, 52, 63, 53, 42, 127, 122, 126, 65, 7, 124, 67, 41, 50, 49, 12, 19, 24, 119, 91, 113, 28, 29, 74, 117, 81, 101, 59, 25, 1, 114, 103, 13, 38, 43, 21, 31, 17, 32, 107, 57, 123, 48, 96, 98, 0, 121, 72, 62, 34, 60, 84, 105, 106, 77, 46, 22, 8, 35, 54, 104, 5, 3, 45, 39, 36, 99, 33, 110, 37, 15, 75, 69], [44, 61, 108, 125, 97, 106, 115, 85, 88, 100, 116, 47, 51, 49, 120, 117, 126, 46, 124, 52, 87, 28, 93, 112, 59, 111, 50, 48, 119, 55, 17, 122, 92, 76, 57, 127, 62, 90, 123, 113, 118, 114, 56, 63, 60, 121, 21, 26, 53, 32, 54, 107, 58, 105, 45, 91, 40, 30, 42, 12, 104, 109, 86, 41, 39, 79, 27, 74, 110, 94, 103, 5, 34, 102, 43, 19, 23, 69, 38, 98, 83, 36, 37, 33, 31, 15, 101, 81, 95, 82, 99, 22, 35, 67, 72, 25, 89, 84, 96, 13, 2, 10, 29, 64, 18, 24, 16, 71, 20, 7, 77, 80, 3, 0, 66, 8, 78, 14, 65, 70, 4, 9, 11, 1, 68, 6, 73, 75], [44, 125, 111, 108, 61, 116, 115, 97, 51, 117, 87, 52, 122, 88, 106, 112, 49, 55, 126, 60, 100, 120, 93, 47, 59, 124, 58, 50, 113, 57, 48, 119, 118, 62, 127, 28, 46, 45, 92, 56, 63, 121, 114, 123, 90, 42, 17, 53, 74, 39, 41, 107, 104, 109, 19, 54, 86, 32, 79, 30, 91, 102, 40, 105, 13, 98, 110, 103, 26, 94, 15, 43, 95, 38, 36, 83, 35, 25, 101, 27, 37, 34, 89, 81, 96, 22, 23, 31, 33, 99, 29, 77, 67, 21, 85, 72, 84, 82, 10, 16, 2, 64, 24, 0, 9, 18, 70, 20, 80, 65, 8, 76, 5, 71, 78, 3, 14, 66, 12, 7, 11, 69, 75, 1, 73, 4, 68, 6], [113, 103, 122, 124, 52, 33, 55, 93, 119, 107, 47, 24, 42, 26, 48, 31, 112, 43, 54, 104, 90, 117, 123, 56, 45, 85, 41, 57, 108, 118, 116, 53, 87, 83, 115, 121, 37, 62, 120, 63, 35, 61, 99, 22, 29, 125, 114, 91, 59, 23, 39, 40, 21, 28, 60, 105, 49, 44, 102, 111, 101, 98, 51, 92, 127, 126, 106, 110, 58, 32, 36, 50, 38, 88, 46, 34, 97, 95, 100, 27, 11, 109, 96, 84, 30, 89, 18, 94, 82, 8, 10, 16, 72, 19, 14, 20, 80, 13, 71, 25, 75, 86, 77, 74, 81, 15, 78, 70, 5, 7, 68, 65, 2, 76, 6, 69, 0, 66, 64, 79, 12, 67, 17, 4, 3, 73, 1, 9], [122, 103, 33, 52, 93, 31, 117, 119, 91, 83, 22, 24, 54, 112, 111, 124, 90, 85, 26, 60, 105, 43, 27, 125, 42, 107, 45, 39, 97, 127, 29, 113, 20, 114, 96, 123, 73, 92, 118, 53, 78, 46, 61, 120, 110, 44, 58, 86, 116, 40, 115, 102, 48, 51, 21, 49, 47, 38, 62, 50, 55, 109, 101, 108, 25, 121, 126, 95, 35, 81, 56, 99, 37, 36, 63, 19, 30, 41, 28, 15, 57, 13, 34, 104, 89, 84, 87, 94, 32, 100, 106, 9, 82, 80, 23, 75, 98, 18, 14, 16, 59, 72, 88, 77, 5, 6, 64, 70, 67, 8, 1, 11, 0, 69, 10, 65, 68, 2, 17, 71, 4, 3, 79, 66, 7, 76, 12, 74], [57, 122, 103, 52, 113, 110, 105, 112, 22, 33, 54, 38, 101, 59, 116, 125, 43, 111, 60, 26, 109, 118, 50, 48, 97, 55, 3, 34, 39, 47, 126, 92, 78, 45, 127, 24, 40, 124, 31, 114, 61, 64, 120, 90, 75, 65, 119, 49, 123, 108, 83, 115, 18, 67, 20, 68, 71, 99, 36, 107, 106, 104, 44, 62, 63, 46, 100, 53, 96, 102, 25, 41, 42, 117, 19, 95, 51, 58, 74, 84, 121, 93, 56, 37, 21, 89, 87, 27, 94, 30, 32, 13, 35, 73, 86, 88, 82, 85, 98, 72, 28, 91, 10, 14, 23, 4, 77, 29, 9, 6, 8, 2, 1, 7, 0, 69, 66, 80, 70, 11, 16, 12, 15, 5, 79, 81, 17, 76], [103, 113, 93, 122, 24, 33, 15, 81, 76, 29, 83, 17, 57, 85, 10, 70, 104, 88, 21, 36, 34, 48, 19, 7, 22, 84, 97, 26, 66, 107, 5, 35, 12, 27, 124, 87, 42, 54, 30, 38, 55, 90, 23, 43, 16, 82, 74, 102, 75, 8, 20, 121, 63, 86, 49, 119, 94, 77, 45, 91, 68, 127, 14, 71, 62, 117, 73, 0, 79, 61, 13, 25, 32, 28, 2, 106, 80, 111, 11, 69, 116, 18, 47, 98, 59, 52, 31, 58, 89, 3, 72, 67, 92, 4, 78, 37, 96, 40, 99, 123, 100, 95, 118, 110, 39, 120, 112, 6, 46, 101, 65, 9, 64, 105, 60, 53, 126, 108, 44, 125, 114, 1, 41, 50, 115, 51, 56, 109], [56, 39, 60, 53, 117, 122, 94, 127, 109, 123, 116, 92, 58, 50, 124, 61, 103, 105, 59, 51, 55, 52, 113, 33, 111, 90, 114, 119, 115, 62, 97, 110, 54, 42, 121, 63, 47, 96, 57, 98, 34, 43, 95, 25, 36, 44, 45, 26, 108, 46, 112, 19, 126, 28, 49, 91, 85, 125, 30, 107, 118, 40, 38, 120, 102, 37, 106, 104, 88, 48, 41, 100, 23, 35, 101, 99, 27, 31, 29, 81, 20, 32, 83, 86, 87, 84, 89, 22, 93, 24, 76, 21, 78, 14, 17, 15, 75, 16, 66, 18, 79, 71, 74, 9, 0, 5, 4, 12, 67, 11, 80, 65, 82, 73, 7, 69, 70, 1, 2, 72, 77, 8, 68, 64, 3, 10, 6, 13], [53, 39, 60, 123, 61, 124, 55, 56, 50, 109, 51, 116, 54, 127, 120, 57, 122, 63, 97, 115, 47, 52, 59, 121, 90, 112, 119, 26, 58, 113, 117, 62, 114, 108, 126, 28, 125, 44, 49, 118, 107, 43, 94, 48, 110, 46, 19, 45, 105, 106, 111, 23, 38, 42, 41, 103, 101, 29, 100, 40, 85, 33, 104, 87, 102, 34, 25, 78, 35, 99, 22, 92, 95, 37, 36, 86, 30, 96, 98, 31, 91, 32, 83, 93, 21, 24, 17, 18, 27, 81, 20, 15, 14, 84, 75, 88, 89, 11, 79, 72, 76, 82, 16, 80, 12, 5, 77, 9, 74, 70, 66, 13, 67, 7, 6, 71, 8, 2, 69, 3, 10, 4, 65, 73, 0, 68, 1, 64], [39, 53, 56, 25, 18, 77, 16, 23, 74, 71, 4, 60, 97, 70, 64, 9, 0, 91, 52, 29, 31, 76, 34, 92, 67, 65, 122, 1, 100, 117, 30, 36, 15, 84, 13, 124, 40, 68, 2, 12, 82, 125, 99, 20, 10, 5, 17, 69, 98, 8, 94, 55, 6, 104, 79, 19, 81, 73, 14, 85, 42, 61, 88, 32, 7, 50, 86, 11, 90, 26, 3, 72, 24, 66, 21, 83, 75, 27, 80, 37, 107, 93, 38, 118, 87, 22, 114, 89, 113, 35, 78, 28, 41, 95, 63, 46, 126, 109, 96, 127, 51, 101, 58, 119, 33, 116, 123, 120, 59, 105, 45, 108, 102, 47, 112, 106, 54, 115, 62, 43, 57, 121, 44, 111, 110, 49, 48, 103], [39, 56, 53, 25, 18, 16, 23, 34, 97, 30, 83, 77, 52, 60, 122, 76, 29, 100, 74, 86, 93, 124, 61, 11, 94, 104, 10, 9, 71, 15, 22, 21, 13, 36, 55, 127, 90, 20, 26, 108, 91, 27, 119, 19, 80, 89, 98, 35, 40, 117, 79, 88, 92, 82, 59, 70, 107, 31, 12, 65, 51, 85, 84, 28, 41, 17, 4, 78, 102, 14, 7, 64, 87, 67, 75, 114, 72, 99, 8, 69, 81, 0, 37, 46, 32, 57, 24, 1, 112, 2, 125, 96, 73, 95, 54, 58, 115, 33, 126, 50, 118, 3, 101, 113, 38, 116, 42, 105, 6, 111, 63, 45, 120, 62, 44, 123, 49, 106, 68, 66, 103, 48, 110, 109, 5, 47, 43, 121], [123, 41, 34, 120, 115, 107, 58, 60, 12, 48, 51, 90, 127, 125, 82, 70, 23, 109, 73, 116, 32, 47, 77, 121, 62, 29, 106, 84, 126, 14, 59, 55, 86, 24, 108, 80, 46, 26, 45, 57, 63, 52, 54, 122, 37, 110, 4, 36, 92, 38, 50, 61, 105, 56, 117, 79, 113, 111, 112, 119, 104, 103, 118, 42, 69, 124, 15, 43, 94, 49, 53, 67, 66, 101, 85, 44, 93, 99, 114, 7, 89, 33, 88, 39, 97, 1, 95, 31, 28, 30, 91, 100, 35, 40, 64, 102, 21, 22, 74, 10, 13, 19, 83, 78, 8, 98, 9, 20, 76, 6, 16, 18, 87, 17, 25, 96, 27, 2, 81, 0, 71, 65, 11, 75, 5, 3, 72, 68], [41, 123, 34, 107, 65, 66, 0, 29, 90, 121, 14, 37, 1, 74, 2, 11, 59, 93, 70, 80, 124, 72, 81, 69, 68, 105, 26, 47, 4, 10, 60, 75, 58, 12, 84, 3, 24, 86, 32, 109, 17, 82, 103, 7, 115, 77, 111, 127, 125, 35, 13, 21, 5, 15, 120, 73, 46, 110, 51, 71, 45, 8, 67, 94, 52, 97, 126, 118, 55, 87, 48, 56, 106, 116, 42, 62, 61, 57, 108, 101, 63, 112, 38, 33, 98, 28, 50, 122, 31, 44, 117, 113, 43, 53, 6, 18, 64, 79, 100, 119, 88, 92, 104, 54, 114, 49, 16, 99, 30, 27, 85, 20, 39, 83, 78, 91, 36, 76, 40, 95, 19, 25, 89, 9, 96, 23, 102, 22], [123, 41, 109, 34, 59, 29, 115, 90, 58, 23, 127, 61, 120, 51, 125, 43, 126, 111, 103, 108, 46, 54, 113, 122, 47, 121, 57, 110, 116, 56, 86, 107, 48, 50, 124, 52, 118, 63, 38, 117, 12, 55, 112, 80, 53, 119, 84, 42, 89, 93, 60, 21, 62, 49, 45, 114, 102, 106, 104, 99, 70, 44, 101, 26, 77, 6, 7, 4, 82, 25, 14, 36, 39, 32, 40, 37, 31, 94, 88, 35, 65, 33, 100, 97, 73, 92, 10, 105, 22, 74, 3, 27, 83, 96, 87, 0, 67, 20, 30, 19, 17, 91, 15, 64, 85, 98, 95, 28, 24, 72, 66, 79, 68, 81, 13, 18, 75, 11, 69, 9, 71, 78, 16, 76, 1, 8, 2, 5], [123, 41, 109, 34, 107, 59, 58, 121, 23, 47, 60, 127, 29, 115, 84, 55, 90, 120, 125, 106, 56, 104, 43, 112, 12, 80, 126, 88, 61, 46, 50, 62, 103, 53, 122, 48, 116, 124, 57, 51, 32, 54, 45, 52, 111, 110, 63, 93, 113, 26, 38, 73, 114, 117, 42, 118, 82, 99, 108, 36, 101, 119, 86, 14, 37, 35, 89, 49, 24, 102, 105, 70, 100, 74, 17, 77, 65, 25, 44, 39, 21, 85, 97, 83, 31, 4, 94, 40, 67, 95, 7, 3, 92, 30, 76, 91, 79, 33, 0, 16, 9, 19, 28, 98, 20, 27, 96, 18, 22, 6, 87, 11, 78, 72, 15, 69, 81, 64, 13, 75, 66, 1, 71, 10, 68, 8, 5, 2], [127, 126, 63, 38, 120, 82, 20, 97, 91, 80, 9, 11, 13, 21, 56, 25, 69, 14, 30, 15, 29, 24, 90, 26, 75, 8, 94, 86, 102, 99, 124, 2, 88, 37, 93, 39, 95, 76, 103, 84, 78, 3, 7, 74, 43, 98, 71, 46, 68, 114, 17, 54, 121, 18, 47, 67, 125, 108, 19, 105, 0, 101, 85, 119, 58, 77, 44, 5, 49, 10, 55, 111, 42, 34, 51, 89, 96, 83, 31, 27, 62, 92, 107, 123, 52, 57, 35, 53, 48, 28, 110, 61, 87, 6, 72, 12, 60, 116, 16, 33, 64, 32, 59, 22, 118, 73, 70, 23, 66, 115, 79, 122, 100, 117, 112, 50, 41, 109, 36, 113, 104, 65, 81, 4, 40, 45, 106, 1], [63, 38, 126, 123, 119, 54, 56, 120, 62, 110, 47, 124, 61, 59, 125, 118, 60, 122, 51, 121, 115, 117, 111, 58, 48, 53, 50, 46, 49, 55, 23, 127, 116, 102, 109, 112, 97, 113, 114, 57, 52, 44, 87, 29, 45, 81, 93, 43, 26, 105, 92, 86, 108, 94, 88, 107, 41, 106, 17, 42, 104, 99, 103, 22, 40, 33, 21, 90, 39, 84, 101, 37, 95, 15, 83, 18, 35, 98, 79, 30, 74, 36, 31, 96, 100, 89, 70, 34, 27, 25, 28, 76, 0, 32, 80, 20, 6, 85, 19, 91, 65, 10, 24, 82, 78, 16, 12, 13, 1, 75, 14, 8, 67, 66, 64, 4, 69, 73, 68, 3, 9, 11, 7, 71, 2, 5, 77, 72], [126, 127, 63, 38, 123, 54, 119, 56, 62, 110, 125, 120, 61, 47, 60, 124, 59, 118, 46, 122, 49, 121, 51, 111, 115, 53, 55, 48, 58, 50, 116, 117, 113, 112, 97, 52, 44, 23, 114, 102, 29, 57, 43, 109, 45, 105, 93, 81, 86, 94, 26, 108, 104, 92, 88, 87, 107, 41, 42, 40, 99, 90, 103, 17, 22, 106, 33, 39, 31, 37, 74, 98, 101, 30, 15, 21, 95, 83, 36, 100, 35, 70, 96, 6, 34, 84, 27, 32, 20, 28, 79, 18, 25, 89, 0, 65, 16, 76, 19, 85, 80, 14, 91, 12, 82, 10, 24, 67, 78, 1, 4, 13, 64, 8, 75, 66, 68, 9, 3, 7, 73, 77, 69, 72, 5, 71, 2, 11], [126, 63, 38, 127, 16, 120, 20, 88, 78, 97, 82, 91, 75, 56, 30, 47, 73, 99, 21, 29, 54, 32, 13, 125, 39, 7, 15, 86, 119, 95, 62, 5, 90, 124, 25, 10, 8, 66, 80, 51, 69, 76, 0, 123, 9, 67, 84, 102, 111, 24, 77, 49, 58, 98, 53, 103, 109, 43, 114, 28, 26, 61, 44, 27, 79, 60, 50, 34, 18, 104, 14, 117, 118, 71, 59, 107, 19, 115, 70, 122, 57, 65, 121, 48, 17, 12, 85, 87, 89, 31, 113, 55, 83, 101, 112, 92, 100, 72, 52, 116, 23, 4, 110, 94, 22, 74, 35, 11, 46, 6, 45, 96, 33, 37, 105, 41, 108, 93, 68, 106, 40, 36, 81, 3, 1, 42, 2, 64]], "model.layers.30.self_attn.k_proj": [[61, 102, 50, 33, 48, 89, 86, 112, 92, 85, 14, 83, 60, 0, 58, 52, 113, 2, 108, 94, 11, 17, 114, 40, 120, 121, 47, 62, 65, 59, 55, 45, 123, 126, 72, 57, 53, 43, 116, 127, 56, 119, 124, 125, 63, 118, 51, 69, 98, 42, 38, 122, 117, 67, 46, 115, 44, 77, 49, 109, 41, 106, 80, 110, 54, 68, 107, 103, 100, 104, 29, 37, 105, 101, 9, 39, 10, 87, 91, 7, 6, 35, 64, 15, 31, 99, 111, 12, 36, 71, 4, 5, 84, 93, 70, 30, 90, 96, 32, 88, 27, 95, 23, 26, 34, 73, 82, 18, 28, 13, 66, 22, 76, 24, 16, 20, 21, 3, 74, 75, 1, 78, 25, 8, 19, 79, 97, 81], [110, 46, 98, 90, 0, 92, 24, 13, 31, 67, 18, 86, 2, 70, 113, 74, 1, 15, 83, 52, 17, 8, 4, 12, 16, 80, 51, 105, 9, 49, 84, 59, 21, 79, 41, 123, 116, 11, 64, 68, 94, 85, 7, 23, 54, 127, 119, 109, 29, 96, 124, 58, 115, 22, 122, 34, 100, 97, 101, 30, 38, 48, 14, 53, 45, 60, 126, 106, 118, 104, 39, 40, 35, 117, 56, 108, 120, 62, 63, 107, 47, 93, 37, 114, 5, 44, 87, 50, 102, 33, 43, 78, 111, 91, 27, 125, 42, 10, 89, 103, 112, 55, 36, 99, 32, 73, 69, 121, 61, 76, 26, 57, 95, 66, 71, 25, 28, 65, 75, 19, 20, 77, 81, 72, 6, 3, 88, 82], [106, 63, 86, 33, 117, 27, 11, 77, 78, 9, 4, 81, 7, 0, 84, 1, 55, 18, 49, 57, 31, 122, 16, 121, 95, 30, 72, 42, 116, 85, 56, 50, 59, 114, 119, 52, 51, 87, 58, 110, 54, 53, 43, 120, 34, 111, 44, 48, 118, 61, 124, 112, 115, 90, 113, 125, 103, 46, 36, 47, 62, 24, 29, 66, 41, 107, 105, 127, 37, 64, 45, 65, 109, 123, 3, 28, 126, 60, 104, 6, 67, 102, 10, 100, 108, 68, 32, 38, 99, 39, 35, 92, 40, 80, 94, 12, 5, 101, 73, 26, 23, 69, 93, 25, 76, 15, 8, 88, 20, 89, 70, 98, 91, 96, 83, 82, 14, 19, 74, 79, 13, 71, 2, 21, 17, 22, 75, 97], [108, 36, 44, 33, 86, 115, 47, 94, 111, 127, 17, 61, 52, 59, 26, 28, 41, 57, 96, 114, 126, 119, 49, 112, 104, 125, 117, 122, 118, 37, 48, 56, 120, 42, 62, 107, 60, 13, 55, 63, 50, 21, 123, 58, 124, 121, 88, 46, 43, 113, 39, 51, 106, 53, 102, 45, 40, 110, 109, 116, 54, 79, 101, 100, 105, 90, 31, 103, 72, 38, 5, 95, 98, 85, 93, 99, 76, 19, 14, 34, 24, 35, 27, 84, 87, 30, 91, 16, 12, 92, 89, 80, 32, 67, 97, 11, 3, 78, 74, 25, 65, 29, 23, 9, 75, 22, 81, 82, 18, 0, 20, 77, 2, 70, 83, 8, 73, 71, 6, 15, 7, 66, 1, 10, 68, 64, 4, 69], [39, 122, 113, 97, 49, 29, 57, 112, 26, 22, 88, 27, 73, 124, 24, 19, 93, 78, 48, 102, 59, 30, 127, 81, 123, 21, 10, 17, 47, 105, 118, 117, 85, 1, 83, 40, 54, 15, 111, 61, 107, 119, 63, 76, 43, 115, 95, 100, 60, 58, 109, 114, 52, 106, 126, 31, 12, 62, 55, 5, 53, 87, 41, 110, 37, 0, 121, 66, 120, 46, 7, 108, 4, 92, 104, 116, 51, 44, 103, 36, 125, 89, 79, 84, 101, 99, 96, 50, 42, 34, 25, 3, 32, 45, 13, 94, 56, 98, 14, 35, 38, 82, 77, 90, 75, 91, 80, 8, 69, 28, 20, 9, 18, 23, 16, 11, 33, 72, 71, 68, 86, 67, 6, 64, 70, 65, 2, 74], [103, 56, 53, 25, 33, 18, 16, 94, 77, 74, 60, 90, 23, 4, 70, 71, 87, 76, 22, 119, 0, 65, 109, 124, 55, 89, 122, 50, 120, 63, 52, 75, 123, 51, 86, 85, 67, 91, 93, 113, 44, 54, 35, 125, 127, 117, 114, 100, 47, 61, 116, 29, 9, 118, 36, 28, 19, 101, 59, 107, 106, 57, 98, 43, 62, 32, 72, 111, 49, 121, 42, 48, 58, 110, 8, 115, 45, 78, 108, 126, 11, 81, 41, 104, 46, 96, 105, 112, 79, 102, 2, 34, 5, 95, 92, 17, 31, 7, 37, 40, 38, 84, 66, 99, 30, 24, 12, 20, 6, 73, 27, 68, 88, 13, 14, 15, 39, 3, 80, 83, 1, 82, 64, 21, 97, 69, 26, 10], [105, 123, 98, 86, 59, 93, 64, 127, 50, 125, 60, 90, 67, 116, 121, 46, 80, 117, 124, 126, 51, 119, 73, 96, 56, 122, 101, 58, 57, 62, 48, 63, 14, 115, 45, 61, 11, 53, 112, 118, 52, 120, 82, 110, 55, 42, 43, 111, 113, 47, 106, 12, 114, 54, 44, 69, 1, 40, 109, 84, 49, 70, 108, 66, 39, 102, 24, 81, 37, 68, 3, 23, 100, 95, 19, 104, 36, 91, 71, 28, 8, 15, 77, 32, 21, 94, 35, 74, 17, 72, 103, 97, 85, 10, 5, 89, 99, 30, 38, 29, 25, 107, 33, 20, 87, 27, 83, 31, 92, 79, 41, 34, 6, 7, 88, 75, 65, 22, 26, 2, 13, 76, 18, 78, 4, 0, 9, 16], [126, 102, 63, 33, 86, 93, 127, 56, 95, 26, 120, 47, 124, 111, 112, 121, 54, 114, 46, 119, 53, 23, 61, 117, 51, 118, 57, 107, 48, 15, 122, 60, 58, 45, 55, 44, 59, 105, 52, 17, 104, 62, 20, 115, 49, 82, 94, 103, 13, 123, 50, 106, 108, 40, 125, 113, 116, 30, 41, 43, 42, 109, 110, 88, 39, 91, 79, 31, 28, 37, 38, 27, 87, 101, 18, 77, 92, 81, 89, 99, 29, 36, 96, 100, 34, 35, 83, 21, 11, 74, 32, 7, 10, 98, 75, 19, 25, 90, 84, 71, 65, 9, 6, 85, 16, 8, 14, 12, 76, 5, 97, 22, 78, 80, 24, 4, 73, 67, 1, 72, 66, 0, 69, 68, 70, 3, 2, 64]], "model.layers.30.self_attn.qk_proj": [[63, 61, 123, 56, 110, 126, 53, 46, 122, 113, 44, 50, 106, 127, 111, 117, 108, 60, 48, 22, 42, 57, 102, 59, 103, 52, 124, 125, 39, 105, 33, 49, 120, 119, 116, 38, 51, 90, 112, 86, 115, 55, 54, 26, 93, 29, 58, 97, 118, 114, 41, 109, 121, 47, 34, 24, 88, 30, 94, 92, 43, 62, 82, 25, 31, 45, 98, 28, 81, 89, 36, 23, 18, 107, 77, 83, 91, 101, 87, 13, 40, 80, 14, 17, 21, 85, 100, 78, 11, 16, 19, 27, 37, 79, 9, 84, 104, 75, 95, 15, 73, 76, 64, 0, 20, 96, 12, 71, 10, 7, 8, 35, 74, 67, 6, 4, 70, 68, 5, 99, 32, 65, 1, 72, 3, 69, 2, 66], [63, 61, 123, 126, 56, 110, 46, 53, 122, 113, 50, 44, 111, 106, 42, 117, 127, 108, 60, 48, 22, 57, 102, 120, 125, 103, 105, 124, 59, 52, 38, 112, 39, 86, 51, 33, 29, 115, 58, 54, 49, 26, 47, 55, 118, 97, 41, 109, 93, 116, 90, 119, 114, 30, 121, 45, 24, 94, 62, 88, 28, 25, 107, 92, 43, 31, 34, 98, 82, 91, 23, 89, 13, 17, 100, 18, 40, 104, 36, 81, 77, 14, 11, 19, 16, 78, 83, 80, 85, 87, 21, 37, 95, 9, 79, 99, 101, 76, 27, 0, 12, 75, 15, 70, 73, 68, 74, 64, 10, 20, 71, 35, 32, 84, 8, 7, 4, 3, 96, 1, 65, 67, 69, 6, 5, 72, 66, 2], [63, 61, 123, 126, 56, 110, 53, 46, 122, 113, 50, 44, 111, 106, 127, 117, 42, 48, 108, 22, 57, 102, 60, 103, 124, 105, 120, 59, 52, 51, 86, 33, 38, 39, 115, 54, 116, 49, 125, 55, 112, 58, 93, 119, 26, 47, 118, 121, 114, 29, 90, 97, 107, 24, 94, 109, 30, 62, 28, 88, 41, 34, 92, 25, 43, 40, 89, 45, 98, 18, 83, 31, 36, 81, 23, 101, 82, 100, 13, 16, 77, 80, 14, 91, 21, 19, 0, 11, 70, 17, 87, 85, 104, 95, 78, 20, 9, 37, 99, 75, 79, 15, 27, 74, 76, 71, 10, 84, 12, 32, 73, 64, 7, 4, 35, 67, 1, 96, 72, 68, 65, 3, 8, 5, 69, 2, 66, 6], [63, 61, 123, 126, 56, 110, 53, 46, 122, 113, 50, 44, 111, 106, 117, 108, 42, 127, 48, 52, 57, 22, 120, 124, 103, 102, 60, 58, 125, 39, 105, 38, 116, 121, 47, 49, 112, 51, 54, 86, 26, 33, 59, 93, 118, 114, 97, 119, 55, 43, 29, 109, 90, 115, 30, 24, 62, 41, 94, 45, 107, 34, 28, 92, 40, 25, 31, 88, 82, 104, 13, 98, 81, 89, 14, 80, 23, 36, 83, 78, 19, 18, 101, 100, 21, 91, 17, 77, 64, 11, 37, 87, 16, 76, 85, 95, 70, 99, 75, 79, 84, 15, 9, 73, 0, 27, 10, 71, 12, 20, 68, 32, 7, 3, 35, 1, 74, 96, 72, 65, 4, 8, 67, 69, 5, 66, 2, 6], [63, 61, 123, 56, 126, 53, 110, 46, 122, 113, 44, 50, 111, 127, 106, 108, 117, 42, 22, 48, 102, 52, 60, 57, 124, 120, 103, 125, 59, 51, 86, 116, 105, 39, 119, 58, 54, 47, 49, 55, 33, 112, 90, 26, 115, 118, 38, 93, 114, 29, 97, 41, 121, 109, 24, 62, 43, 107, 34, 31, 83, 92, 25, 89, 88, 94, 36, 30, 82, 81, 23, 45, 28, 18, 80, 21, 13, 98, 77, 14, 11, 17, 78, 40, 87, 101, 85, 27, 16, 100, 0, 19, 95, 79, 91, 104, 76, 15, 73, 12, 9, 75, 70, 64, 20, 84, 74, 37, 10, 1, 7, 72, 3, 71, 4, 65, 68, 35, 67, 96, 32, 8, 6, 5, 99, 69, 66, 2], [63, 61, 126, 56, 123, 110, 53, 46, 122, 113, 44, 50, 108, 111, 106, 42, 127, 22, 57, 48, 117, 105, 103, 102, 120, 86, 60, 52, 59, 38, 47, 112, 125, 124, 39, 54, 58, 116, 118, 51, 93, 33, 114, 29, 26, 45, 49, 90, 97, 55, 119, 41, 24, 109, 121, 115, 92, 25, 28, 43, 62, 88, 94, 81, 82, 23, 30, 21, 98, 36, 34, 14, 95, 31, 18, 13, 83, 107, 87, 89, 91, 80, 78, 17, 77, 27, 85, 40, 11, 19, 15, 104, 16, 101, 100, 12, 64, 9, 76, 79, 75, 37, 73, 70, 0, 4, 72, 74, 84, 20, 10, 7, 35, 6, 68, 65, 71, 32, 96, 3, 99, 67, 66, 69, 5, 8, 1, 2], [63, 61, 110, 123, 126, 56, 53, 122, 46, 44, 113, 50, 42, 111, 106, 108, 48, 22, 127, 102, 117, 59, 105, 125, 103, 124, 60, 57, 52, 120, 86, 112, 39, 47, 90, 116, 26, 38, 29, 93, 119, 115, 41, 109, 45, 55, 33, 121, 97, 114, 58, 51, 118, 43, 92, 54, 88, 62, 25, 24, 28, 49, 94, 23, 31, 81, 18, 107, 21, 82, 87, 85, 30, 80, 36, 89, 83, 98, 91, 17, 27, 77, 40, 95, 100, 11, 34, 14, 13, 78, 19, 16, 20, 15, 101, 12, 76, 6, 79, 73, 9, 75, 74, 104, 84, 10, 35, 37, 64, 0, 32, 7, 67, 71, 4, 72, 99, 65, 68, 70, 8, 1, 96, 3, 2, 5, 69, 66], [63, 61, 123, 56, 110, 126, 53, 122, 46, 113, 44, 50, 111, 106, 108, 42, 127, 48, 22, 117, 57, 102, 59, 60, 103, 124, 120, 52, 125, 115, 55, 105, 119, 112, 33, 90, 93, 38, 58, 116, 39, 49, 86, 51, 26, 47, 29, 97, 41, 121, 109, 114, 118, 92, 45, 54, 88, 25, 62, 24, 43, 30, 31, 89, 28, 107, 91, 94, 34, 18, 21, 36, 81, 23, 82, 17, 98, 40, 83, 100, 87, 13, 27, 14, 101, 16, 80, 78, 11, 85, 77, 20, 37, 95, 64, 75, 79, 0, 76, 19, 104, 15, 6, 9, 73, 84, 35, 10, 12, 96, 67, 7, 1, 99, 74, 72, 32, 65, 4, 71, 68, 3, 8, 69, 2, 66, 5, 70], [63, 61, 56, 110, 123, 53, 126, 46, 122, 113, 44, 50, 106, 111, 127, 42, 48, 108, 52, 60, 102, 57, 124, 117, 103, 22, 120, 58, 59, 116, 86, 125, 105, 39, 38, 51, 93, 119, 55, 112, 109, 97, 33, 29, 90, 26, 115, 49, 45, 47, 118, 43, 25, 41, 94, 92, 114, 88, 24, 54, 31, 107, 121, 30, 62, 23, 28, 18, 89, 34, 98, 91, 13, 40, 82, 27, 87, 83, 80, 21, 78, 100, 17, 36, 19, 77, 81, 95, 85, 11, 104, 20, 16, 14, 76, 84, 101, 79, 75, 37, 73, 6, 15, 12, 68, 99, 0, 32, 7, 4, 72, 9, 10, 74, 64, 71, 35, 1, 3, 96, 65, 5, 70, 8, 67, 2, 69, 66], [63, 61, 123, 126, 56, 110, 53, 122, 46, 113, 44, 50, 111, 106, 108, 127, 48, 60, 117, 124, 125, 120, 52, 102, 57, 22, 42, 103, 55, 38, 59, 49, 51, 58, 105, 33, 39, 47, 119, 121, 97, 86, 116, 115, 90, 93, 26, 43, 109, 54, 112, 29, 114, 34, 62, 118, 92, 24, 94, 88, 45, 30, 98, 107, 31, 41, 13, 40, 23, 28, 25, 83, 100, 82, 18, 91, 81, 37, 89, 104, 16, 77, 17, 85, 87, 80, 11, 21, 19, 64, 78, 6, 14, 36, 101, 75, 95, 27, 99, 74, 84, 73, 7, 68, 10, 4, 0, 20, 9, 71, 79, 12, 15, 76, 35, 72, 3, 65, 67, 96, 32, 1, 8, 70, 5, 66, 69, 2], [63, 61, 123, 126, 56, 110, 46, 122, 53, 113, 44, 50, 111, 106, 127, 108, 117, 48, 42, 22, 60, 52, 125, 57, 102, 103, 59, 124, 105, 112, 33, 39, 93, 49, 55, 120, 119, 86, 114, 121, 51, 116, 47, 38, 26, 118, 90, 54, 97, 29, 62, 115, 41, 109, 58, 24, 88, 34, 43, 92, 94, 30, 25, 31, 13, 89, 82, 14, 107, 17, 45, 28, 40, 98, 85, 36, 18, 77, 78, 19, 23, 91, 101, 81, 80, 83, 21, 104, 16, 11, 95, 73, 74, 9, 79, 87, 76, 12, 15, 0, 75, 64, 100, 27, 20, 6, 84, 7, 71, 4, 10, 72, 35, 8, 65, 67, 70, 3, 37, 68, 99, 32, 69, 96, 1, 66, 5, 2], [63, 61, 110, 123, 126, 56, 53, 46, 122, 113, 44, 50, 106, 108, 127, 111, 42, 22, 102, 48, 60, 124, 125, 52, 105, 103, 86, 117, 57, 112, 120, 59, 116, 33, 39, 29, 58, 93, 55, 119, 26, 41, 38, 115, 97, 47, 90, 114, 49, 51, 109, 118, 25, 121, 92, 24, 43, 54, 31, 62, 88, 30, 82, 23, 17, 94, 13, 81, 18, 98, 40, 28, 45, 14, 91, 77, 78, 101, 85, 16, 107, 34, 83, 89, 19, 21, 87, 80, 36, 27, 11, 95, 73, 100, 79, 75, 76, 9, 12, 84, 104, 37, 20, 71, 64, 35, 15, 4, 74, 0, 10, 68, 70, 69, 32, 72, 7, 8, 3, 96, 67, 99, 1, 6, 65, 5, 66, 2], [63, 61, 56, 110, 123, 126, 53, 122, 46, 113, 44, 50, 108, 127, 111, 106, 22, 42, 48, 124, 60, 102, 103, 38, 57, 120, 125, 55, 52, 58, 86, 119, 59, 33, 49, 105, 117, 47, 90, 29, 26, 97, 112, 39, 115, 116, 93, 109, 92, 118, 51, 54, 45, 114, 41, 24, 25, 43, 94, 88, 23, 121, 28, 91, 31, 62, 30, 18, 34, 89, 107, 17, 100, 82, 85, 83, 27, 87, 98, 95, 81, 19, 40, 13, 80, 78, 36, 21, 77, 37, 75, 14, 15, 16, 101, 104, 11, 0, 79, 70, 35, 76, 84, 73, 20, 99, 10, 9, 64, 12, 4, 96, 32, 68, 7, 74, 71, 72, 3, 1, 67, 8, 65, 66, 2, 69, 6, 5], [63, 61, 123, 56, 110, 126, 46, 53, 122, 113, 44, 50, 108, 111, 42, 106, 48, 127, 22, 124, 120, 117, 60, 57, 55, 102, 105, 103, 59, 39, 52, 58, 125, 38, 119, 33, 49, 51, 121, 47, 86, 116, 93, 112, 90, 26, 115, 41, 118, 109, 114, 29, 97, 24, 54, 62, 94, 43, 45, 92, 31, 25, 28, 88, 98, 107, 23, 82, 30, 21, 91, 89, 18, 34, 40, 83, 87, 17, 13, 78, 80, 36, 14, 81, 85, 75, 77, 104, 101, 16, 100, 64, 0, 15, 27, 70, 11, 95, 19, 37, 76, 12, 73, 79, 84, 7, 68, 74, 35, 8, 9, 71, 32, 67, 20, 99, 10, 4, 65, 69, 1, 3, 5, 72, 96, 66, 6, 2], [63, 61, 126, 123, 56, 110, 46, 53, 122, 44, 113, 50, 111, 106, 108, 42, 22, 127, 48, 117, 105, 57, 124, 102, 52, 103, 125, 55, 60, 120, 38, 115, 49, 39, 33, 121, 26, 97, 59, 116, 119, 86, 93, 54, 41, 47, 109, 90, 43, 51, 29, 114, 112, 34, 118, 58, 24, 45, 98, 62, 88, 92, 94, 25, 30, 31, 82, 28, 13, 23, 81, 89, 107, 40, 14, 78, 0, 80, 21, 87, 77, 18, 91, 83, 16, 17, 19, 100, 101, 36, 85, 76, 95, 75, 11, 70, 64, 104, 84, 9, 74, 73, 79, 15, 20, 12, 8, 37, 27, 35, 71, 10, 99, 7, 1, 68, 67, 4, 69, 65, 32, 3, 72, 96, 66, 2, 5, 6], [63, 61, 126, 123, 56, 110, 53, 46, 122, 113, 44, 50, 111, 106, 127, 108, 42, 22, 48, 117, 102, 52, 124, 57, 103, 105, 38, 60, 33, 86, 125, 116, 58, 59, 120, 118, 115, 114, 49, 39, 55, 112, 119, 93, 29, 97, 51, 26, 47, 41, 30, 94, 90, 54, 43, 121, 24, 109, 92, 25, 31, 89, 45, 34, 88, 40, 28, 107, 82, 98, 14, 91, 23, 81, 77, 62, 18, 80, 78, 100, 16, 85, 83, 87, 95, 13, 17, 21, 19, 101, 11, 64, 36, 76, 27, 75, 104, 79, 9, 73, 20, 12, 37, 84, 8, 3, 10, 70, 74, 0, 68, 4, 15, 7, 71, 1, 35, 96, 67, 99, 65, 5, 32, 69, 72, 2, 6, 66], [63, 61, 110, 126, 53, 56, 123, 46, 122, 44, 113, 50, 111, 106, 42, 108, 127, 22, 124, 57, 102, 48, 117, 60, 52, 105, 86, 103, 38, 116, 59, 125, 58, 33, 55, 47, 39, 112, 26, 29, 119, 120, 118, 115, 97, 90, 93, 49, 51, 121, 94, 109, 114, 43, 41, 62, 92, 31, 88, 45, 24, 25, 30, 34, 54, 23, 28, 40, 81, 83, 18, 89, 82, 17, 91, 98, 13, 100, 77, 16, 107, 87, 36, 21, 101, 95, 78, 14, 80, 27, 19, 84, 11, 85, 37, 20, 75, 104, 79, 15, 10, 12, 99, 9, 64, 76, 0, 4, 73, 96, 35, 7, 74, 8, 67, 68, 6, 3, 65, 71, 70, 32, 1, 5, 72, 66, 69, 2], [63, 61, 110, 56, 126, 123, 53, 46, 122, 113, 44, 50, 111, 106, 127, 42, 108, 48, 117, 57, 22, 102, 52, 105, 103, 60, 124, 59, 86, 116, 115, 33, 55, 38, 120, 39, 47, 125, 109, 112, 49, 97, 26, 51, 93, 62, 41, 29, 90, 119, 114, 118, 121, 58, 54, 94, 24, 92, 30, 107, 34, 88, 28, 45, 89, 43, 25, 18, 98, 31, 91, 23, 81, 83, 40, 13, 36, 16, 82, 19, 17, 78, 75, 77, 37, 14, 87, 100, 21, 85, 27, 101, 80, 104, 95, 9, 0, 64, 79, 20, 6, 15, 76, 73, 84, 35, 74, 11, 99, 12, 7, 96, 8, 32, 10, 1, 67, 71, 3, 4, 69, 72, 70, 66, 68, 65, 5, 2], [63, 61, 123, 126, 110, 56, 46, 53, 122, 113, 50, 44, 111, 106, 42, 127, 52, 108, 48, 57, 102, 117, 124, 120, 22, 103, 60, 51, 105, 39, 125, 33, 38, 47, 116, 59, 55, 86, 115, 49, 121, 118, 26, 112, 29, 58, 119, 97, 93, 109, 45, 43, 90, 54, 62, 41, 114, 30, 31, 107, 94, 24, 34, 40, 92, 98, 88, 23, 28, 36, 25, 77, 100, 81, 101, 89, 82, 17, 18, 91, 13, 21, 75, 78, 83, 95, 19, 14, 80, 16, 87, 37, 104, 9, 85, 11, 99, 6, 27, 12, 35, 76, 7, 84, 73, 71, 20, 64, 15, 79, 74, 10, 0, 68, 1, 32, 96, 8, 69, 3, 4, 65, 2, 72, 67, 5, 70, 66], [63, 61, 126, 123, 110, 56, 53, 46, 122, 113, 44, 50, 111, 108, 106, 42, 48, 127, 117, 22, 38, 124, 57, 52, 102, 105, 103, 120, 60, 33, 125, 59, 47, 39, 86, 26, 112, 97, 119, 51, 49, 58, 114, 116, 118, 29, 55, 115, 93, 90, 109, 121, 41, 54, 92, 30, 24, 45, 94, 34, 88, 31, 28, 62, 43, 107, 25, 23, 91, 98, 77, 36, 18, 81, 104, 40, 89, 87, 82, 17, 13, 19, 78, 101, 21, 85, 80, 83, 14, 79, 95, 16, 9, 10, 75, 6, 100, 76, 20, 11, 0, 15, 74, 37, 12, 71, 73, 68, 84, 64, 8, 27, 7, 32, 99, 4, 3, 72, 65, 35, 1, 96, 67, 66, 5, 69, 2, 70], [63, 61, 126, 123, 110, 56, 53, 46, 122, 113, 50, 44, 111, 106, 42, 108, 117, 57, 48, 127, 22, 60, 124, 52, 105, 102, 103, 59, 109, 33, 120, 125, 115, 114, 112, 116, 55, 86, 49, 38, 51, 118, 47, 39, 62, 90, 58, 93, 119, 26, 29, 97, 41, 121, 54, 107, 94, 45, 24, 28, 88, 92, 43, 98, 34, 30, 89, 36, 25, 31, 82, 95, 91, 83, 13, 80, 40, 77, 18, 104, 21, 87, 17, 81, 101, 23, 14, 78, 16, 75, 19, 11, 85, 64, 27, 37, 100, 15, 9, 76, 79, 6, 73, 0, 10, 35, 20, 99, 84, 4, 74, 65, 67, 32, 7, 71, 68, 12, 8, 1, 72, 69, 3, 96, 70, 2, 5, 66], [63, 61, 123, 126, 56, 110, 53, 46, 122, 113, 50, 44, 111, 117, 42, 106, 108, 127, 124, 52, 48, 102, 57, 60, 120, 103, 125, 22, 105, 112, 55, 58, 39, 59, 114, 38, 33, 115, 121, 119, 51, 118, 47, 116, 86, 29, 49, 26, 90, 109, 93, 54, 41, 107, 97, 94, 88, 62, 45, 30, 43, 31, 28, 23, 34, 92, 24, 91, 25, 83, 87, 36, 98, 82, 100, 17, 81, 89, 18, 77, 104, 64, 40, 37, 14, 19, 13, 85, 21, 95, 27, 101, 75, 80, 16, 78, 0, 76, 15, 20, 79, 11, 4, 9, 3, 73, 74, 99, 35, 10, 12, 96, 84, 6, 1, 70, 71, 7, 67, 8, 32, 65, 72, 69, 5, 68, 2, 66], [63, 61, 123, 110, 126, 56, 53, 46, 122, 113, 44, 50, 111, 127, 106, 108, 42, 124, 117, 48, 102, 22, 120, 60, 52, 125, 58, 38, 116, 33, 57, 103, 59, 119, 105, 115, 86, 118, 112, 49, 39, 55, 26, 47, 29, 93, 90, 121, 51, 97, 114, 41, 54, 94, 109, 88, 43, 28, 34, 45, 24, 62, 25, 30, 31, 92, 107, 89, 36, 98, 91, 82, 18, 23, 83, 87, 81, 100, 77, 17, 13, 40, 21, 101, 16, 14, 95, 85, 80, 78, 19, 0, 11, 27, 75, 104, 64, 9, 15, 84, 76, 71, 20, 73, 4, 74, 37, 79, 72, 65, 70, 12, 35, 99, 3, 1, 96, 7, 10, 68, 67, 2, 32, 8, 5, 66, 6, 69], [63, 61, 126, 123, 110, 56, 53, 46, 122, 113, 50, 44, 106, 111, 108, 42, 48, 22, 127, 120, 117, 124, 105, 52, 102, 57, 103, 38, 125, 33, 60, 59, 116, 118, 55, 112, 86, 97, 26, 93, 49, 90, 39, 121, 47, 119, 29, 51, 58, 114, 41, 115, 54, 109, 24, 92, 43, 62, 94, 28, 30, 88, 34, 25, 45, 36, 89, 107, 40, 82, 17, 98, 31, 23, 78, 91, 18, 81, 13, 104, 77, 83, 80, 19, 14, 95, 85, 87, 21, 16, 11, 75, 15, 79, 27, 76, 100, 70, 10, 9, 101, 37, 12, 73, 35, 4, 99, 20, 64, 72, 84, 32, 74, 71, 68, 7, 0, 67, 5, 1, 65, 3, 8, 96, 69, 6, 66, 2], [63, 61, 123, 126, 56, 110, 53, 46, 122, 113, 44, 50, 111, 108, 106, 42, 22, 48, 117, 57, 124, 52, 127, 60, 105, 120, 102, 59, 103, 116, 112, 55, 114, 115, 38, 125, 119, 86, 33, 121, 49, 39, 26, 109, 90, 47, 51, 118, 93, 29, 54, 43, 97, 41, 107, 58, 94, 28, 92, 25, 24, 30, 62, 23, 45, 88, 31, 36, 17, 34, 77, 85, 83, 98, 89, 40, 81, 87, 82, 101, 21, 18, 78, 16, 19, 91, 100, 27, 95, 13, 11, 104, 80, 75, 15, 70, 79, 9, 14, 73, 64, 84, 76, 12, 37, 7, 35, 74, 20, 0, 10, 68, 71, 32, 72, 67, 3, 99, 65, 8, 1, 96, 4, 5, 66, 69, 6, 2], [63, 61, 110, 126, 123, 56, 53, 46, 122, 113, 44, 50, 111, 108, 106, 42, 22, 48, 127, 124, 120, 60, 52, 102, 117, 57, 103, 105, 55, 125, 116, 33, 59, 115, 38, 119, 86, 49, 29, 39, 112, 118, 47, 90, 26, 58, 93, 121, 109, 97, 114, 94, 54, 51, 41, 24, 28, 62, 30, 92, 34, 25, 88, 43, 107, 31, 89, 98, 23, 91, 45, 82, 18, 100, 40, 36, 37, 83, 77, 19, 87, 17, 81, 85, 101, 27, 80, 95, 16, 13, 104, 21, 11, 75, 14, 64, 78, 35, 12, 79, 84, 9, 20, 15, 73, 99, 76, 10, 70, 0, 71, 74, 96, 68, 65, 32, 72, 3, 1, 7, 67, 5, 4, 69, 8, 2, 66, 6], [63, 61, 110, 123, 126, 56, 53, 46, 122, 113, 50, 44, 106, 111, 42, 108, 48, 117, 127, 22, 57, 52, 60, 102, 103, 105, 124, 59, 116, 38, 112, 125, 120, 109, 115, 121, 39, 55, 33, 119, 49, 86, 51, 93, 97, 118, 114, 54, 58, 26, 90, 41, 29, 62, 47, 88, 24, 94, 30, 91, 89, 34, 43, 31, 92, 25, 107, 28, 45, 101, 36, 98, 40, 18, 81, 82, 87, 83, 17, 85, 23, 19, 80, 11, 21, 13, 78, 100, 16, 27, 14, 77, 95, 104, 84, 37, 79, 35, 75, 12, 73, 0, 99, 76, 15, 9, 8, 64, 20, 74, 70, 32, 68, 10, 71, 7, 65, 67, 96, 4, 72, 3, 69, 1, 5, 6, 2, 66], [63, 61, 123, 126, 56, 110, 53, 46, 122, 113, 50, 44, 111, 106, 108, 117, 48, 127, 42, 22, 124, 120, 57, 52, 102, 103, 60, 125, 38, 105, 116, 33, 59, 39, 121, 49, 55, 112, 51, 47, 119, 26, 114, 115, 86, 93, 41, 43, 54, 90, 97, 58, 29, 109, 118, 62, 45, 34, 88, 92, 24, 94, 31, 107, 25, 89, 28, 30, 36, 91, 82, 81, 23, 98, 18, 77, 21, 11, 83, 14, 17, 40, 80, 0, 87, 78, 37, 16, 13, 19, 85, 100, 79, 9, 104, 84, 73, 95, 75, 12, 10, 64, 27, 15, 101, 76, 35, 71, 74, 99, 20, 6, 67, 68, 7, 1, 4, 65, 96, 70, 3, 32, 2, 72, 5, 8, 69, 66], [63, 61, 123, 126, 110, 53, 56, 46, 122, 113, 50, 44, 111, 106, 127, 117, 108, 42, 48, 125, 52, 124, 59, 22, 102, 57, 103, 38, 112, 60, 105, 33, 120, 116, 51, 119, 39, 115, 55, 97, 54, 43, 86, 62, 93, 49, 29, 26, 114, 41, 47, 58, 90, 118, 121, 34, 94, 24, 92, 109, 45, 89, 30, 88, 28, 31, 40, 95, 18, 101, 98, 25, 23, 14, 91, 107, 80, 82, 17, 16, 11, 85, 36, 77, 13, 78, 19, 100, 81, 104, 0, 87, 15, 83, 64, 73, 71, 6, 21, 79, 9, 75, 37, 76, 12, 10, 74, 27, 35, 20, 84, 4, 65, 68, 7, 8, 3, 67, 1, 96, 99, 70, 32, 72, 69, 66, 5, 2], [63, 61, 126, 123, 56, 110, 46, 53, 122, 113, 50, 44, 111, 42, 106, 57, 108, 117, 124, 22, 127, 48, 59, 52, 102, 125, 60, 120, 103, 105, 116, 38, 86, 39, 55, 112, 119, 58, 33, 26, 49, 114, 97, 29, 93, 51, 47, 41, 118, 90, 43, 115, 54, 45, 24, 109, 62, 88, 28, 92, 25, 94, 121, 18, 30, 34, 91, 31, 23, 100, 82, 81, 98, 89, 77, 21, 36, 85, 78, 87, 17, 19, 40, 14, 107, 80, 101, 13, 83, 11, 16, 104, 95, 73, 27, 15, 6, 9, 76, 79, 84, 75, 12, 37, 0, 4, 35, 74, 20, 68, 10, 71, 99, 64, 8, 7, 3, 67, 32, 1, 72, 69, 65, 5, 70, 96, 66, 2], [63, 61, 126, 123, 110, 56, 53, 46, 122, 113, 50, 44, 111, 124, 108, 117, 106, 42, 57, 60, 127, 22, 48, 103, 52, 102, 38, 116, 120, 59, 105, 49, 86, 55, 125, 39, 33, 47, 121, 114, 112, 51, 90, 115, 97, 29, 119, 26, 54, 118, 41, 93, 109, 58, 43, 25, 28, 62, 94, 30, 34, 24, 92, 31, 23, 88, 45, 36, 95, 78, 81, 82, 98, 19, 18, 83, 107, 91, 89, 13, 77, 21, 87, 6, 100, 14, 80, 85, 11, 40, 64, 73, 17, 104, 16, 15, 101, 9, 0, 71, 37, 4, 79, 7, 27, 75, 10, 74, 12, 84, 68, 67, 76, 8, 35, 3, 20, 1, 99, 65, 96, 66, 32, 72, 2, 69, 5, 70], [63, 61, 123, 110, 56, 126, 53, 122, 46, 113, 44, 50, 111, 106, 42, 108, 127, 22, 48, 60, 117, 102, 103, 124, 57, 125, 120, 52, 59, 38, 33, 105, 86, 55, 39, 29, 97, 49, 51, 121, 119, 26, 47, 90, 112, 115, 116, 93, 54, 114, 30, 109, 118, 41, 62, 43, 94, 25, 92, 31, 24, 88, 58, 34, 28, 91, 18, 81, 45, 100, 98, 82, 23, 107, 85, 11, 14, 13, 89, 37, 17, 36, 21, 80, 19, 83, 16, 40, 87, 77, 95, 27, 79, 78, 104, 73, 101, 6, 15, 9, 75, 35, 12, 10, 76, 99, 74, 8, 20, 71, 0, 4, 84, 96, 7, 32, 68, 72, 67, 69, 1, 3, 70, 65, 5, 64, 2, 66]], "model.layers.31.self_attn.q_proj": [[40, 121, 98, 46, 18, 25, 111, 9, 30, 21, 13, 51, 15, 11, 48, 105, 49, 67, 23, 60, 55, 53, 4, 6, 58, 116, 114, 124, 72, 107, 31, 88, 115, 95, 41, 109, 22, 108, 61, 17, 37, 59, 92, 50, 45, 19, 87, 43, 127, 20, 5, 97, 1, 14, 123, 27, 126, 69, 75, 78, 81, 90, 16, 120, 102, 101, 8, 24, 112, 93, 85, 52, 26, 63, 118, 0, 7, 33, 117, 62, 122, 96, 76, 94, 74, 113, 35, 36, 54, 28, 12, 77, 79, 57, 39, 56, 82, 70, 73, 42, 89, 84, 3, 80, 32, 106, 110, 103, 83, 99, 100, 2, 125, 65, 119, 68, 38, 29, 86, 71, 44, 47, 10, 104, 91, 64, 66, 34], [40, 121, 98, 46, 9, 13, 111, 21, 25, 18, 51, 67, 15, 49, 4, 95, 11, 108, 60, 50, 48, 117, 45, 68, 107, 88, 61, 116, 37, 64, 122, 41, 30, 58, 6, 92, 1, 72, 2, 105, 43, 123, 65, 109, 55, 0, 28, 87, 42, 3, 53, 5, 126, 23, 27, 39, 127, 54, 74, 19, 101, 114, 73, 85, 14, 62, 70, 113, 22, 115, 66, 31, 63, 34, 20, 93, 16, 78, 120, 33, 118, 69, 110, 124, 36, 90, 7, 75, 52, 104, 82, 57, 80, 77, 94, 32, 29, 24, 81, 10, 103, 12, 83, 17, 79, 76, 89, 26, 59, 8, 35, 112, 38, 44, 99, 119, 84, 125, 56, 71, 86, 100, 96, 102, 106, 91, 97, 47], [40, 111, 46, 121, 98, 37, 49, 21, 25, 117, 54, 114, 18, 95, 23, 60, 11, 15, 107, 51, 61, 53, 13, 116, 105, 4, 78, 62, 16, 48, 67, 30, 9, 113, 124, 80, 24, 72, 39, 41, 123, 17, 19, 6, 1, 120, 108, 88, 42, 90, 92, 70, 83, 52, 63, 8, 109, 0, 50, 58, 20, 85, 27, 87, 55, 122, 56, 84, 26, 65, 127, 115, 45, 38, 22, 103, 59, 112, 43, 96, 125, 29, 71, 126, 75, 118, 91, 57, 100, 7, 119, 36, 102, 101, 10, 68, 33, 79, 76, 2, 14, 34, 35, 81, 44, 74, 86, 94, 12, 97, 82, 110, 32, 47, 89, 73, 104, 5, 106, 93, 31, 69, 28, 99, 77, 66, 64, 3], [40, 121, 98, 46, 117, 111, 13, 21, 18, 61, 37, 9, 25, 15, 4, 51, 48, 30, 105, 11, 122, 107, 72, 49, 58, 87, 108, 24, 6, 23, 123, 67, 116, 63, 1, 110, 90, 88, 60, 0, 124, 14, 31, 127, 101, 39, 126, 45, 32, 95, 43, 41, 27, 109, 85, 52, 26, 92, 93, 64, 80, 50, 75, 5, 97, 22, 36, 78, 55, 100, 74, 16, 57, 70, 53, 103, 89, 19, 82, 73, 102, 28, 115, 113, 120, 83, 59, 35, 38, 42, 62, 12, 118, 17, 106, 20, 2, 114, 119, 79, 76, 71, 33, 125, 81, 66, 54, 112, 8, 68, 44, 91, 7, 77, 56, 96, 86, 94, 69, 65, 99, 29, 3, 84, 10, 104, 47, 34], [117, 50, 105, 108, 123, 49, 99, 44, 97, 25, 31, 87, 120, 21, 112, 16, 93, 82, 58, 78, 34, 29, 62, 118, 48, 114, 51, 38, 30, 43, 109, 32, 90, 42, 55, 7, 106, 10, 59, 103, 36, 53, 107, 52, 12, 61, 96, 45, 33, 124, 47, 46, 60, 26, 56, 23, 35, 63, 88, 39, 95, 113, 17, 125, 77, 28, 115, 121, 54, 19, 83, 57, 24, 122, 98, 94, 84, 68, 119, 116, 104, 15, 110, 92, 11, 69, 111, 40, 102, 126, 3, 100, 20, 127, 14, 22, 91, 86, 79, 27, 101, 8, 75, 37, 71, 89, 65, 74, 81, 85, 2, 72, 18, 64, 6, 76, 66, 73, 9, 80, 70, 67, 4, 13, 1, 5, 41, 0], [105, 123, 49, 117, 31, 99, 118, 2, 114, 109, 10, 16, 7, 82, 25, 78, 64, 69, 3, 68, 65, 50, 12, 8, 21, 77, 44, 97, 87, 67, 89, 115, 58, 41, 0, 66, 4, 71, 1, 111, 23, 98, 59, 61, 93, 104, 120, 127, 72, 63, 5, 39, 56, 28, 51, 70, 42, 91, 108, 112, 24, 57, 95, 122, 20, 107, 74, 15, 36, 75, 121, 106, 14, 34, 83, 52, 86, 29, 9, 54, 6, 37, 79, 92, 84, 88, 30, 18, 27, 101, 22, 13, 73, 110, 103, 46, 80, 11, 17, 96, 62, 26, 19, 90, 119, 33, 76, 113, 43, 85, 60, 102, 45, 38, 48, 53, 81, 116, 47, 40, 55, 125, 32, 124, 94, 35, 126, 100], [105, 49, 123, 108, 31, 58, 118, 10, 25, 16, 117, 82, 99, 3, 69, 21, 8, 87, 12, 65, 78, 77, 68, 109, 94, 7, 29, 122, 114, 1, 120, 42, 5, 55, 97, 64, 4, 44, 50, 111, 43, 6, 36, 98, 115, 23, 73, 95, 33, 13, 125, 38, 2, 93, 11, 79, 48, 76, 63, 62, 66, 88, 61, 72, 89, 30, 67, 91, 47, 54, 46, 51, 27, 18, 56, 39, 32, 9, 92, 110, 90, 101, 100, 45, 112, 75, 86, 70, 113, 103, 116, 0, 127, 17, 34, 106, 74, 80, 71, 81, 14, 52, 40, 20, 104, 22, 121, 53, 60, 41, 84, 19, 83, 59, 96, 24, 107, 26, 37, 119, 15, 28, 57, 126, 85, 102, 124, 35], [118, 49, 108, 105, 58, 44, 42, 99, 21, 117, 87, 97, 94, 31, 12, 39, 25, 93, 29, 82, 104, 46, 51, 56, 52, 33, 38, 95, 43, 103, 113, 119, 107, 26, 109, 45, 73, 50, 16, 59, 115, 91, 125, 123, 111, 47, 60, 57, 112, 40, 127, 114, 20, 121, 54, 110, 77, 53, 101, 63, 37, 122, 126, 23, 61, 48, 1, 120, 124, 116, 32, 19, 102, 36, 55, 100, 96, 81, 78, 75, 4, 98, 62, 8, 85, 106, 92, 79, 34, 5, 17, 30, 70, 72, 10, 89, 9, 7, 90, 69, 35, 6, 22, 66, 76, 68, 24, 65, 28, 27, 18, 15, 3, 88, 83, 84, 13, 86, 2, 0, 41, 14, 67, 11, 80, 74, 71, 64], [40, 109, 121, 34, 59, 89, 53, 120, 17, 45, 55, 15, 86, 83, 114, 12, 29, 113, 71, 95, 28, 93, 4, 73, 94, 31, 69, 125, 67, 46, 122, 56, 106, 42, 33, 11, 92, 2, 77, 107, 61, 44, 88, 65, 108, 23, 38, 6, 58, 115, 8, 30, 50, 110, 26, 116, 0, 118, 126, 16, 99, 90, 21, 119, 87, 80, 62, 117, 20, 48, 101, 37, 49, 3, 68, 32, 85, 24, 41, 81, 84, 13, 52, 76, 19, 36, 82, 18, 1, 43, 91, 100, 112, 97, 74, 103, 78, 14, 96, 79, 35, 5, 64, 22, 75, 27, 39, 54, 57, 25, 47, 123, 63, 10, 124, 7, 127, 70, 104, 111, 51, 105, 9, 72, 102, 60, 66, 98], [40, 109, 121, 34, 15, 12, 86, 17, 73, 83, 53, 4, 89, 55, 71, 67, 59, 120, 45, 42, 92, 114, 2, 106, 95, 69, 122, 113, 0, 77, 6, 46, 29, 68, 28, 103, 56, 118, 11, 8, 33, 116, 72, 31, 18, 125, 65, 111, 37, 38, 88, 1, 61, 100, 85, 23, 108, 30, 101, 115, 64, 107, 98, 119, 20, 112, 82, 48, 3, 74, 126, 66, 70, 16, 13, 14, 81, 5, 93, 21, 84, 110, 19, 27, 94, 79, 80, 87, 96, 22, 102, 76, 58, 35, 7, 97, 25, 10, 91, 24, 36, 26, 62, 104, 75, 63, 117, 57, 47, 39, 78, 49, 41, 32, 90, 44, 9, 51, 43, 52, 127, 60, 99, 123, 105, 50, 124, 54], [40, 109, 121, 34, 89, 17, 86, 15, 55, 83, 12, 53, 45, 95, 59, 67, 122, 28, 92, 2, 29, 0, 65, 73, 69, 71, 114, 56, 4, 21, 42, 116, 6, 62, 120, 61, 125, 119, 31, 77, 46, 49, 10, 11, 93, 16, 1, 19, 26, 96, 88, 98, 36, 126, 106, 113, 118, 64, 30, 23, 57, 108, 44, 48, 101, 13, 103, 18, 123, 58, 22, 66, 37, 14, 27, 72, 76, 20, 87, 70, 80, 112, 127, 8, 115, 78, 94, 54, 68, 33, 84, 32, 81, 82, 24, 25, 7, 91, 39, 79, 90, 107, 74, 3, 85, 104, 52, 35, 5, 60, 51, 110, 75, 99, 9, 43, 100, 38, 47, 111, 97, 124, 102, 63, 117, 41, 50, 105], [121, 109, 40, 59, 34, 53, 111, 44, 114, 39, 124, 118, 116, 115, 88, 20, 61, 58, 55, 93, 117, 60, 126, 56, 62, 49, 108, 50, 72, 122, 48, 54, 63, 43, 46, 41, 57, 51, 119, 92, 127, 123, 47, 86, 125, 42, 31, 110, 105, 120, 98, 38, 52, 107, 113, 112, 45, 106, 83, 97, 89, 103, 104, 27, 36, 102, 28, 96, 26, 100, 14, 101, 32, 35, 37, 99, 10, 17, 95, 29, 33, 30, 94, 18, 85, 91, 87, 68, 23, 78, 25, 90, 13, 84, 73, 15, 4, 77, 70, 21, 74, 82, 8, 24, 6, 16, 75, 12, 80, 2, 71, 11, 19, 22, 66, 1, 64, 9, 67, 3, 81, 7, 69, 5, 76, 79, 0, 65], [107, 100, 58, 32, 21, 112, 78, 19, 61, 127, 87, 93, 115, 12, 43, 9, 114, 120, 116, 119, 16, 56, 82, 55, 42, 96, 111, 113, 25, 72, 38, 125, 54, 92, 79, 48, 29, 5, 66, 47, 88, 97, 110, 105, 57, 123, 4, 124, 35, 50, 49, 2, 18, 27, 0, 24, 63, 36, 62, 28, 53, 71, 91, 39, 77, 75, 68, 1, 86, 11, 3, 26, 69, 46, 20, 7, 15, 104, 126, 14, 95, 117, 106, 83, 73, 74, 98, 13, 23, 6, 70, 64, 41, 84, 45, 89, 67, 80, 30, 44, 99, 90, 85, 81, 10, 108, 40, 76, 59, 51, 94, 37, 31, 34, 103, 22, 65, 101, 102, 122, 8, 60, 52, 17, 109, 33, 121, 118], [107, 58, 100, 63, 127, 32, 112, 25, 56, 61, 47, 39, 115, 114, 116, 79, 21, 105, 113, 54, 108, 104, 96, 19, 119, 87, 42, 55, 120, 126, 93, 45, 43, 50, 41, 110, 125, 35, 106, 17, 122, 82, 111, 57, 97, 20, 44, 118, 60, 52, 48, 88, 123, 30, 124, 117, 49, 59, 16, 53, 38, 27, 46, 109, 62, 36, 74, 91, 78, 33, 51, 5, 121, 102, 101, 28, 24, 103, 40, 71, 75, 92, 99, 89, 31, 11, 37, 86, 94, 90, 72, 95, 12, 26, 98, 34, 15, 22, 9, 23, 84, 10, 14, 13, 77, 81, 18, 65, 29, 85, 70, 6, 3, 67, 66, 7, 83, 80, 69, 0, 68, 1, 8, 76, 4, 64, 2, 73], [43, 93, 58, 2, 68, 65, 107, 67, 0, 39, 87, 12, 70, 9, 69, 78, 64, 1, 21, 25, 63, 72, 96, 10, 16, 66, 110, 19, 112, 103, 100, 8, 61, 114, 97, 56, 7, 32, 37, 73, 29, 79, 5, 75, 55, 82, 120, 116, 14, 38, 20, 17, 49, 44, 91, 42, 3, 80, 57, 115, 113, 51, 109, 119, 101, 45, 74, 4, 104, 23, 40, 85, 28, 125, 98, 33, 127, 124, 47, 46, 31, 6, 53, 105, 59, 99, 48, 71, 35, 83, 11, 24, 121, 15, 26, 84, 106, 81, 60, 77, 86, 22, 89, 108, 123, 34, 95, 18, 30, 13, 76, 27, 92, 126, 118, 88, 50, 90, 41, 54, 94, 122, 36, 52, 111, 102, 62, 117], [107, 100, 58, 127, 112, 32, 12, 19, 78, 61, 25, 16, 9, 82, 119, 114, 21, 87, 43, 93, 113, 115, 54, 120, 66, 56, 0, 55, 125, 39, 49, 4, 38, 42, 105, 29, 116, 72, 97, 111, 68, 27, 63, 5, 81, 110, 96, 47, 69, 48, 124, 62, 51, 6, 71, 57, 35, 10, 92, 123, 3, 83, 28, 91, 44, 84, 126, 95, 79, 76, 7, 89, 23, 98, 75, 20, 18, 64, 88, 80, 90, 37, 101, 106, 22, 8, 52, 15, 85, 30, 73, 67, 50, 103, 59, 117, 11, 74, 70, 53, 118, 2, 13, 31, 14, 34, 1, 45, 109, 24, 46, 65, 77, 94, 33, 86, 108, 26, 104, 99, 41, 40, 60, 17, 122, 121, 102, 36], [55, 58, 115, 50, 52, 39, 122, 62, 63, 59, 121, 106, 34, 54, 103, 53, 47, 48, 95, 120, 119, 118, 117, 124, 56, 126, 113, 107, 127, 123, 49, 105, 96, 111, 116, 51, 112, 93, 42, 61, 84, 46, 109, 60, 114, 57, 44, 125, 43, 110, 45, 102, 91, 27, 22, 108, 38, 29, 99, 86, 41, 104, 76, 97, 24, 89, 30, 35, 40, 37, 82, 33, 32, 101, 100, 25, 36, 92, 16, 18, 10, 8, 20, 88, 31, 98, 94, 90, 28, 65, 21, 85, 23, 81, 15, 74, 14, 87, 80, 26, 4, 12, 78, 3, 17, 11, 1, 72, 5, 19, 2, 77, 68, 71, 79, 83, 6, 69, 73, 70, 64, 67, 66, 0, 75, 13, 9, 7], [50, 58, 39, 62, 52, 34, 122, 55, 45, 120, 118, 115, 106, 24, 108, 105, 81, 47, 64, 51, 126, 63, 71, 124, 93, 84, 103, 56, 109, 95, 113, 59, 96, 44, 53, 125, 117, 57, 27, 119, 54, 25, 48, 5, 112, 116, 111, 38, 42, 99, 127, 60, 91, 49, 22, 121, 114, 3, 86, 30, 2, 32, 61, 0, 20, 82, 123, 104, 35, 4, 46, 73, 98, 107, 43, 41, 110, 77, 66, 65, 101, 6, 15, 31, 76, 102, 14, 97, 28, 40, 88, 29, 67, 10, 37, 92, 21, 83, 18, 36, 26, 87, 8, 80, 89, 33, 100, 23, 78, 16, 85, 11, 94, 90, 12, 7, 69, 70, 79, 68, 74, 17, 72, 13, 9, 1, 19, 75], [58, 50, 115, 39, 34, 83, 77, 15, 2, 73, 11, 3, 71, 109, 24, 27, 6, 0, 81, 64, 122, 93, 79, 1, 51, 52, 85, 44, 68, 4, 22, 20, 67, 45, 113, 82, 9, 54, 99, 5, 25, 26, 66, 72, 8, 80, 106, 111, 65, 56, 19, 88, 114, 7, 12, 95, 116, 13, 78, 62, 104, 59, 63, 107, 21, 35, 89, 75, 10, 17, 119, 105, 70, 98, 74, 69, 28, 30, 32, 18, 61, 29, 76, 33, 14, 120, 91, 117, 118, 86, 41, 57, 92, 46, 127, 87, 16, 96, 126, 108, 31, 43, 23, 97, 94, 90, 38, 36, 103, 100, 102, 101, 37, 53, 110, 84, 124, 121, 47, 49, 125, 55, 40, 48, 123, 60, 112, 42], [58, 115, 62, 39, 55, 52, 122, 106, 34, 108, 107, 53, 120, 61, 63, 103, 105, 95, 118, 47, 54, 124, 59, 109, 49, 91, 117, 60, 57, 119, 48, 114, 112, 111, 93, 96, 99, 121, 84, 126, 46, 45, 116, 127, 123, 125, 41, 104, 51, 110, 42, 43, 19, 56, 22, 113, 44, 24, 33, 86, 7, 40, 38, 71, 32, 102, 101, 76, 25, 82, 97, 87, 37, 27, 16, 29, 35, 10, 100, 36, 83, 94, 50, 31, 98, 21, 30, 18, 90, 92, 20, 81, 11, 23, 78, 28, 89, 26, 75, 88, 74, 85, 15, 5, 14, 64, 8, 4, 80, 67, 0, 3, 69, 1, 12, 65, 66, 17, 68, 2, 79, 73, 77, 72, 6, 13, 9, 70], [122, 104, 105, 126, 53, 112, 51, 110, 118, 123, 55, 119, 57, 111, 124, 120, 114, 117, 59, 121, 125, 63, 116, 115, 61, 49, 34, 54, 113, 106, 60, 89, 32, 86, 50, 31, 62, 48, 46, 58, 56, 127, 44, 52, 45, 109, 91, 33, 98, 47, 107, 43, 25, 108, 95, 73, 41, 40, 20, 82, 93, 42, 75, 22, 83, 81, 103, 23, 19, 88, 39, 96, 101, 37, 87, 102, 92, 99, 36, 11, 90, 38, 29, 100, 27, 26, 35, 21, 72, 97, 84, 17, 94, 13, 30, 18, 14, 24, 16, 28, 78, 76, 85, 6, 80, 8, 77, 9, 68, 4, 10, 70, 79, 5, 12, 71, 67, 3, 74, 69, 15, 7, 65, 2, 64, 0, 66, 1], [55, 122, 104, 105, 127, 119, 121, 114, 62, 60, 118, 117, 112, 110, 57, 51, 63, 111, 49, 124, 34, 56, 116, 123, 61, 31, 125, 113, 59, 44, 86, 47, 120, 48, 115, 108, 54, 58, 33, 89, 106, 45, 46, 50, 52, 53, 126, 109, 98, 107, 91, 41, 43, 81, 42, 95, 88, 40, 87, 23, 103, 83, 27, 101, 32, 37, 25, 29, 92, 19, 93, 90, 39, 20, 30, 96, 22, 99, 38, 102, 36, 18, 82, 100, 94, 80, 26, 35, 97, 75, 15, 17, 28, 24, 85, 69, 12, 77, 76, 78, 84, 21, 13, 6, 14, 3, 10, 16, 71, 79, 8, 5, 70, 4, 72, 11, 9, 65, 67, 74, 68, 73, 2, 7, 64, 66, 0, 1], [55, 122, 104, 105, 126, 41, 88, 18, 20, 80, 79, 10, 31, 60, 98, 15, 85, 78, 114, 76, 121, 29, 86, 75, 34, 69, 12, 33, 93, 91, 118, 8, 47, 53, 123, 89, 27, 62, 110, 13, 120, 71, 59, 119, 63, 3, 116, 108, 57, 113, 51, 124, 56, 28, 44, 96, 97, 127, 74, 49, 43, 112, 87, 16, 106, 83, 115, 111, 54, 50, 117, 5, 26, 61, 25, 58, 94, 24, 125, 95, 46, 21, 48, 52, 72, 45, 42, 90, 82, 84, 109, 107, 14, 92, 23, 9, 39, 30, 100, 19, 32, 77, 101, 22, 73, 102, 36, 37, 81, 99, 35, 11, 17, 38, 70, 103, 7, 2, 6, 4, 40, 68, 67, 66, 65, 64, 1, 0], [122, 55, 104, 64, 71, 2, 126, 79, 4, 10, 1, 3, 73, 105, 78, 18, 8, 76, 20, 80, 77, 75, 9, 31, 69, 86, 7, 93, 51, 98, 68, 81, 88, 6, 27, 85, 121, 5, 66, 65, 107, 119, 70, 16, 23, 67, 114, 0, 84, 37, 74, 63, 11, 59, 97, 82, 106, 17, 15, 33, 120, 91, 118, 127, 21, 14, 57, 52, 41, 49, 12, 53, 87, 34, 95, 39, 72, 13, 110, 100, 89, 24, 47, 83, 29, 101, 46, 32, 25, 117, 112, 19, 56, 44, 28, 60, 111, 103, 99, 90, 26, 22, 58, 50, 124, 45, 125, 30, 96, 102, 92, 123, 94, 109, 36, 43, 113, 35, 40, 108, 38, 42, 48, 115, 116, 54, 61, 62], [103, 126, 98, 9, 14, 4, 21, 17, 71, 95, 64, 75, 67, 115, 27, 24, 88, 1, 109, 63, 48, 44, 62, 61, 16, 70, 118, 104, 114, 116, 31, 124, 45, 90, 122, 106, 3, 19, 5, 99, 105, 127, 6, 65, 56, 12, 46, 32, 37, 91, 53, 50, 113, 13, 66, 47, 100, 93, 22, 57, 81, 23, 20, 78, 15, 87, 0, 74, 92, 51, 69, 123, 72, 7, 41, 76, 73, 34, 10, 83, 11, 85, 112, 68, 49, 2, 79, 94, 125, 55, 58, 40, 89, 8, 77, 117, 26, 35, 121, 33, 80, 107, 119, 25, 82, 38, 52, 86, 42, 84, 54, 101, 97, 30, 36, 29, 28, 18, 110, 59, 39, 60, 96, 43, 102, 108, 111, 120], [103, 126, 98, 17, 65, 75, 14, 9, 71, 21, 4, 3, 61, 48, 88, 95, 109, 69, 0, 115, 44, 41, 5, 24, 27, 106, 124, 63, 118, 70, 62, 105, 114, 112, 12, 16, 122, 1, 31, 64, 45, 13, 50, 127, 91, 113, 19, 76, 56, 99, 46, 47, 90, 68, 81, 66, 84, 85, 86, 57, 116, 110, 78, 123, 55, 104, 23, 80, 77, 117, 96, 92, 18, 15, 100, 37, 20, 29, 42, 73, 67, 6, 82, 87, 72, 33, 53, 74, 107, 120, 34, 7, 119, 43, 54, 11, 32, 58, 26, 121, 89, 30, 83, 94, 93, 49, 51, 36, 102, 97, 38, 25, 79, 40, 35, 2, 22, 125, 10, 8, 28, 108, 52, 101, 111, 59, 60, 39], [103, 126, 98, 61, 95, 21, 88, 17, 27, 124, 44, 14, 109, 63, 91, 48, 113, 75, 115, 9, 104, 31, 122, 105, 77, 71, 90, 39, 50, 24, 83, 100, 127, 12, 4, 47, 37, 41, 114, 116, 53, 45, 19, 99, 36, 42, 57, 107, 87, 56, 33, 121, 93, 62, 94, 74, 51, 72, 13, 32, 70, 35, 29, 106, 119, 38, 112, 10, 123, 67, 1, 108, 40, 118, 84, 96, 97, 79, 20, 52, 110, 85, 26, 28, 5, 58, 54, 80, 76, 86, 46, 25, 55, 111, 73, 15, 69, 18, 22, 59, 125, 102, 64, 43, 117, 16, 101, 30, 81, 78, 23, 82, 8, 49, 89, 120, 92, 60, 6, 34, 11, 2, 3, 7, 68, 0, 66, 65], [126, 103, 41, 98, 61, 95, 118, 51, 112, 127, 119, 109, 54, 110, 91, 124, 27, 116, 62, 57, 88, 21, 53, 48, 29, 44, 39, 106, 122, 113, 105, 104, 46, 31, 114, 55, 63, 37, 42, 45, 47, 58, 50, 56, 92, 108, 22, 17, 115, 121, 14, 16, 100, 59, 60, 111, 117, 90, 123, 19, 43, 49, 120, 125, 52, 107, 94, 9, 84, 15, 75, 36, 102, 33, 38, 99, 30, 101, 40, 89, 35, 93, 24, 18, 32, 8, 83, 82, 96, 71, 85, 3, 23, 97, 5, 72, 4, 86, 13, 77, 20, 87, 25, 76, 28, 10, 26, 12, 80, 2, 65, 34, 74, 79, 69, 78, 66, 70, 1, 6, 67, 81, 0, 64, 68, 11, 73, 7], [58, 104, 56, 34, 80, 52, 84, 26, 42, 109, 12, 9, 82, 31, 28, 24, 35, 64, 70, 37, 103, 96, 11, 6, 94, 36, 66, 95, 49, 60, 114, 2, 87, 126, 76, 92, 7, 20, 73, 47, 115, 23, 14, 86, 113, 21, 51, 16, 97, 53, 22, 85, 10, 48, 41, 107, 38, 127, 27, 91, 93, 4, 106, 67, 111, 77, 30, 74, 0, 122, 54, 68, 121, 108, 59, 17, 18, 19, 45, 15, 13, 29, 75, 90, 124, 125, 102, 120, 83, 110, 118, 8, 88, 63, 116, 40, 46, 55, 50, 123, 43, 61, 101, 3, 65, 39, 69, 98, 89, 105, 79, 72, 32, 71, 119, 81, 57, 99, 33, 112, 62, 1, 44, 78, 100, 25, 5, 117], [56, 52, 104, 58, 107, 37, 34, 31, 109, 48, 21, 85, 55, 120, 95, 87, 112, 114, 126, 63, 40, 26, 111, 41, 113, 121, 47, 36, 54, 116, 60, 125, 28, 42, 124, 59, 50, 110, 92, 123, 61, 118, 62, 83, 108, 91, 49, 14, 119, 24, 115, 43, 45, 44, 53, 127, 74, 51, 46, 84, 94, 106, 105, 66, 7, 80, 0, 38, 39, 99, 67, 11, 103, 57, 64, 23, 35, 101, 25, 19, 102, 122, 88, 17, 6, 98, 81, 96, 27, 79, 32, 86, 13, 10, 15, 117, 30, 90, 100, 8, 93, 33, 78, 4, 97, 82, 29, 3, 72, 12, 68, 89, 2, 5, 1, 22, 77, 75, 65, 70, 9, 16, 69, 18, 71, 20, 73, 76], [58, 104, 37, 109, 107, 53, 127, 34, 126, 57, 50, 31, 120, 60, 121, 41, 63, 59, 114, 115, 118, 54, 48, 123, 113, 116, 108, 111, 110, 52, 49, 21, 61, 119, 51, 112, 95, 45, 55, 47, 44, 103, 46, 106, 40, 43, 124, 105, 87, 26, 39, 36, 62, 125, 92, 42, 117, 77, 17, 96, 28, 122, 56, 82, 97, 102, 38, 24, 18, 35, 15, 30, 85, 32, 83, 90, 86, 99, 69, 94, 33, 101, 25, 100, 65, 98, 27, 79, 74, 89, 84, 23, 13, 29, 80, 88, 93, 4, 72, 7, 67, 14, 91, 1, 5, 19, 81, 6, 64, 66, 12, 3, 10, 22, 11, 8, 71, 9, 20, 78, 68, 75, 70, 0, 2, 16, 76, 73], [104, 58, 34, 56, 31, 126, 26, 28, 47, 52, 23, 127, 84, 92, 41, 82, 83, 122, 38, 87, 103, 80, 115, 94, 35, 114, 48, 109, 14, 53, 54, 95, 90, 12, 20, 50, 125, 36, 71, 42, 86, 27, 101, 113, 7, 44, 74, 32, 102, 118, 119, 37, 96, 121, 60, 97, 30, 88, 111, 106, 62, 55, 24, 59, 29, 1, 124, 18, 57, 78, 99, 112, 45, 22, 105, 93, 9, 63, 117, 116, 120, 25, 33, 51, 123, 6, 49, 3, 110, 89, 19, 100, 85, 43, 21, 17, 81, 98, 108, 39, 16, 5, 46, 61, 91, 72, 76, 11, 77, 10, 69, 8, 15, 40, 107, 13, 68, 79, 73, 65, 4, 67, 0, 75, 66, 70, 2, 64]], "model.layers.31.self_attn.k_proj": [[104, 121, 34, 25, 47, 1, 72, 6, 21, 110, 51, 0, 15, 11, 13, 18, 112, 113, 4, 9, 64, 60, 44, 41, 111, 31, 87, 54, 30, 116, 66, 45, 107, 114, 67, 120, 123, 19, 10, 105, 109, 117, 53, 80, 58, 71, 92, 61, 98, 57, 17, 62, 23, 124, 55, 27, 42, 14, 22, 103, 63, 56, 3, 7, 65, 102, 69, 5, 84, 115, 16, 78, 50, 106, 49, 46, 43, 90, 122, 28, 100, 101, 119, 94, 99, 91, 125, 24, 79, 93, 52, 59, 26, 36, 33, 118, 81, 76, 97, 108, 96, 88, 68, 74, 83, 75, 12, 39, 95, 126, 8, 32, 89, 38, 70, 48, 29, 127, 37, 40, 35, 86, 20, 82, 2, 73, 77, 85], [41, 49, 123, 117, 64, 50, 113, 25, 87, 95, 44, 53, 93, 7, 65, 33, 35, 82, 69, 16, 21, 3, 45, 108, 10, 118, 8, 77, 54, 78, 12, 121, 68, 66, 127, 63, 115, 43, 120, 58, 47, 83, 106, 91, 42, 57, 111, 2, 0, 99, 110, 36, 124, 11, 55, 109, 94, 97, 125, 112, 102, 116, 61, 107, 101, 59, 37, 31, 32, 51, 119, 19, 126, 62, 6, 60, 52, 100, 84, 40, 34, 46, 39, 114, 98, 26, 9, 15, 122, 24, 38, 105, 103, 70, 28, 88, 22, 56, 73, 48, 27, 29, 5, 89, 86, 104, 75, 17, 30, 13, 96, 79, 90, 85, 76, 92, 20, 1, 81, 14, 4, 67, 80, 23, 18, 72, 71, 74], [104, 121, 45, 98, 109, 0, 86, 65, 83, 89, 15, 67, 73, 56, 6, 17, 69, 50, 12, 53, 120, 93, 114, 55, 92, 61, 125, 110, 59, 31, 49, 71, 118, 2, 62, 58, 116, 126, 124, 11, 26, 57, 52, 88, 37, 123, 119, 47, 122, 48, 42, 108, 106, 30, 111, 54, 100, 51, 43, 115, 113, 77, 105, 102, 4, 127, 63, 60, 112, 97, 44, 29, 117, 103, 66, 28, 85, 7, 107, 64, 46, 20, 27, 33, 16, 90, 23, 41, 13, 101, 99, 96, 39, 38, 21, 95, 32, 18, 36, 74, 94, 91, 76, 68, 10, 35, 75, 70, 25, 82, 87, 72, 3, 80, 81, 24, 84, 14, 22, 19, 78, 79, 5, 9, 1, 8, 34, 40], [43, 93, 96, 48, 87, 16, 12, 127, 61, 78, 9, 36, 49, 19, 21, 66, 51, 0, 25, 119, 68, 58, 82, 65, 39, 5, 114, 54, 72, 50, 111, 10, 79, 3, 47, 56, 8, 106, 110, 120, 75, 116, 70, 105, 53, 107, 4, 33, 6, 63, 20, 55, 115, 108, 125, 44, 71, 32, 35, 91, 46, 17, 62, 27, 76, 126, 37, 123, 31, 102, 24, 97, 42, 57, 118, 121, 117, 98, 40, 7, 26, 18, 52, 113, 1, 59, 73, 11, 99, 88, 109, 122, 34, 41, 92, 60, 64, 74, 112, 124, 2, 45, 101, 95, 67, 103, 38, 94, 104, 13, 29, 89, 30, 77, 80, 86, 22, 83, 90, 28, 81, 84, 23, 15, 14, 100, 85, 69], [103, 58, 98, 115, 50, 45, 77, 83, 73, 81, 91, 114, 6, 11, 15, 24, 108, 29, 25, 99, 27, 4, 64, 106, 2, 31, 65, 30, 71, 127, 3, 95, 110, 28, 82, 54, 117, 57, 113, 35, 63, 107, 93, 96, 105, 49, 42, 90, 88, 84, 125, 22, 111, 119, 120, 43, 48, 126, 53, 59, 60, 118, 124, 102, 51, 46, 47, 39, 21, 68, 123, 26, 112, 122, 61, 14, 109, 5, 44, 41, 40, 52, 97, 80, 23, 69, 87, 86, 85, 37, 56, 33, 100, 116, 38, 8, 36, 101, 34, 92, 104, 94, 89, 62, 79, 55, 74, 121, 12, 16, 32, 70, 17, 10, 76, 66, 19, 20, 78, 18, 72, 67, 1, 13, 75, 7, 9, 0], [40, 126, 122, 95, 55, 34, 91, 86, 20, 29, 65, 88, 64, 33, 23, 2, 119, 41, 82, 89, 107, 114, 113, 98, 63, 127, 115, 4, 110, 121, 1, 61, 71, 118, 106, 75, 18, 78, 42, 73, 0, 49, 125, 80, 79, 103, 51, 117, 116, 59, 62, 124, 97, 47, 56, 45, 36, 85, 123, 52, 43, 48, 108, 46, 50, 68, 60, 76, 54, 111, 10, 57, 101, 109, 22, 44, 58, 81, 112, 25, 120, 7, 93, 13, 77, 8, 92, 53, 37, 90, 83, 102, 30, 39, 32, 38, 67, 17, 96, 19, 74, 3, 21, 100, 14, 99, 69, 105, 35, 28, 94, 72, 5, 24, 6, 27, 66, 26, 12, 70, 15, 87, 16, 84, 9, 31, 11, 104], [126, 34, 39, 64, 17, 88, 21, 75, 9, 71, 14, 31, 4, 112, 3, 63, 108, 45, 114, 1, 27, 124, 70, 105, 115, 65, 103, 12, 109, 111, 49, 61, 5, 106, 2, 36, 51, 91, 58, 16, 53, 46, 18, 116, 118, 122, 95, 127, 69, 24, 94, 104, 55, 41, 54, 76, 42, 50, 113, 35, 90, 107, 13, 19, 96, 62, 22, 32, 20, 40, 48, 79, 125, 57, 110, 83, 87, 59, 99, 102, 60, 119, 89, 52, 92, 26, 100, 123, 117, 47, 67, 77, 29, 93, 86, 25, 23, 38, 97, 30, 10, 28, 101, 56, 72, 66, 84, 43, 15, 37, 120, 82, 33, 121, 8, 80, 44, 98, 74, 68, 0, 78, 7, 81, 11, 73, 6, 85], [40, 58, 56, 98, 95, 87, 92, 52, 90, 26, 30, 101, 84, 32, 6, 66, 45, 80, 11, 64, 21, 41, 106, 18, 51, 28, 9, 54, 82, 60, 48, 59, 126, 112, 118, 100, 61, 12, 25, 79, 116, 88, 125, 122, 63, 110, 111, 113, 78, 39, 3, 8, 62, 127, 20, 43, 74, 119, 49, 114, 13, 72, 29, 47, 24, 50, 121, 108, 46, 97, 16, 76, 17, 124, 53, 123, 44, 104, 120, 109, 89, 115, 55, 102, 105, 27, 96, 57, 14, 1, 38, 4, 91, 73, 7, 117, 85, 65, 10, 94, 77, 22, 33, 83, 15, 42, 0, 93, 36, 103, 35, 19, 99, 37, 75, 5, 86, 81, 23, 107, 67, 70, 69, 68, 71, 2, 31, 34]], "model.layers.31.self_attn.qk_proj": [[121, 126, 58, 43, 122, 49, 109, 50, 55, 115, 123, 103, 56, 104, 117, 45, 93, 89, 40, 61, 98, 105, 85, 21, 107, 25, 127, 23, 34, 41, 51, 114, 64, 118, 39, 95, 111, 0, 31, 53, 73, 9, 48, 108, 52, 4, 29, 87, 78, 27, 82, 12, 14, 44, 120, 24, 113, 28, 54, 16, 65, 79, 15, 76, 18, 81, 68, 66, 88, 80, 112, 63, 116, 17, 124, 83, 71, 2, 75, 7, 67, 119, 3, 19, 1, 110, 11, 60, 22, 5, 106, 62, 59, 46, 47, 6, 96, 13, 8, 99, 32, 72, 77, 125, 69, 42, 70, 91, 57, 26, 74, 86, 30, 36, 100, 20, 10, 37, 84, 97, 33, 90, 35, 101, 102, 94, 38, 92], [121, 58, 126, 43, 122, 49, 109, 50, 55, 115, 56, 103, 123, 117, 104, 45, 93, 89, 61, 98, 85, 107, 21, 105, 40, 118, 25, 127, 51, 23, 34, 41, 114, 111, 64, 0, 31, 39, 9, 29, 95, 52, 73, 27, 68, 108, 87, 76, 124, 48, 112, 12, 54, 53, 4, 113, 28, 78, 80, 88, 15, 18, 82, 81, 116, 1, 65, 66, 120, 24, 16, 2, 14, 67, 7, 83, 6, 71, 79, 11, 110, 119, 75, 44, 63, 17, 19, 72, 106, 3, 47, 46, 60, 22, 99, 59, 13, 5, 77, 62, 32, 69, 125, 96, 42, 57, 8, 74, 91, 86, 84, 70, 26, 37, 30, 20, 97, 10, 36, 100, 90, 94, 33, 35, 38, 102, 101, 92], [121, 58, 126, 43, 122, 109, 49, 50, 55, 115, 56, 123, 103, 117, 45, 104, 98, 21, 89, 93, 105, 107, 40, 61, 85, 51, 114, 25, 34, 41, 0, 64, 127, 118, 108, 111, 23, 95, 39, 31, 53, 9, 68, 87, 73, 52, 12, 27, 48, 82, 63, 15, 29, 14, 28, 124, 78, 4, 116, 24, 88, 120, 112, 44, 54, 76, 113, 18, 2, 80, 16, 1, 81, 66, 6, 65, 7, 79, 110, 72, 17, 83, 67, 3, 60, 19, 75, 119, 11, 71, 46, 59, 69, 106, 47, 99, 22, 5, 62, 77, 32, 13, 96, 125, 42, 91, 86, 100, 57, 20, 84, 37, 70, 26, 33, 10, 36, 97, 30, 74, 8, 35, 94, 90, 102, 101, 92, 38], [121, 126, 58, 43, 122, 49, 109, 55, 50, 115, 56, 123, 103, 104, 117, 45, 105, 89, 21, 107, 98, 93, 61, 40, 118, 85, 51, 41, 34, 25, 23, 127, 31, 0, 64, 52, 114, 108, 73, 39, 111, 95, 68, 29, 9, 113, 53, 116, 16, 54, 27, 124, 28, 78, 87, 12, 4, 76, 14, 24, 80, 120, 66, 79, 15, 88, 1, 112, 81, 72, 82, 65, 44, 48, 18, 63, 71, 83, 7, 2, 67, 6, 46, 3, 110, 106, 59, 17, 60, 19, 75, 11, 42, 69, 13, 32, 47, 99, 5, 125, 77, 26, 22, 57, 119, 62, 84, 74, 91, 96, 33, 20, 86, 10, 100, 94, 90, 37, 70, 36, 8, 30, 97, 102, 101, 35, 38, 92], [121, 126, 58, 43, 122, 49, 109, 50, 55, 115, 56, 123, 104, 103, 117, 45, 21, 93, 98, 105, 40, 107, 25, 89, 41, 61, 23, 118, 85, 127, 51, 34, 0, 73, 111, 114, 31, 9, 64, 39, 53, 108, 52, 95, 68, 12, 78, 24, 120, 15, 4, 113, 65, 82, 16, 79, 116, 124, 14, 48, 29, 27, 54, 87, 80, 44, 81, 72, 67, 2, 3, 76, 63, 83, 28, 71, 1, 7, 66, 18, 112, 47, 75, 17, 11, 46, 88, 119, 106, 19, 5, 60, 42, 13, 6, 69, 110, 77, 26, 59, 99, 22, 62, 57, 70, 125, 96, 32, 33, 86, 84, 10, 30, 20, 100, 91, 37, 8, 74, 97, 36, 102, 94, 90, 92, 38, 35, 101], [121, 126, 58, 43, 49, 122, 109, 50, 55, 115, 56, 123, 104, 103, 45, 117, 98, 93, 21, 61, 41, 89, 105, 40, 107, 23, 25, 0, 85, 127, 64, 114, 31, 39, 51, 118, 34, 73, 111, 9, 108, 95, 27, 53, 15, 16, 79, 80, 4, 87, 113, 24, 52, 120, 82, 78, 76, 68, 1, 12, 14, 119, 83, 48, 54, 66, 18, 65, 116, 17, 7, 112, 29, 75, 88, 44, 2, 28, 71, 72, 81, 67, 63, 11, 106, 5, 99, 3, 59, 124, 46, 19, 60, 110, 13, 47, 69, 77, 22, 70, 42, 26, 96, 125, 6, 32, 62, 20, 84, 86, 57, 10, 91, 33, 30, 37, 36, 100, 74, 8, 101, 97, 94, 102, 90, 35, 38, 92], [121, 126, 58, 43, 122, 49, 55, 109, 50, 115, 123, 56, 93, 104, 103, 117, 45, 21, 89, 98, 61, 107, 105, 40, 25, 41, 85, 23, 127, 114, 34, 108, 118, 39, 51, 0, 9, 31, 64, 73, 53, 95, 27, 111, 113, 79, 14, 29, 4, 24, 15, 82, 78, 52, 12, 76, 16, 44, 88, 68, 48, 18, 54, 87, 17, 80, 116, 81, 11, 65, 75, 63, 112, 120, 19, 28, 1, 119, 7, 66, 124, 71, 110, 83, 3, 72, 70, 106, 67, 2, 13, 96, 22, 125, 42, 59, 77, 30, 5, 47, 62, 99, 57, 69, 60, 26, 46, 32, 86, 20, 33, 8, 84, 97, 6, 37, 10, 36, 100, 91, 74, 90, 101, 38, 94, 102, 35, 92], [121, 58, 126, 43, 122, 49, 109, 50, 55, 115, 123, 56, 117, 103, 104, 45, 93, 98, 21, 89, 61, 40, 85, 105, 41, 107, 25, 114, 108, 23, 34, 118, 51, 127, 0, 64, 39, 111, 9, 95, 53, 31, 73, 29, 27, 24, 113, 124, 82, 4, 14, 79, 44, 48, 76, 68, 52, 18, 112, 12, 16, 28, 87, 116, 120, 66, 15, 54, 80, 63, 78, 81, 1, 7, 119, 75, 65, 3, 83, 71, 88, 70, 17, 2, 19, 11, 60, 67, 59, 106, 47, 110, 22, 13, 72, 77, 99, 125, 46, 5, 96, 57, 42, 32, 26, 30, 69, 6, 91, 8, 36, 86, 62, 37, 84, 10, 74, 97, 20, 33, 101, 90, 100, 94, 38, 102, 35, 92], [121, 126, 58, 43, 122, 49, 50, 109, 55, 115, 56, 103, 123, 45, 117, 93, 104, 40, 85, 21, 89, 98, 105, 41, 61, 107, 25, 23, 114, 34, 51, 108, 111, 39, 127, 9, 95, 29, 31, 118, 73, 27, 113, 53, 52, 4, 64, 87, 0, 12, 24, 124, 44, 16, 48, 82, 76, 63, 78, 116, 18, 17, 88, 112, 120, 28, 68, 119, 60, 54, 15, 79, 14, 80, 81, 83, 65, 110, 19, 11, 7, 1, 46, 59, 75, 70, 106, 71, 3, 32, 42, 2, 66, 67, 125, 77, 47, 26, 13, 96, 99, 57, 91, 72, 22, 8, 62, 5, 86, 30, 97, 6, 74, 20, 69, 84, 37, 10, 36, 33, 94, 90, 100, 101, 35, 102, 92, 38], [121, 58, 126, 43, 122, 49, 109, 50, 55, 115, 56, 123, 103, 45, 117, 93, 104, 98, 89, 105, 61, 40, 21, 107, 41, 25, 118, 64, 0, 34, 51, 114, 85, 95, 39, 127, 53, 23, 9, 108, 31, 73, 27, 111, 112, 87, 68, 29, 113, 52, 120, 15, 78, 12, 24, 4, 44, 80, 48, 88, 16, 2, 14, 110, 82, 3, 67, 7, 116, 71, 63, 1, 65, 76, 28, 54, 66, 81, 18, 11, 106, 79, 83, 60, 75, 124, 17, 119, 19, 70, 46, 59, 8, 99, 13, 32, 42, 6, 47, 5, 77, 69, 22, 62, 125, 57, 72, 30, 20, 26, 91, 74, 86, 96, 84, 10, 97, 37, 36, 94, 90, 100, 33, 101, 35, 38, 102, 92], [121, 58, 126, 43, 122, 55, 49, 109, 50, 115, 56, 123, 103, 104, 117, 45, 93, 98, 21, 105, 61, 41, 89, 0, 40, 107, 127, 23, 118, 64, 34, 25, 51, 114, 9, 73, 85, 39, 31, 108, 52, 95, 111, 4, 16, 78, 15, 12, 113, 87, 14, 76, 80, 24, 124, 68, 27, 44, 53, 79, 1, 82, 120, 29, 65, 67, 83, 8, 116, 54, 88, 48, 18, 71, 7, 63, 11, 28, 2, 66, 3, 75, 60, 81, 5, 17, 110, 46, 19, 106, 112, 13, 70, 119, 59, 42, 6, 32, 77, 99, 69, 62, 22, 57, 86, 26, 47, 91, 125, 84, 74, 10, 20, 97, 96, 33, 72, 37, 100, 30, 36, 94, 90, 35, 102, 101, 92, 38], [121, 126, 58, 43, 122, 49, 109, 55, 50, 115, 56, 123, 103, 104, 117, 45, 93, 89, 21, 98, 85, 105, 61, 107, 40, 41, 25, 51, 118, 23, 114, 127, 34, 95, 0, 73, 64, 39, 31, 9, 111, 108, 53, 113, 27, 29, 12, 52, 28, 24, 44, 78, 124, 14, 87, 16, 4, 82, 15, 79, 80, 68, 65, 76, 54, 48, 1, 11, 81, 18, 120, 88, 116, 8, 63, 2, 17, 71, 75, 7, 83, 110, 6, 112, 119, 66, 46, 67, 13, 19, 60, 3, 42, 77, 57, 59, 32, 47, 99, 106, 5, 26, 69, 22, 125, 91, 86, 20, 96, 62, 70, 100, 84, 97, 74, 37, 30, 72, 33, 10, 36, 102, 90, 101, 94, 38, 35, 92], [121, 126, 58, 43, 122, 49, 109, 50, 55, 115, 56, 123, 103, 117, 45, 104, 93, 89, 98, 40, 21, 107, 25, 61, 105, 85, 95, 51, 41, 127, 114, 118, 39, 34, 108, 29, 23, 111, 27, 31, 53, 64, 112, 73, 113, 0, 87, 9, 44, 119, 76, 28, 4, 78, 82, 54, 24, 79, 120, 18, 80, 14, 71, 16, 52, 68, 15, 12, 48, 17, 124, 2, 88, 8, 1, 65, 63, 19, 6, 11, 7, 81, 110, 67, 83, 75, 116, 3, 60, 59, 106, 66, 47, 46, 32, 22, 125, 13, 42, 77, 57, 99, 30, 69, 96, 5, 26, 84, 97, 70, 91, 10, 86, 74, 36, 62, 20, 100, 37, 33, 90, 72, 94, 38, 35, 101, 102, 92], [121, 126, 58, 43, 122, 49, 109, 50, 55, 115, 56, 123, 104, 103, 117, 45, 93, 21, 89, 98, 61, 64, 40, 105, 107, 51, 127, 34, 0, 25, 41, 118, 85, 31, 73, 114, 95, 23, 39, 9, 52, 111, 4, 53, 108, 29, 113, 76, 87, 27, 78, 16, 1, 28, 82, 44, 71, 48, 8, 12, 24, 68, 18, 67, 112, 110, 81, 3, 120, 88, 65, 14, 116, 80, 15, 2, 11, 6, 60, 79, 66, 83, 54, 63, 19, 7, 106, 124, 75, 17, 125, 119, 47, 13, 46, 99, 5, 69, 59, 77, 42, 91, 62, 32, 96, 86, 10, 57, 97, 22, 26, 74, 84, 37, 20, 70, 72, 36, 30, 100, 33, 101, 94, 90, 102, 35, 38, 92], [121, 126, 58, 43, 122, 49, 109, 50, 55, 115, 123, 56, 117, 103, 104, 45, 21, 93, 98, 0, 105, 64, 40, 107, 25, 34, 41, 89, 51, 73, 23, 61, 114, 118, 53, 85, 9, 127, 31, 27, 95, 111, 76, 68, 113, 4, 39, 108, 52, 29, 16, 78, 82, 67, 24, 65, 18, 66, 80, 54, 7, 44, 87, 15, 79, 14, 71, 116, 1, 63, 6, 83, 28, 12, 8, 48, 81, 11, 112, 88, 2, 120, 17, 3, 106, 75, 119, 124, 5, 60, 19, 22, 110, 47, 99, 46, 59, 13, 69, 77, 42, 125, 84, 26, 32, 70, 57, 10, 91, 62, 74, 96, 37, 97, 20, 72, 30, 86, 100, 90, 36, 33, 94, 38, 102, 101, 92, 35], [121, 126, 58, 43, 122, 49, 50, 109, 55, 115, 56, 103, 123, 45, 117, 104, 93, 98, 21, 89, 85, 118, 107, 114, 61, 25, 23, 34, 105, 41, 40, 127, 73, 51, 31, 108, 95, 9, 0, 111, 64, 39, 29, 52, 4, 53, 87, 27, 76, 14, 79, 44, 24, 1, 16, 78, 120, 68, 28, 82, 112, 12, 15, 124, 48, 116, 65, 113, 80, 81, 71, 63, 18, 54, 7, 88, 83, 67, 11, 66, 106, 119, 110, 60, 75, 19, 17, 8, 2, 47, 32, 22, 59, 57, 13, 3, 26, 77, 6, 99, 70, 46, 125, 5, 42, 69, 62, 72, 91, 96, 33, 20, 84, 74, 10, 30, 86, 97, 37, 100, 36, 101, 90, 102, 35, 38, 94, 92], [121, 58, 126, 43, 122, 49, 109, 50, 55, 115, 56, 123, 117, 103, 104, 45, 93, 89, 85, 21, 40, 107, 25, 105, 23, 98, 61, 31, 34, 127, 39, 51, 114, 95, 118, 64, 41, 111, 0, 108, 29, 9, 27, 73, 87, 53, 28, 82, 52, 112, 68, 88, 76, 113, 24, 15, 48, 1, 81, 14, 120, 44, 18, 79, 4, 71, 78, 16, 106, 12, 80, 54, 2, 110, 66, 67, 17, 63, 19, 65, 116, 11, 119, 83, 75, 7, 60, 70, 32, 125, 13, 124, 3, 59, 47, 77, 91, 42, 96, 8, 57, 62, 99, 97, 72, 26, 46, 22, 69, 37, 5, 20, 74, 30, 100, 6, 86, 10, 33, 84, 90, 35, 36, 38, 101, 94, 102, 92], [121, 58, 126, 43, 122, 109, 49, 50, 55, 115, 56, 123, 103, 117, 45, 104, 93, 105, 98, 89, 40, 21, 107, 61, 85, 51, 0, 34, 64, 41, 118, 114, 25, 95, 23, 39, 73, 111, 31, 9, 127, 108, 53, 76, 52, 28, 27, 29, 87, 4, 116, 82, 44, 112, 78, 15, 113, 120, 48, 80, 24, 54, 106, 16, 124, 110, 18, 1, 2, 63, 68, 71, 88, 14, 12, 11, 83, 19, 17, 81, 66, 119, 65, 79, 67, 7, 46, 60, 3, 70, 77, 72, 47, 59, 99, 75, 32, 5, 22, 69, 91, 125, 96, 62, 42, 13, 57, 6, 84, 86, 26, 8, 30, 10, 36, 37, 74, 97, 33, 20, 94, 90, 100, 102, 35, 38, 101, 92], [121, 126, 58, 43, 49, 55, 122, 50, 109, 115, 123, 56, 103, 117, 104, 45, 105, 98, 93, 40, 21, 25, 107, 89, 61, 51, 41, 85, 0, 95, 111, 23, 34, 31, 39, 9, 64, 114, 118, 73, 29, 127, 53, 27, 4, 87, 113, 52, 44, 14, 78, 71, 116, 1, 76, 28, 24, 108, 16, 80, 48, 54, 66, 124, 82, 112, 68, 15, 18, 88, 3, 12, 2, 83, 81, 46, 79, 120, 17, 70, 47, 67, 11, 106, 7, 119, 63, 65, 72, 110, 59, 75, 42, 60, 125, 19, 32, 13, 77, 99, 26, 5, 62, 57, 91, 69, 20, 22, 84, 96, 86, 74, 6, 8, 37, 10, 97, 100, 36, 30, 90, 33, 101, 94, 102, 38, 35, 92], [121, 58, 126, 43, 122, 49, 109, 55, 50, 115, 56, 123, 104, 117, 103, 45, 93, 98, 21, 105, 25, 89, 40, 61, 107, 85, 41, 23, 34, 64, 51, 127, 31, 118, 0, 9, 39, 114, 95, 73, 111, 27, 68, 16, 79, 108, 4, 53, 82, 29, 52, 76, 87, 48, 44, 24, 12, 65, 78, 88, 28, 116, 14, 66, 46, 71, 18, 80, 113, 3, 11, 15, 112, 7, 2, 72, 1, 54, 124, 70, 106, 119, 81, 17, 120, 83, 67, 75, 63, 47, 60, 19, 99, 110, 5, 32, 77, 13, 22, 69, 59, 42, 26, 125, 57, 62, 84, 74, 10, 96, 91, 86, 30, 6, 33, 20, 37, 97, 8, 90, 100, 36, 38, 102, 94, 35, 101, 92], [121, 126, 58, 43, 109, 49, 122, 50, 55, 115, 56, 123, 103, 117, 45, 104, 93, 105, 61, 98, 40, 21, 89, 41, 107, 114, 51, 25, 127, 85, 118, 34, 23, 0, 95, 64, 31, 111, 53, 52, 9, 39, 108, 44, 73, 48, 27, 87, 76, 78, 82, 79, 16, 24, 29, 113, 4, 14, 1, 68, 17, 120, 28, 12, 110, 81, 88, 15, 71, 72, 124, 2, 54, 80, 11, 112, 66, 60, 63, 116, 65, 18, 46, 7, 106, 3, 83, 67, 47, 99, 62, 19, 59, 119, 70, 22, 75, 5, 125, 13, 69, 77, 100, 91, 6, 57, 96, 42, 84, 32, 26, 37, 20, 86, 33, 74, 36, 30, 10, 8, 102, 97, 94, 90, 101, 35, 38, 92], [121, 126, 58, 43, 122, 55, 49, 109, 50, 115, 56, 123, 117, 45, 103, 104, 93, 105, 98, 61, 64, 51, 89, 95, 21, 40, 41, 107, 85, 0, 25, 34, 118, 23, 31, 29, 114, 53, 108, 39, 9, 111, 52, 73, 127, 44, 87, 4, 27, 124, 16, 113, 116, 14, 68, 79, 76, 18, 67, 82, 120, 66, 78, 2, 28, 112, 63, 12, 48, 1, 106, 80, 72, 15, 24, 17, 88, 54, 65, 7, 47, 83, 110, 81, 71, 119, 3, 19, 11, 75, 6, 46, 125, 60, 57, 69, 99, 59, 5, 13, 77, 32, 70, 42, 26, 22, 62, 84, 96, 86, 91, 10, 97, 20, 8, 74, 33, 37, 30, 90, 101, 100, 36, 94, 102, 38, 35, 92], [121, 58, 126, 43, 122, 109, 49, 50, 55, 115, 56, 123, 117, 103, 45, 104, 93, 105, 98, 21, 40, 89, 61, 25, 107, 51, 41, 34, 85, 114, 118, 127, 95, 23, 31, 39, 111, 0, 108, 73, 64, 53, 29, 9, 27, 52, 87, 4, 113, 44, 28, 112, 76, 78, 14, 48, 79, 82, 88, 3, 80, 54, 71, 116, 16, 15, 110, 17, 18, 120, 1, 24, 7, 12, 124, 47, 63, 68, 67, 83, 2, 65, 81, 59, 60, 119, 19, 106, 11, 72, 6, 75, 66, 5, 125, 46, 77, 13, 69, 32, 99, 57, 22, 26, 96, 42, 62, 91, 20, 86, 74, 97, 84, 8, 10, 30, 70, 37, 33, 36, 100, 90, 38, 35, 94, 92, 101, 102], [121, 58, 126, 43, 122, 49, 109, 55, 50, 115, 123, 56, 103, 117, 104, 45, 93, 21, 98, 61, 40, 105, 23, 89, 25, 41, 107, 118, 34, 85, 127, 31, 51, 0, 111, 108, 114, 64, 95, 73, 39, 9, 52, 27, 53, 24, 113, 4, 76, 18, 15, 12, 54, 80, 79, 87, 120, 44, 16, 68, 78, 82, 48, 29, 28, 112, 6, 1, 14, 81, 71, 63, 88, 2, 65, 7, 17, 75, 66, 11, 124, 83, 116, 119, 72, 106, 47, 19, 46, 3, 67, 110, 69, 22, 59, 60, 99, 42, 125, 77, 32, 13, 26, 62, 5, 91, 74, 96, 8, 57, 86, 84, 100, 20, 33, 97, 10, 36, 30, 37, 70, 90, 94, 101, 102, 35, 38, 92], [121, 58, 126, 43, 122, 49, 109, 55, 50, 115, 56, 123, 103, 117, 104, 45, 93, 98, 40, 89, 21, 105, 41, 61, 85, 107, 51, 25, 127, 23, 34, 95, 118, 114, 0, 39, 9, 73, 31, 64, 53, 108, 111, 27, 52, 4, 113, 79, 87, 44, 48, 78, 12, 80, 28, 68, 24, 14, 76, 54, 3, 120, 29, 82, 15, 81, 110, 66, 65, 116, 18, 75, 63, 1, 112, 124, 7, 6, 88, 16, 11, 71, 17, 2, 83, 119, 106, 67, 19, 42, 60, 46, 22, 99, 47, 77, 62, 57, 96, 72, 8, 13, 59, 32, 5, 69, 125, 91, 70, 30, 20, 26, 97, 74, 86, 84, 37, 10, 33, 36, 100, 90, 101, 38, 102, 35, 94, 92], [121, 126, 58, 43, 122, 49, 109, 50, 55, 115, 56, 123, 103, 45, 117, 104, 89, 93, 98, 40, 105, 21, 85, 34, 107, 25, 114, 41, 23, 118, 95, 127, 51, 64, 31, 61, 39, 111, 29, 108, 0, 27, 112, 53, 73, 28, 87, 44, 9, 12, 113, 52, 68, 18, 78, 88, 24, 15, 82, 124, 116, 120, 54, 48, 14, 76, 60, 79, 16, 66, 1, 7, 75, 81, 65, 80, 4, 17, 63, 110, 11, 19, 2, 71, 106, 6, 119, 47, 59, 83, 99, 67, 3, 13, 46, 77, 42, 8, 125, 96, 22, 32, 57, 91, 5, 62, 70, 69, 20, 86, 37, 30, 74, 72, 84, 26, 36, 97, 100, 94, 38, 10, 33, 101, 90, 35, 102, 92], [121, 58, 126, 43, 122, 49, 109, 50, 55, 115, 56, 123, 103, 117, 104, 45, 93, 40, 98, 21, 89, 105, 127, 61, 25, 107, 23, 85, 34, 41, 111, 114, 51, 108, 73, 118, 39, 31, 95, 0, 29, 9, 64, 48, 28, 52, 68, 53, 27, 54, 112, 87, 24, 82, 12, 120, 113, 4, 78, 76, 44, 88, 16, 14, 79, 17, 80, 1, 15, 18, 116, 110, 81, 83, 63, 65, 2, 75, 7, 47, 59, 46, 66, 19, 71, 60, 8, 67, 119, 11, 106, 3, 13, 6, 42, 32, 99, 62, 125, 124, 5, 77, 26, 70, 69, 57, 86, 96, 37, 30, 91, 33, 72, 22, 97, 20, 84, 74, 100, 10, 36, 102, 94, 35, 90, 38, 101, 92], [121, 58, 126, 43, 122, 49, 109, 50, 55, 115, 56, 123, 103, 117, 104, 45, 93, 98, 21, 61, 89, 40, 105, 41, 85, 107, 23, 0, 25, 51, 34, 114, 64, 95, 31, 127, 111, 73, 118, 39, 9, 113, 108, 29, 24, 53, 52, 27, 68, 4, 120, 76, 79, 16, 18, 82, 28, 87, 12, 78, 44, 54, 116, 1, 124, 14, 15, 80, 7, 71, 48, 46, 3, 8, 66, 2, 75, 88, 67, 83, 112, 81, 110, 65, 63, 11, 17, 60, 70, 106, 99, 125, 47, 19, 22, 5, 119, 13, 59, 42, 77, 57, 32, 69, 62, 26, 74, 6, 37, 10, 97, 91, 96, 84, 100, 72, 20, 86, 33, 30, 36, 90, 94, 101, 102, 35, 38, 92], [121, 126, 58, 43, 122, 49, 109, 55, 50, 115, 56, 123, 103, 104, 117, 45, 93, 98, 105, 89, 21, 64, 40, 61, 85, 0, 107, 51, 25, 114, 118, 23, 41, 127, 9, 53, 34, 111, 95, 31, 73, 39, 108, 48, 113, 1, 68, 12, 52, 27, 44, 54, 87, 4, 29, 120, 14, 80, 18, 78, 70, 24, 66, 7, 8, 79, 28, 82, 15, 76, 63, 16, 112, 67, 71, 81, 124, 75, 46, 65, 88, 2, 3, 17, 110, 116, 69, 83, 11, 47, 106, 119, 19, 125, 59, 60, 77, 57, 32, 13, 99, 42, 62, 5, 26, 96, 10, 22, 33, 84, 86, 74, 97, 100, 20, 37, 91, 30, 36, 6, 72, 90, 102, 101, 94, 35, 92, 38], [121, 58, 126, 43, 122, 49, 50, 55, 109, 115, 56, 123, 103, 104, 117, 45, 93, 21, 40, 105, 98, 89, 61, 85, 127, 23, 41, 25, 107, 118, 114, 51, 34, 31, 39, 95, 73, 111, 9, 108, 64, 53, 0, 27, 29, 48, 12, 44, 79, 52, 82, 68, 87, 24, 54, 15, 18, 14, 113, 80, 78, 28, 16, 76, 120, 81, 70, 65, 112, 17, 116, 4, 88, 124, 75, 8, 83, 7, 110, 3, 1, 71, 11, 60, 19, 66, 63, 59, 106, 125, 47, 119, 2, 67, 13, 57, 69, 46, 77, 99, 5, 32, 96, 22, 42, 62, 20, 30, 26, 86, 10, 74, 91, 84, 97, 100, 33, 37, 36, 72, 94, 6, 90, 101, 102, 38, 35, 92], [121, 126, 58, 43, 122, 49, 109, 55, 50, 115, 56, 123, 104, 103, 117, 45, 98, 93, 89, 105, 61, 21, 40, 107, 41, 23, 25, 51, 127, 64, 34, 85, 0, 114, 39, 118, 31, 108, 73, 111, 9, 95, 4, 12, 53, 15, 87, 44, 29, 27, 113, 28, 79, 68, 52, 1, 78, 48, 14, 112, 80, 24, 16, 120, 116, 63, 76, 18, 65, 70, 2, 7, 54, 71, 67, 66, 81, 8, 82, 110, 11, 83, 124, 17, 3, 19, 47, 88, 75, 106, 46, 119, 125, 13, 60, 69, 59, 32, 5, 77, 99, 57, 62, 22, 96, 91, 6, 42, 86, 26, 30, 97, 72, 37, 20, 74, 84, 10, 90, 36, 94, 33, 100, 101, 102, 38, 35, 92], [121, 126, 58, 43, 122, 49, 50, 109, 55, 115, 123, 56, 103, 117, 104, 45, 93, 40, 89, 85, 105, 107, 98, 61, 21, 127, 23, 25, 114, 34, 118, 41, 95, 111, 51, 39, 9, 108, 29, 73, 31, 52, 53, 27, 12, 0, 24, 64, 18, 16, 120, 14, 113, 78, 87, 79, 54, 44, 112, 48, 4, 76, 15, 82, 80, 88, 68, 63, 28, 17, 1, 75, 81, 83, 119, 116, 8, 71, 11, 19, 7, 65, 106, 124, 2, 67, 3, 110, 66, 60, 70, 59, 5, 77, 13, 47, 96, 22, 62, 32, 99, 69, 46, 6, 42, 125, 57, 91, 86, 20, 26, 30, 72, 84, 74, 97, 10, 37, 36, 33, 94, 90, 100, 101, 35, 38, 102, 92]]} diff --git a/test/srt/models/test_generation_models.py b/test/srt/models/test_generation_models.py old mode 100755 new mode 100644 diff --git a/test/srt/models/test_lora.py b/test/srt/models/test_lora.py index 41ea8fc152..1dc2140e4d 100644 --- a/test/srt/models/test_lora.py +++ b/test/srt/models/test_lora.py @@ -45,7 +45,7 @@ PROMPTS = [ """ ### Instruction: -Write a poem about the transformers Python library. +Write a poem about the transformers Python library. Mention the word "large language models" in that poem. ### Response: The Transformers are large language models, diff --git a/test/srt/test_data_parallelism.py b/test/srt/test_data_parallelism.py index 0ac8b784c3..4efccd36c0 100644 --- a/test/srt/test_data_parallelism.py +++ b/test/srt/test_data_parallelism.py @@ -53,7 +53,7 @@ def test_update_weight(self): # pause a few seconds then send again time.sleep(5) - + response = requests.post( self.base_url + "/update_weights", json={"model_path": DEFAULT_MODEL_NAME_FOR_TEST}, diff --git a/test/srt/test_matched_stop.py b/test/srt/test_matched_stop.py index df37fa13c7..81d08b0913 100644 --- a/test/srt/test_matched_stop.py +++ b/test/srt/test_matched_stop.py @@ -11,9 +11,9 @@ ) MANY_NEW_TOKENS_PROMPT = """ -Please write an extremely detailed and vivid fantasy story, set in a world full of intricate magic systems, political intrigue, and complex characters. -Ensure that you thoroughly describe every scene, character's motivations, and the environment. Include long, engaging dialogues and elaborate on the inner thoughts of the characters. -Each section should be as comprehensive as possible to create a rich and immersive experience for the reader. +Please write an extremely detailed and vivid fantasy story, set in a world full of intricate magic systems, political intrigue, and complex characters. +Ensure that you thoroughly describe every scene, character's motivations, and the environment. Include long, engaging dialogues and elaborate on the inner thoughts of the characters. +Each section should be as comprehensive as possible to create a rich and immersive experience for the reader. The story should span multiple events, challenges, and character developments over time. Aim to make the story at least 3,000 words long. """ @@ -109,7 +109,7 @@ def test_finish_stop_eos(self): llama_format_prompt = """ <|begin_of_text|><|start_header_id|>system<|end_header_id|> You are a helpful assistant.<|eot_id|><|start_header_id|>user<|end_header_id|> - + What is 2 + 2?<|eot_id|><|start_header_id|>assistant<|end_header_id|> """ eos_token_id = 128009