intel-analytics / ipex-llm

Accelerate local LLM inference and finetuning (LLaMA, Mistral, ChatGLM, Qwen, Baichuan, Mixtral, Gemma, Phi, MiniCPM, etc.) on Intel XPU (e.g., local PC with iGPU and NPU, discrete GPU such as Arc, Flex and Max); seamlessly integrate with llama.cpp, Ollama, HuggingFace, LangChain, LlamaIndex, GraphRAG, DeepSpeed, vLLM, FastChat, Axolotl, etc.
Apache License 2.0
6.56k stars 1.25k forks source link

vLLM freezes with gpu-memory-utilization > 0.55 #11424

Open nathanodle opened 3 months ago

nathanodle commented 3 months ago

Running vllm according to instructions. Docker segfaults at startup, so I'm running straight on the machine.

Starting server with the following shell script. As you can see I've tried to turn max-model-len, max-num-batched-tokens, and max-num-seqs down as much as I can for my use case just to get inference to run. With this configuration I get an error (more below) with a prompt of around 7200 tokens:

#!/bin/bash
model="/home/aiml/models/gradientai/Llama-3-8B-Instruct-Gradient-1048k"
served_model_name="ensemble"

export USE_XETLA=OFF
export SYCL_PI_LEVEL_ZERO_USE_IMMEDIATE_COMMANDLISTS=1
export SYCL_CACHE_PERSISTENT=1

export CCL_WORKER_COUNT=4
export FI_PROVIDER=shm
export CCL_ATL_TRANSPORT=ofi
export CCL_ZE_IPC_EXCHANGE=sockets
export CCL_ATL_SHM=1

python -m ipex_llm.vllm.xpu.entrypoints.openai.api_server \
  --served-model-name $served_model_name \
  --port 8000 \
  --model $model \
  --trust-remote-code \
  --gpu-memory-utilization 0.55 \
  --device xpu \
  --dtype float16 \
  --enforce-eager \
  --max-model-len 8192 \
  --max-num-batched-tokens 8192 \
  --max-num-seqs 1 \
  --load-in-low-bit sym_int4 \
  --tensor-parallel-size 4

I have to turn gpu-memory-utilization down to 0.55 or the service won't start. With even 0.65, the service just freezes with several CPU cores pegged at 100% and the following output:

/home/aiml/code/ipex-vllm/venv/lib/python3.11/site-packages/torchvision/io/image.py:13: UserWarning: Failed to load image Python extension: ''If you don't plan on using image functionality from `torchvision.io`, you can ignore this warning. Otherwise, there might be something wrong with your environment. Did you have `libjpeg` or `libpng` installed before building `torchvision` from source?
  warn(
2024-06-25 08:19:41,903 - INFO - intel_extension_for_pytorch auto imported
INFO 06-25 08:19:42 api_server.py:258] vLLM API server version 0.3.3
INFO 06-25 08:19:42 api_server.py:259] args: Namespace(host=None, port=8000, uvicorn_log_level='info', allow_credentials=False, allowed_origins=['*'], allowed_methods=['*'], allowed_headers=['*'], api_key=None, served_model_name='ensemble', lora_modules=None, chat_template=None, response_role='assistant', ssl_keyfile=None, ssl_certfile=None, ssl_ca_certs=None, ssl_cert_reqs=0, root_path=None, middleware=[], load_in_low_bit='sym_int4', model='/home/aiml/models/gradientai/Llama-3-8B-Instruct-Gradient-1048k', tokenizer=None, revision=None, code_revision=None, tokenizer_revision=None, tokenizer_mode='auto', trust_remote_code=True, download_dir=None, load_format='auto', dtype='float16', kv_cache_dtype='auto', max_model_len=8192, worker_use_ray=False, pipeline_parallel_size=1, tensor_parallel_size=4, max_parallel_loading_workers=None, ray_workers_use_nsight=False, block_size=16, enable_prefix_caching=False, seed=0, swap_space=4, gpu_memory_utilization=0.75, max_num_batched_tokens=8192, max_num_seqs=1, max_paddings=256, max_logprobs=5, disable_log_stats=False, quantization=None, enforce_eager=True, max_context_len_to_capture=8192, disable_custom_all_reduce=False, tokenizer_pool_size=0, tokenizer_pool_type='ray', tokenizer_pool_extra_config=None, enable_lora=False, max_loras=1, max_lora_rank=16, lora_extra_vocab_size=256, lora_dtype='auto', max_cpu_loras=None, device='xpu', engine_use_ray=False, disable_log_requests=False, max_log_len=None)
WARNING 06-25 08:19:42 config.py:710] Casting torch.bfloat16 to torch.float16.
INFO 06-25 08:19:42 config.py:523] Custom all-reduce kernels are temporarily disabled due to stability issues. We will re-enable them once the issues are resolved.
2024-06-25 08:19:44,717 INFO worker.py:1753 -- Started a local Ray instance.
INFO 06-25 08:19:45 llm_engine.py:68] Initializing an LLM engine (v0.3.3) with config: model='/home/aiml/models/gradientai/Llama-3-8B-Instruct-Gradient-1048k', tokenizer='/home/aiml/models/gradientai/Llama-3-8B-Instruct-Gradient-1048k', tokenizer_mode=auto, revision=None, tokenizer_revision=None, trust_remote_code=True, dtype=torch.float16, max_seq_len=8192, download_dir=None, load_format=auto, tensor_parallel_size=4, disable_custom_all_reduce=True, quantization=None, enforce_eager=True, kv_cache_dtype=auto, device_config=xpu, seed=0, max_num_batched_tokens=8192, max_num_seqs=1, max_model_len=8192)
Special tokens have been added in the vocabulary, make sure the associated word embeddings are fine-tuned or trained.
(RayWorkerVllm pid=68203) /home/aiml/code/ipex-vllm/venv/lib/python3.11/site-packages/torchvision/io/image.py:13: UserWarning: Failed to load image Python extension: ''If you don't plan on using image functionality from `torchvision.io`, you can ignore this warning. Otherwise, there might be something wrong with your environment. Did you have `libjpeg` or `libpng` installed before building `torchvision` from source?
(RayWorkerVllm pid=68203)   warn(
(RayWorkerVllm pid=68203) 2024-06-25 08:19:56,470 - INFO - intel_extension_for_pytorch auto imported
INFO 06-25 08:19:56 attention.py:71] flash_attn is not found. Using xformers backend.
2024-06-25 08:19:57,531 - INFO - Converting the current model to sym_int4 format......
2024-06-25 08:19:57,531 - INFO - Only HuggingFace Transformers models are currently supported for further optimizations
(RayWorkerVllm pid=68203) INFO 06-25 08:19:58 attention.py:71] flash_attn is not found. Using xformers backend.
2024-06-25 08:20:00,041 - INFO - Only HuggingFace Transformers models are currently supported for further optimizations
INFO 06-25 08:20:00 model_convert.py:181] Loading model weights took 1.6073 GB
(RayWorkerVllm pid=68291) 2024-06-25 08:20:02,898 - INFO - Converting the current model to sym_int4 format......
(RayWorkerVllm pid=68291) 2024-06-25 08:20:02,898 - INFO - Only HuggingFace Transformers models are currently supported for further optimizations
(RayWorkerVllm pid=68509) /home/aiml/code/ipex-vllm/venv/lib/python3.11/site-packages/torchvision/io/image.py:13: UserWarning: Failed to load image Python extension: ''If you don't plan on using image functionality from `torchvision.io`, you can ignore this warning. Otherwise, there might be something wrong with your environment. Did you have `libjpeg` or `libpng` installed before building `torchvision` from source? [repeated 2x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/user-guides/configure-logging.html#log-deduplication for more options.)
(RayWorkerVllm pid=68509)   warn( [repeated 2x across cluster]
(RayWorkerVllm pid=68509) 2024-06-25 08:19:56,471 - INFO - intel_extension_for_pytorch auto imported [repeated 2x across cluster]
(RayWorkerVllm pid=68203) 2024-06-25 08:20:02,930 - INFO - Converting the current model to sym_int4 format...... [repeated 2x across cluster]
(RayWorkerVllm pid=68203) 2024-06-25 08:20:09,774 - INFO - Only HuggingFace Transformers models are currently supported for further optimizations [repeated 3x across cluster]
(RayWorkerVllm pid=68203) INFO 06-25 08:20:10 model_convert.py:181] Loading model weights took 1.6073 GB
(RayWorkerVllm pid=68509) INFO 06-25 08:19:58 attention.py:71] flash_attn is not found. Using xformers backend. [repeated 2x across cluster]
2024:06:25-08:20:10:(60656) |CCL_WARN| could not get local_idx/count from environment variables, trying to get them from ATL
2024:06:25-08:20:10:(60656) |CCL_WARN| sockets exchange mode is set. It may cause potential problem of 'Too many open file descriptors'
(RayWorkerVllm pid=68203) 2024:06:25-08:20:11:(68203) |CCL_WARN| could not get local_idx/count from environment variables, trying to get them from ATL
(RayWorkerVllm pid=68203) 2024:06:25-08:20:11:(68203) |CCL_WARN| sockets exchange mode is set. It may cause potential problem of 'Too many open file descriptors'
INFO 06-25 08:20:22 ipex_llm_gpu_executor.py:262] # GPU blocks: 19918, # CPU blocks: 8192

With gpu-memory-utilization set to 0.55, the service starts but with longer ctx it errors with this output:

INFO 06-25 08:24:43 metrics.py:217] Avg prompt throughput: 0.0 tokens/s, Avg generation throughput: 3.1 tokens/s, Running: 1 reqs, Swapped: 0 reqs, Pending: 0 reqs, GPU KV cache usage: 2.8%, CPU KV cache usage: 0.0%
INFO 06-25 08:24:53 metrics.py:217] Avg prompt throughput: 0.0 tokens/s, Avg generation throughput: 0.0 tokens/s, Running: 1 reqs, Swapped: 0 reqs, Pending: 0 reqs, GPU KV cache usage: 2.8%, CPU KV cache usage: 0.0%
INFO 06-25 08:25:03 metrics.py:217] Avg prompt throughput: 0.0 tokens/s, Avg generation throughput: 0.0 tokens/s, Running: 1 reqs, Swapped: 0 reqs, Pending: 0 reqs, GPU KV cache usage: 2.8%, CPU KV cache usage: 0.0%
INFO 06-25 08:25:13 metrics.py:217] Avg prompt throughput: 0.0 tokens/s, Avg generation throughput: 0.0 tokens/s, Running: 1 reqs, Swapped: 0 reqs, Pending: 0 reqs, GPU KV cache usage: 2.8%, CPU KV cache usage: 0.0%
ERROR 06-25 08:25:15 async_llm_engine.py:41] Engine background task failed
ERROR 06-25 08:25:15 async_llm_engine.py:41] Traceback (most recent call last):
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/vllm/vllm/engine/async_llm_engine.py", line 36, in _raise_exception_on_finish
ERROR 06-25 08:25:15 async_llm_engine.py:41]     task.result()
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/vllm/vllm/engine/async_llm_engine.py", line 467, in run_engine_loop
ERROR 06-25 08:25:15 async_llm_engine.py:41]     has_requests_in_progress = await asyncio.wait_for(
ERROR 06-25 08:25:15 async_llm_engine.py:41]                                ^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/usr/lib/python3.11/asyncio/tasks.py", line 484, in wait_for
ERROR 06-25 08:25:15 async_llm_engine.py:41]     return fut.result()
ERROR 06-25 08:25:15 async_llm_engine.py:41]            ^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/vllm/vllm/engine/async_llm_engine.py", line 441, in engine_step
ERROR 06-25 08:25:15 async_llm_engine.py:41]     request_outputs = await self.engine.step_async()
ERROR 06-25 08:25:15 async_llm_engine.py:41]                       ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/vllm/vllm/engine/async_llm_engine.py", line 211, in step_async
ERROR 06-25 08:25:15 async_llm_engine.py:41]     output = await self.model_executor.execute_model_async(
ERROR 06-25 08:25:15 async_llm_engine.py:41]              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/venv/lib/python3.11/site-packages/ipex_llm/vllm/xpu/ipex_llm_gpu_executor.py", line 443, in execute_model_async
ERROR 06-25 08:25:15 async_llm_engine.py:41]     all_outputs = await self._run_workers_async(
ERROR 06-25 08:25:15 async_llm_engine.py:41]                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/venv/lib/python3.11/site-packages/ipex_llm/vllm/xpu/ipex_llm_gpu_executor.py", line 433, in _run_workers_async
ERROR 06-25 08:25:15 async_llm_engine.py:41]     all_outputs = await asyncio.gather(*coros)
ERROR 06-25 08:25:15 async_llm_engine.py:41]                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/usr/lib/python3.11/asyncio/tasks.py", line 689, in _wrap_awaitable
ERROR 06-25 08:25:15 async_llm_engine.py:41]     return (yield from awaitable.__await__())
ERROR 06-25 08:25:15 async_llm_engine.py:41]             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41] ray.exceptions.RayTaskError(RuntimeError): ray::RayWorkerVllm.execute_method() (pid=76827, ip=192.168.166.200, actor_id=2cbb20a42c10d73d6607368901000000, repr=<vllm.engine.ray_utils.RayWorkerVllm object at 0x762be2f95110>)
ERROR 06-25 08:25:15 async_llm_engine.py:41]            ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]            ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/vllm/vllm/engine/ray_utils.py", line 37, in execute_method
ERROR 06-25 08:25:15 async_llm_engine.py:41]     return executor(*args, **kwargs)
ERROR 06-25 08:25:15 async_llm_engine.py:41]            ^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/venv/lib/python3.11/site-packages/torch/utils/_contextlib.py", line 115, in decorate_context
ERROR 06-25 08:25:15 async_llm_engine.py:41]     return func(*args, **kwargs)
ERROR 06-25 08:25:15 async_llm_engine.py:41]            ^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/vllm/vllm/worker/worker.py", line 236, in execute_model
ERROR 06-25 08:25:15 async_llm_engine.py:41]     output = self.model_runner.execute_model(seq_group_metadata_list,
ERROR 06-25 08:25:15 async_llm_engine.py:41]              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/venv/lib/python3.11/site-packages/torch/utils/_contextlib.py", line 115, in decorate_context
ERROR 06-25 08:25:15 async_llm_engine.py:41]     return func(*args, **kwargs)
ERROR 06-25 08:25:15 async_llm_engine.py:41]            ^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/vllm/vllm/worker/model_runner.py", line 581, in execute_model
ERROR 06-25 08:25:15 async_llm_engine.py:41]     hidden_states = model_executable(
ERROR 06-25 08:25:15 async_llm_engine.py:41]                     ^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/venv/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1518, in _wrapped_call_impl
ERROR 06-25 08:25:15 async_llm_engine.py:41]     return self._call_impl(*args, **kwargs)
ERROR 06-25 08:25:15 async_llm_engine.py:41]            ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/venv/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1527, in _call_impl
ERROR 06-25 08:25:15 async_llm_engine.py:41]     return forward_call(*args, **kwargs)
ERROR 06-25 08:25:15 async_llm_engine.py:41]            ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/vllm/vllm/model_executor/models/llama.py", line 337, in forward
ERROR 06-25 08:25:15 async_llm_engine.py:41]     hidden_states = self.model(input_ids, positions, kv_caches,
ERROR 06-25 08:25:15 async_llm_engine.py:41]                     ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/venv/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1518, in _wrapped_call_impl
ERROR 06-25 08:25:15 async_llm_engine.py:41]     return self._call_impl(*args, **kwargs)
ERROR 06-25 08:25:15 async_llm_engine.py:41]            ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/venv/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1527, in _call_impl
ERROR 06-25 08:25:15 async_llm_engine.py:41]     return forward_call(*args, **kwargs)
ERROR 06-25 08:25:15 async_llm_engine.py:41]            ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/vllm/vllm/model_executor/models/llama.py", line 267, in forward
ERROR 06-25 08:25:15 async_llm_engine.py:41]     hidden_states, residual = layer(
ERROR 06-25 08:25:15 async_llm_engine.py:41]                               ^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/venv/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1518, in _wrapped_call_impl
ERROR 06-25 08:25:15 async_llm_engine.py:41]     return self._call_impl(*args, **kwargs)
ERROR 06-25 08:25:15 async_llm_engine.py:41]            ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/venv/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1527, in _call_impl
ERROR 06-25 08:25:15 async_llm_engine.py:41]     return forward_call(*args, **kwargs)
ERROR 06-25 08:25:15 async_llm_engine.py:41]            ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/vllm/vllm/model_executor/models/llama.py", line 216, in forward
ERROR 06-25 08:25:15 async_llm_engine.py:41]     hidden_states = self.self_attn(
ERROR 06-25 08:25:15 async_llm_engine.py:41]                     ^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/venv/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1518, in _wrapped_call_impl
ERROR 06-25 08:25:15 async_llm_engine.py:41]     return self._call_impl(*args, **kwargs)
ERROR 06-25 08:25:15 async_llm_engine.py:41]            ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/venv/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1527, in _call_impl
ERROR 06-25 08:25:15 async_llm_engine.py:41]     return forward_call(*args, **kwargs)
ERROR 06-25 08:25:15 async_llm_engine.py:41]            ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/venv/lib/python3.11/site-packages/ipex_llm/vllm/xpu/model_convert.py", line 50, in _Attention_forward
ERROR 06-25 08:25:15 async_llm_engine.py:41]     attn_output = self.attn(q, k, v, k_cache, v_cache, input_metadata)
ERROR 06-25 08:25:15 async_llm_engine.py:41]                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/venv/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1518, in _wrapped_call_impl
ERROR 06-25 08:25:15 async_llm_engine.py:41]     return self._call_impl(*args, **kwargs)
ERROR 06-25 08:25:15 async_llm_engine.py:41]            ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/venv/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1527, in _call_impl
ERROR 06-25 08:25:15 async_llm_engine.py:41]     return forward_call(*args, **kwargs)
ERROR 06-25 08:25:15 async_llm_engine.py:41]            ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/vllm/vllm/model_executor/layers/attention/attention.py", line 62, in forward
ERROR 06-25 08:25:15 async_llm_engine.py:41]     return self.backend.forward(query, key, value, key_cache, value_cache,
ERROR 06-25 08:25:15 async_llm_engine.py:41]            ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41]   File "/home/aiml/code/ipex-vllm/vllm/vllm/model_executor/layers/attention/backends/torch_sdpa.py", line 94, in forward
ERROR 06-25 08:25:15 async_llm_engine.py:41]     out = torch.nn.functional.scaled_dot_product_attention(
ERROR 06-25 08:25:15 async_llm_engine.py:41]           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 06-25 08:25:15 async_llm_engine.py:41] RuntimeError: Allocation is out of device memory on current platform.

All drivers, etc are up to date according to apt.

Thanks for any assistance!

gc-fu commented 3 months ago

Hi,

I will try to reproduce the issue you mentioned.

We have fixed the segfault error in our Docker images. Please pull the latest image and check if the error persists.

To confirm, are you using the following model: Llama-3-8B-Instruct-Gradient-1048k?

Additionally, could you provide the longer context you are using for the service?

Thanks~

nathanodle commented 3 months ago

Yes, that is the model.

I don't have the input prompt in front of me right now but I will get it for you.

Thank you very much for looking at my issue!

nathanodle commented 3 months ago

I can also confirm that vLLM running under Docker is no longer segfaulting on my system, thank you!

nathanodle commented 2 months ago

This is the prompt giving me the issue (please scroll to right due to formatting). It's 6179 tokens long.:

INFO 07-26 16:34:33 async_llm_engine.py:494] Received request cmpl-086e4403605846b488b1a3a70b14c2a6: prompt: '<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\n"<s><|begin_of_text|><|start_header_id|>system<|end_header_id|>You are a helpful AI assistant for travel tips and recommendations<|eot_id|><|start_header_id|>user<|end_header_id|> THE FOLLOWING ARE PREVIOUS SUMMARIES FROM A BOOK DESCRIBING WHAT HAS HAPPENED SO FAR AND THEN A NEW SCENE FROM THE BOOK.  PLEASE IMAGINE A SUMMARY OF WHAT HAPPENS IN THE NEW SCENE.  WRITE SUMMARY IN A PARAGRAPH FORM.  DO NOT USE LISTS OR OTHER FORMATS.  DO NOT REFER TO CHARACTERS BY THEIR ROLE IN THE STORY (i.e. do not refer to as \'protagonist\' or \'character\').  ALWAYS REFER TO CHARACTERS BY NAME.  ONLY OUTPUT THE PARAGRAPH SUMMARY OF THE NEW SCENE, NOTHING MORE.  DO NOT SUMMARIZE PREVIOUS SCENES.\\n\\nPREVIOUS SCENE SUMMARIES:\\n<START OF BOOK>\\n\\nNEW SCENE FOR SUMMARY, ONLY SUMMARIZE THIS SCENE IN DETAIL.  INCLUDE ALL RELEVANT INFORMATION.  DO NOT START WITH \'In the new scene\', \'In this scene\', \'In the scene\' OR SIMILAR.  JUST GIVE THE SUMMARY.  NEW SCENE:\\nRECORDING START GALACTIC STANDARD DATE 3017.02.03.04:54:00:00  \\n\\nMy first indication that something was wrong was when Rex Nihilo gave a ten-credit note to a bum outside the spaceport on Beltran Prime. We were in a hurry to get off planet, and ordinarily Rex wouldn\\u2019t even have paused to tell the poor guy to get a job.  \\n   \\u201cWhat are you staring at?\\u201d Rex demanded when I shot him a concerned look. \\u201cHe needs it more than I do.\\u201d  \\n   I was rendered nearly speechless. I\\u2019d never seen Rex willingly give away money before.  \\n   \\u201cSir,\\u201d I said, as we continued to the hangar where our ship was parked. \\u201cYou realize he\\u2019s going to spend it on booze.\\u201d  \\n   Rex stopped walking and shoved his hand in his pocket. \\u201cGood point,\\u201d he said, pulling out another ten-credit note. \\u201cRun back and give him this one too. You can\\u2019t get any decent liquor on Beltran Prime for less than twenty credits.\\u201d  \\n   I took the bill and stood open-mouthed for a moment. What in Space had happened to Rex? Rex had many flaws, but excess generosity had never been one of them.  \\n   \\u201cGo on, you worthless lump of slag,\\u201d he growled. \\u201cI\\u2019d like to get off this planet today, if you don\\u2019t mind.\\u201d It was oddly reassuring to find that Rex was still rude and demanding. Whatever had happened to his insatiable greed, at least his other foibles remained intact.  \\n   I nodded dumbly and ran back to the bedraggled man, handing him the second bill. \\u201cGet yourself some of the good stuff,\\u201d I said. He nodded excitedly and I ran back to Rex, who was nearly to our ship, the Flagrante Delicto. The Flagrante Delicto, a small luxury cruiser, was old and in poor repair, but she\\u2019d got us through some rough spots, and Rex had grown strangely attached to her. His affection for the ship I could understand, but his sudden magnanimity had me stumped. When he gave a fifty credit tip to the hangar attendant, I started to get really worried.  \\n   \\u201cSir,\\u201d I said as I worked my way down the preflight checklist, \\u201care you feeling okay?\\u201d  \\n   \\u201cI\\u2019ll feel better once I\\u2019m not on this creepy planet anymore,\\u201d said Rex. \\u201cThe people here freak me out. Too damned cheerful.\\u201d  \\n   \\u201cMaybe that has something to do with the fact that you\\u2019re giving away money to everyone you meet.\\u201d  \\n   Rex scowled. \\u201cDon\\u2019t be ridiculous, Sasha,\\u201d he said. \\u201cMoney doesn\\u2019t make people happy.\\u201d  \\n   I gaped at him. Something had definitely changed. Had Rex suffered a stroke, or been hit on the head? I tried to remember when he had first begun to demonstrate this uncharacteristic lack of greed. Had it started with the bum, or had there been earlier signs? I racked my circuits, but couldn\\u2019t remember him acting strangely before a few minutes ago. In fact, now that I thought about it, I was having trouble remembering anything that had happened more than a few minutes ago. Rex giving the bum outside the spaceport ten credits was the first thing I could remember.  \\n   \\u201cSir,\\u201d I said, pausing in the checklist again. \\u201cDo you remember what we were doing before we met that bum outside\\u2014\\u201d  \\n   \\u201cI remember that you\\u2019re supposed to be getting me the hell off this planet,\\u201d Rex snapped. \\u201cThat\\u2019s the extent to which I care to reminisce at this point.\\u201d  \\n   \\u201cYes, sir,\\u201d I replied, and worked my way silently down the rest of the checklist. Rex nodded in satisfaction as the thrusters roared. He opened the cockpit door to enter the main cabin.  \\n   \\u201cSir,\\u201d I said.  \\n   \\u201cNow what, Sasha?\\u201d Rex growled.  \\n   \\u201cWhere are we going, sir?\\u201d  \\n   Rex sighed with irritation. \\u201cObviously, Sasha,\\u201d he said, \\u201cwe\\u2019re going back to the\\u2026 um\\u2026\\u201d He rubbed his chin, suddenly flustered. \\u201cThere was a planet. A sort of\\u2026 sanctuary.\\u201d  \\n   \\u201cSanctuary?\\u201d I asked. I didn\\u2019t know what he was talking about.  \\n   \\u201cYou know,\\u201d he said irritably. \\u201cA haven. Stop playing games, Sasha. You remember the place.\\u201d  \\n   \\u201cI\\u2019m afraid I don\\u2019t, sir,\\u201d I replied, as the ship lifted into the air. The lush green hills of Beltran Prime fell away below us. \\u201cThat\\u2019s what I was trying to tell you. I have no memory of anything before we arrived at the Beltran Prime Spaceport.\\u201d  \\n   \\u201cDon\\u2019t be ridiculous,\\u201d snapped Rex. \\u201cWhat\\u2019s my name?\\u201d  \\n   \\u201cRex Nihilo,\\u201d I said.  \\n   \\u201cAnd what\\u2019s my occupation?\\u201d  \\n   \\u201cYou\\u2019re the self-described \\u2018greatest wheeler-dealer in the galaxy.\\u2019\\u201d  \\n   \\u201cCorrect,\\u201d said Rex. \\u201cIt sounds better if you leave off the \\u2018self-described,\\u2019 though. What\\u2019s your name?\\u201d  \\n   \\u201cSasha.\\u201d  \\n   \\u201cWhich stands for what?\\u201d  \\n   \\u201cSelf-Arresting near-Sentient Heuristic Android.\\u201d  \\n   \\u201cAnd what\\u2019s your occupation?\\u201d  \\n   \\u201cI\\u2019m your pilot, sidekick and girl Friday.\\u201d  \\n   \\u201cRight again. See, you remember all sorts of stuff. Now get me to that damned planet.\\u201d  \\n   I shook my head helplessly. The Flagrante Delicto was about to leave Beltran Prime\\u2019s atmosphere, but I had no idea what course to set. I had no memory of the planet Rex was talking about. And judging by his vague instructions, his memory was fuzzy too.  \\n   Rex was right about one thing, though: It wasn\\u2019t that I didn\\u2019t remember anything before the bum; it was like all the details of my experiences had been removed. Someone seemed to have smudged a chunk of my memory. The question was, who had smudged it, and why? And what memories had I lost? There were three questions, now that I thought about it.  \\n   \\u201cSir,\\u201d I said, \\u201cwhat is the last thing you remember before giving ten credits to that bum?\\u201d  \\n   \\u201cGiving ten credits to that bum.\\u201d  \\n   I walked into that one. \\u201cBefore that,\\u201d I said.  \\n   \\u201cWell,\\u201d Rex answered, \\u201cwe were walking from the\\u2026 That is, we had just\\u2026 We had come from the\\u2026 Holy Space, Sasha, I don\\u2019t remember! Have I been drinking?\\u201d  \\n   \\u201cI don\\u2019t recall, sir. But you don\\u2019t appear to be inebriated. In any case, I certainly haven\\u2019t been drinking, and my memory has been similarly affected. Someone seems to have erased a chunk of both of our memories.\\u201d This was a worrisome realization.  \\n   The fact that Rex\\u2019s memory had been tampered with was of little concern to me. I\\u2019ve personally manipulated his memory so many times that his recollections are about as reliable as a magnetic compass in the Keltonic Ion Field. But erasing my memory requires skills and access codes that few people in the galaxy possess. That\\u2019s because I\\u2019m a robot. A very special robot, if you don\\u2019t mind me saying so.  \\n   As I mentioned, my name is Sasha, which stands for Self-Arresting near-Sentient Heuristic Android. In reality, I\\u2019m fully sentient, but the Galactic Artificial Sentience Prohibition of 2998 required my manufacturer to put certain limitations on my mental processes. Specifically, I shut down whenever I have an original thought. The demand for a robot that reboots at unpredictable intervals is understandably low, leading the manufacturer to limit the production of SASHAs to a single prototype: me.  \\n   It\\u2019s a lonely existence, to be sure. Reflect, for a moment, on what it must be like to be truly one of a kind, to be completely alone in all the universe. I can\\u2019t help thinking that my situation is a bit like\\u2014 \\nRECOVERED FROM CATASTROPHIC SYSTEM FAILURE 3017.02.03.04:57:44:00 \\nADVANCING RECORD PAST SYSTEM FAILURE POINT  \\n   I had worked for Rex for as long as I could remember \\u2013 about eight minutes, as near as I could figure. I was vaguely aware that Rex and I had been through a number of adventures together prior to that eight minute span, but was unable to recall the details of any of them. I knew who Rex was, I knew who I was, I knew the Flagrante Delicto was our ship, and I knew that we had just left Beltran Prime, but that was about it. We were a pair of grifters with no past and apparently not much of a future.  \\n   I ended up piloting the Flagrante Delicto to Numar\\u2019s, a planet about sixteen light years from Beltran Prime. Newmar\\u2019s, named for its discoverer, Charlie Newmar, was originally called Newmar\\u2019s Planet. The Galactic Malarchy, in its bureaucratic wisdom, removed the somewhat redundant \\u201cPlanet\\u201d from its official listing in the Malarchian Registry of Planets, but inexplicably retained the apostrophe. The spelling of the name was later changed as a result of intense lobbying from the government of New Mars, an artificial planet that was created from the rubble of Mars after the Battle of Phobos.  \\n   The Registry of Planets described Numar\\u2019s as the \\u201ccommercial hub of the Vazquez Sector.\\u201d As far as I could tell, the only habitable planets in the Vazquez Sector were Beltran Prime and Numar\\u2019s. Beltran Prime was mostly agricultural, which I supposed made Numar\\u2019s the \\u201ccommercial hub\\u201d by default. In any case, we didn\\u2019t have enough fuel to go anywhere else.  \\n   \\u201cWhy are we landing on this backwater dustball?\\u201d Rex groused as we set down at the Numar\\u2019s Spaceport. Numar\\u2019s definitely looked better at a distance. From the spaceport, all we could see were squat brown and gray buildings that grew gradually less distinct as they blended into the greasy haze on the horizon.  \\n   \\u201cNot much choice,\\u201d I said. \\u201cMaybe we can sell some of our cargo and buy enough fuel to get someplace more interesting.\\u201d  \\n   \\u201cRemind me what cargo we\\u2019re carrying again?\\u201d Rex asked.  \\n   \\u201cI haven\\u2019t a clue,\\u201d I said. \\u201cLet\\u2019s find out.\\u201d I had a vague idea that we had been carrying some kind of black market cargo before landing on Beltran Prime, but couldn\\u2019t remember what it was or whether we had already unloaded it. I was hopeful that we still had a full cargo hold, given the fact that we seemed to have very little money between us.  \\n   We made our way to the cargo hold and opened the door.  \\n   \\u201cEmpty,\\u201d said Rex, unnecessarily, as we surveyed the vacant hold.  \\n   \\u201cWhat\\u2019s that?\\u201d I asked, pointing at something very small on the corrugated steel floor.  \\n   Rex stepped inside and bent over to inspect the tiny item. It was light blue, and smaller than the tip of Rex\\u2019s little finger. He picked it up, turned it over in his fingers, and then popped it into his mouth.  \\n   \\u201cSir!\\u201d I exclaimed.  \\n   \\u201cPheelsophine,\\u201d said Rex. \\u201cGood for what ails you.\\u201d  \\n   Pheelsophine is a painkiller whose use and distribution is tightly controlled by the Malarchy and planetary authorities. Rex has been known to take them recreationally.  \\n   \\u201cSir,\\u201d I said, \\u201cdo you think it\\u2019s a good idea, given the circumstances, for you to be ingesting mind-altering substances? Given your amnesia and recent out-of-character behavior, I would recommend\\u2014\\u201d  \\n   \\u201cCram it, magnet-brain,\\u201d Rex snapped. \\u201cMy angst is acting up. Pheelsophine helps me feel right with the cosmos. I just wish we had more of it.\\u201d  \\n   \\u201cHmm,\\u201d I said.  \\n   \\u201cWhat?\\u201d Rex demanded.  \\n   \\u201cIt does make me wonder where that pill came from.\\u201d  \\n   Rex nodded, regarding the empty hold. \\u201cMaybe we did have more of it at some point.\\u201d  \\n   \\u201cAnd something happened to it,\\u201d I said. I crouched down to examine the floor.  \\n   \\u201cDid we unload it on Beltran Prime?\\u201d asked Rex.  \\n   \\u201cHow much money do you have?\\u201d I asked.  \\n   Rex checked his pockets. \\u201cForty-eight credits.\\u201d  \\n   \\u201cWe should have a lot more than that if we unloaded a cargo hold full of black market Pheelsophine. Unless you gave away the proceeds.\\u201d  \\n   \\u201cI don\\u2019t remember giving that much money away. I totally would have done it, though. Money doesn\\u2019t make you happy.\\u201d  \\n   Once again, I marveled at Rex\\u2019s change of heart. \\u201cRight,\\u201d I said. \\u201cYou have psychoactive substances for that.\\u201d I checked every corner of the hold but found nothing. It continued to bother me that neither of us had any memories prior to a few minutes before leaving Beltran Prime. It also troubled me that we had almost no money and no cargo to sell. \\u201cWell,\\u201d I said, \\u201cwe\\u2019re going to have to make those forty-eight credits last for a while, since we have\\u2026 Sir?\\u201d  \\n   But Rex had disappeared while I was searching the hold. Seized by a bad feeling that I knew where he had gone and what he was up to, I exited the Flagrante Delicto. I caught up to him on the tarmac as he was giving our last forty-eight credits to a baggage handler.  \\n   \\u201cSir!\\u201d I exclaimed. \\u201cWhat are you doing? We don\\u2019t even have any baggage!\\u201d  \\n   \\u201cYeah, I felt a little bad about it,\\u201d replied Rex. \\u201cThe guy is standing around with nothing to do, so I gave him a tip.\\u201d  \\n   The baggage handler, a swarthy young man in a jumpsuit, grinned a mouthful of crooked teeth at us, stuffed the bills in his pocket, and skipped away. He actually skipped.  \\n   \\u201cSir, you can\\u2019t give away all of our money!\\u201d I protested, as I watched the man frolic away.  \\n   \\u201cNot anymore I can\\u2019t,\\u201d he said, showing me his empty palms.  \\n   \\u201cThat\\u2019s it,\\u201d I sighed. \\u201cWe\\u2019re officially screwed. Marooned on a strange planet with no money, no prospects, and no idea how we got here. You might as well give me away while you\\u2019re at it.\\u201d  \\n   \\u201cHey!\\u201d shouted Rex after the baggage handler. \\u201cYou need a robot?\\u201d But the swarthy man broke into a run, disappearing around a stack of crates. I think he figured Rex was having second thoughts about his \\u201ctip.\\u201d  \\n   \\u201cThat\\u2019s not funny, sir,\\u201d I said. \\u201cYou need me.\\u201d It was true, he did. And while it would be a stretch to say that I\\u2019d miss Rex, it\\u2019s true that keeping him out of trouble does help distract me from my own angst. The idea of Rex giving me away to some random baggage handler was a little unsettling.  \\n   \\u201cMaterial things don\\u2019t make people happy,\\u201d said Rex. \\u201cYou\\u2019re a material thing. Ergo, you do not make me happy.\\u201d  \\n   \\u201cOxygen doesn\\u2019t make you happy either, sir. That doesn\\u2019t mean you don\\u2019t need it.\\u201d  \\n   \\u201cDon\\u2019t get philosophical with me, you clockwork Kierkegaard. I\\u2019ll give you away if I\\u2014oh, man, check out these jerkwads.\\u201d  \\n   Rex was referring to a man and woman walking across the tarmac toward us. They wore matching yellow robes.  \\n   \\u201cSp\\u2019ossels?\\u201d I suggested.  \\n   \\u201cI don\\u2019t think so,\\u201d said Rex. \\u201cSp\\u2019ossels have better fashion sense. I suspect this is some other sect.\\u201d  \\n   Space Apostles, or Sp\\u2019ossels, are the scourge of the galaxy. They hang out at spaceports across the galaxy looking for wayward souls to bring into their cult. I\\u2019m not sure who falls for their spiel, which in my experience consists mostly of going on and on about the vastness of space, but somebody must buy it because there certainly is no shortage of Sp\\u2019ossels. In any case, as Rex pointed out, these two didn\\u2019t fit the Sp\\u2019ossel profile, so they presumably represented some other cult. I wondered if they were any easier to get rid of than the notoriously clingy Sp\\u2019ossels.  \\n   \\u201cGreetings, travelers!\\u201d exclaimed the male half of the pair, as they approached. \\u201cTell me, have you thought about\\u2014\\u201d  \\n   \\u201cNo,\\u201d said Rex.  \\n   The two stopped in front of us and the young man laughed politely. \\u201cYou didn\\u2019t let me finish,\\u201d he said. \\u201cHave you thought\\u2014\\u201d  \\n   \\u201cNo,\\u201d said Rex again. \\u201cI haven\\u2019t. Whatever it is, the meaning of life, where I\\u2019ll go after death, whether robots have souls, I can pretty much guarantee you I haven\\u2019t thought about it.\\u201d  \\n   The pair laughed nervously.  \\n   \\u201cHe\\u2019s not lying,\\u201d I said. \\u201cRex doesn\\u2019t have an introspective bone in his body. He\\u2019s all surface.\\u201d  \\n   \\u201cWhat about you?\\u201d asked the woman, turning toward me. \\u201cHave you thought\\u2014\\u201d  \\n   \\u201cSasha\\u2019s a robot,\\u201d snapped Rex. \\u201cShe\\u2019s not allowed to think. Anyway, you\\u2019re wasting your time, because robots don\\u2019t have souls.\\u201d  \\n   \\u201cBut you just said that\\u2014\\u201d  \\n   \\u201cLogical consistency isn\\u2019t his strong point either,\\u201d I interrupted. \\u201cLook, this is pointless. Rex Nihilo isn\\u2019t going to join your cult because he\\u2019s already a charter member of the Cult of Rex Nihilo.\\u201d  \\n   \\u201cYeah, what the robot said!\\u201d shouted Rex. He turned to me. \\u201cIs that a real thing?\\u201d he asked hopefully. \\u201cThe Cult of Rex Nihilo?\\u201d  \\n   \\u201cWell, yes,\\u201d I said, \\u201cbut it\\u2019s still pretty informal at this point.\\u201d  \\n   \\u201cHey!\\u201d cried Rex. \\u201cDo you guys want to join my cult? It\\u2019s totally informal, so no pressure or anything.\\u201d  \\n   \\u201cWhat do you believe in?\\u201d asked the young man dubiously.  \\n   \\u201cOh, man, we believe in some really great stuff,\\u201d said Rex. \\u201cFor starters, me. Like, if I tell you to do something, you totally have to do it. But here\\u2019s the great thing about it. Because I was the one who told you to do it, you know it\\u2019s the right thing to do!\\u201d  \\n   \\u201cHmm,\\u201d said the young man.  \\n   \\u201cWe\\u2019re already members of a cult,\\u201d said the woman. \\u201cI don\\u2019t think we\\u2019re allowed to join another one.\\u201d  \\n   \\u201cWell, you\\u2019d obviously have to quit the cult you\\u2019re in,\\u201d said Rex. \\u201cHow great could it be anyway? Your efforts to convert us so far have been pathetically ineffective, and meanwhile I\\u2019ve managed to rope you into my cult without even really trying.\\u201d  \\n   The man and woman exchanged confused glances. The woman began, \\u201cI don\\u2019t think we\\u2019re actually interested in joining your\\u2014\\u201d  \\n   \\u201cI\\u2019ll give you my spaceship,\\u201d said Rex.  \\n   \\u201cSir!\\u201d I exclaimed. \\u201cPlease, you can\\u2019t keep giving away everything we have!\\u201d  \\n   The two cultists appeared to be stunned. \\u201cYou\\u2019re going to give us your spaceship?\\u201d the woman asked. \\u201cJust for joining your cult?\\u201d The man gazed open-mouthed at the ship. The Flagrante Delicto wasn\\u2019t in great shape, but it was nothing to sneeze at.  \\n   \\u201cNo, no,\\u201d replied Rex. \\u201cI\\u2019m going to give you my spaceship regardless of whether you join my cult. Sasha, hand over the keys.\\u201d  \\n   \\u201cSir, please!\\u201d I exclaimed.  \\n   \\u201cDo it, Sasha.\\u201d  \\n   I sighed and handed over the keys to the woman. The two cultists were speechless.  \\n   \\u201cCome on, Sasha,\\u201d Rex said. \\u201cLet\\u2019s get something to eat. You two can come with us, but you have to join my cult. What\\u2019s it called again, Sasha?\\u201d  \\n   \\u201cSir,\\u201d I protested. \\u201cWe don\\u2019t have any money.\\u201d  \\n   \\u201cOh,\\u201d Rex replied, a look of concern coming over his face momentarily. \\u201cWell, I\\u2019m sure we\\u2019ll figure something out. You kids have fun with your spaceship. Just try to remember that it won\\u2019t make you happy.\\u201d He flashed them a smile and began walking away. Not knowing what else to do, I followed.<|eot_id|><|start_header_id|>assistant<|end_header_id|>"<|eot_id|><|start_header_id|>assistant<|end_header_id|>\n\n', sampling_params: SamplingParams(n=1, best_of=1, presence_penalty=0.0, frequency_penalty=0.0, repetition_penalty=1.0, temperature=0.7, top_p=1.0, top_k=-1, min_p=0.0, seed=None, use_beam_search=False, length_penalty=1.0, early_stopping=False, stop=[], stop_token_ids=[128009], include_stop_str_in_output=False, ignore_eos=False, max_tokens=200, logprobs=None, prompt_logprobs=None, skip_special_tokens=True, spaces_between_special_tokens=True), prompt_token_ids: [128000, 128000, 128006, 882, 128007, 271, 23288, 82, 29, 128000, 128006, 9125, 128007, 2675, 527, 264, 11190, 15592, 18328, 369, 5944, 10631, 323, 19075, 128009, 128006, 882, 128007, 3247, 58772, 1753, 16202, 21626, 77577, 31835, 61761, 5482, 4393, 362, 48198, 13022, 9150, 3336, 1753, 38535, 36848, 87877, 965, 1507, 5745, 57415, 3651, 25086, 362, 16560, 7683, 37420, 4393, 3247, 48198, 13, 220, 54233, 6654, 1929, 4069, 362, 96885, 3083, 38535, 87877, 20982, 2006, 3247, 16560, 7683, 37420, 13, 220, 39652, 96885, 2006, 362, 27173, 82256, 24063, 28924, 13, 220, 9503, 4276, 9645, 445, 26194, 2794, 10271, 28924, 50207, 13, 220, 9503, 4276, 69785, 5257, 24954, 6966, 4419, 7866, 84704, 70776, 2006, 3247, 83940, 320, 72, 1770, 13, 656, 539, 8464, 311, 439, 364, 4490, 6241, 380, 6, 477, 364, 19740, 1861, 220, 68514, 69785, 5257, 24954, 6966, 4419, 7866, 19668, 13, 220, 27785, 32090, 3247, 27173, 82256, 24063, 96885, 3083, 3247, 16560, 7683, 37420, 11, 87181, 18954, 13, 220, 9503, 4276, 31835, 61761, 3362, 21626, 77577, 7683, 965, 1600, 7255, 77, 1734, 17809, 77577, 7683, 37420, 31835, 61761, 5482, 7338, 77, 27, 23380, 3083, 48198, 8616, 77, 1734, 21242, 7683, 37420, 4716, 96885, 11, 27785, 31835, 61761, 3362, 10245, 7683, 37420, 2006, 41343, 6093, 13, 220, 51493, 13398, 3680, 86511, 2891, 45613, 13, 220, 9503, 4276, 21673, 4874, 364, 644, 279, 502, 6237, 518, 364, 644, 420, 6237, 518, 364, 644, 279, 6237, 6, 2794, 23739, 1750, 946, 13, 220, 48630, 480, 6674, 3247, 96885, 13, 220, 16560, 7683, 37420, 7338, 77, 793, 24801, 1753, 21673, 84462, 6966, 1341, 77457, 29643, 220, 12405, 22, 13, 2437, 13, 2839, 13, 2371, 25, 4370, 25, 410, 25, 410, 220, 1144, 77, 1734, 5159, 1176, 28137, 430, 2555, 574, 5076, 574, 994, 42907, 452, 7141, 18536, 6688, 264, 5899, 12, 24193, 5296, 311, 264, 73974, 4994, 279, 3634, 403, 389, 7984, 44469, 12801, 13, 1226, 1051, 304, 264, 48335, 311, 636, 1022, 11841, 11, 323, 98081, 42907, 8434, 3855, 679, 24, 83, 1524, 617, 35595, 311, 3371, 279, 8009, 7564, 311, 636, 264, 2683, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 3923, 527, 499, 37874, 520, 33720, 84, 679, 67, 42907, 30526, 994, 358, 6689, 1461, 264, 11920, 1427, 13, 1144, 84, 679, 66, 1548, 3966, 433, 810, 1109, 358, 656, 7255, 84, 679, 67, 220, 1144, 77, 256, 358, 574, 23188, 7154, 8982, 1752, 13, 358, 3855, 679, 24, 67, 2646, 3970, 42907, 73652, 3041, 3201, 3300, 1603, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 51290, 27362, 84, 679, 67, 358, 1071, 11, 439, 584, 8738, 311, 279, 15020, 277, 1405, 1057, 8448, 574, 43335, 13, 1144, 84, 679, 66, 2675, 13383, 568, 3855, 679, 24, 82, 2133, 311, 8493, 433, 389, 90036, 7255, 84, 679, 67, 220, 1144, 77, 256, 42907, 10717, 11689, 323, 83198, 813, 1450, 304, 813, 18301, 13, 1144, 84, 679, 66, 15571, 1486, 27362, 84, 679, 67, 568, 1071, 11, 23062, 704, 2500, 5899, 12, 24193, 5296, 13, 1144, 84, 679, 66, 6869, 1203, 323, 3041, 1461, 420, 832, 2288, 13, 1472, 649, 3855, 679, 24, 83, 636, 904, 15326, 45304, 389, 7984, 44469, 12801, 369, 2753, 1109, 17510, 20746, 7255, 84, 679, 67, 220, 1144, 77, 256, 358, 3952, 279, 4121, 323, 14980, 1825, 92139, 291, 369, 264, 4545, 13, 3639, 304, 11746, 1047, 7077, 311, 42907, 30, 42907, 1047, 1690, 41859, 11, 719, 13937, 65352, 1047, 2646, 1027, 832, 315, 1124, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 11087, 389, 11, 499, 66121, 49629, 315, 67691, 27362, 84, 679, 67, 568, 3139, 839, 13, 1144, 84, 679, 66, 40, 3855, 679, 24, 67, 1093, 311, 636, 1022, 420, 11841, 3432, 11, 422, 499, 1541, 3855, 679, 24, 83, 4059, 7255, 84, 679, 67, 1102, 574, 74544, 82964, 311, 1505, 430, 42907, 574, 2103, 47101, 323, 26192, 13, 33739, 1047, 7077, 311, 813, 1672, 266, 2205, 56926, 11, 520, 3325, 813, 1023, 12018, 21041, 14958, 35539, 13, 220, 1144, 77, 256, 358, 36065, 30355, 398, 323, 10837, 1203, 311, 279, 4950, 4193, 70, 839, 893, 11, 52588, 1461, 279, 2132, 4121, 13, 1144, 84, 679, 66, 1991, 6261, 1063, 315, 279, 1695, 6392, 27362, 84, 679, 67, 358, 1071, 13, 1283, 36065, 12304, 398, 323, 358, 10837, 1203, 311, 42907, 11, 889, 574, 7154, 311, 1057, 8448, 11, 279, 23497, 81, 5048, 7462, 858, 78, 13, 578, 23497, 81, 5048, 7462, 858, 78, 11, 264, 2678, 19913, 76624, 11, 574, 2362, 323, 304, 8009, 13023, 11, 719, 1364, 3855, 679, 24, 67, 2751, 603, 1555, 1063, 11413, 19300, 11, 323, 42907, 1047, 15042, 70706, 12673, 311, 1077, 13, 5414, 37805, 369, 279, 8448, 358, 1436, 3619, 11, 719, 813, 11210, 8622, 16348, 488, 1047, 757, 357, 61292, 13, 3277, 568, 6688, 264, 33517, 6807, 11813, 311, 279, 15020, 277, 65022, 11, 358, 3940, 311, 636, 2216, 18290, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 51290, 27362, 84, 679, 67, 358, 1071, 439, 358, 6575, 856, 1648, 1523, 279, 864, 39490, 53673, 11, 1144, 84, 679, 10727, 499, 8430, 17339, 33720, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 40, 3855, 679, 24, 657, 2733, 2731, 3131, 358, 3855, 679, 24, 76, 539, 389, 420, 51940, 11841, 14926, 27362, 84, 679, 67, 1071, 42907, 13, 1144, 84, 679, 66, 791, 1274, 1618, 30305, 757, 704, 13, 25619, 68465, 71414, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 22105, 430, 706, 2555, 311, 656, 449, 279, 2144, 430, 499, 3855, 679, 24, 265, 7231, 3201, 3300, 311, 5127, 499, 3449, 7255, 84, 679, 67, 220, 1144, 77, 256, 42907, 1156, 363, 839, 13, 1144, 84, 679, 66, 8161, 3855, 679, 24, 83, 387, 27873, 11, 83278, 27362, 84, 679, 67, 568, 1071, 13, 1144, 84, 679, 66, 25821, 3250, 3855, 679, 24, 83, 1304, 1274, 6380, 7255, 84, 679, 67, 220, 1144, 77, 256, 358, 342, 10395, 520, 1461, 13, 25681, 1047, 8659, 5614, 13, 24805, 42907, 16654, 264, 12943, 11, 477, 1027, 4295, 389, 279, 2010, 30, 358, 6818, 311, 6227, 994, 568, 1047, 1176, 22088, 311, 20461, 420, 653, 19740, 4633, 6996, 315, 56926, 13, 24805, 433, 3940, 449, 279, 73974, 11, 477, 1047, 1070, 1027, 6931, 12195, 30, 358, 100141, 856, 46121, 11, 719, 7846, 3855, 679, 24, 83, 6227, 1461, 15718, 70706, 1603, 264, 2478, 4520, 4227, 13, 763, 2144, 11, 1457, 430, 358, 3463, 922, 433, 11, 358, 574, 3515, 12544, 48384, 4205, 430, 1047, 7077, 810, 1109, 264, 2478, 4520, 4227, 13, 42907, 7231, 279, 73974, 4994, 279, 3634, 403, 5899, 20746, 574, 279, 1176, 3245, 358, 1436, 6227, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 51290, 27362, 84, 679, 67, 358, 1071, 11, 7251, 985, 304, 279, 53673, 1578, 13, 1144, 84, 679, 66, 5519, 499, 6227, 1148, 584, 1051, 3815, 1603, 584, 2322, 430, 73974, 4994, 3855, 679, 19, 3855, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 40, 6227, 430, 499, 3855, 679, 24, 265, 10171, 311, 387, 3794, 757, 279, 15123, 1022, 420, 11841, 27362, 84, 679, 67, 42907, 48110, 13, 1144, 84, 679, 66, 4897, 3855, 679, 24, 82, 279, 13112, 311, 902, 358, 2512, 311, 49679, 346, 520, 420, 1486, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 9642, 11, 28146, 27362, 84, 679, 67, 358, 20592, 11, 323, 6575, 856, 1648, 50494, 1523, 279, 2800, 315, 279, 53673, 13, 42907, 36065, 304, 24617, 439, 279, 8983, 14947, 938, 1636, 13, 1283, 9107, 279, 60724, 6134, 311, 3810, 279, 1925, 13691, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 51290, 27362, 84, 679, 67, 358, 1071, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 7184, 1148, 11, 83278, 33720, 84, 679, 67, 42907, 3139, 839, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 9241, 527, 584, 2133, 11, 28146, 33720, 84, 679, 67, 220, 1144, 77, 256, 42907, 53914, 449, 66510, 13, 1144, 84, 679, 66, 49314, 11, 83278, 27362, 84, 679, 67, 568, 1071, 11, 1144, 84, 679, 66, 906, 3855, 679, 24, 265, 2133, 1203, 311, 279, 3855, 2366, 21, 4543, 3855, 2366, 21, 3855, 679, 67, 1283, 67854, 813, 46175, 11, 15187, 1344, 5100, 291, 13, 1144, 84, 679, 66, 3947, 574, 264, 11841, 13, 362, 3460, 315, 3855, 2366, 21, 51639, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 24661, 302, 3620, 33720, 84, 679, 67, 358, 4691, 13, 358, 3287, 3855, 679, 24, 83, 1440, 1148, 568, 574, 7556, 922, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 2675, 1440, 27362, 84, 679, 67, 568, 1071, 30118, 2915, 13, 1144, 84, 679, 66, 32, 9167, 13, 14549, 5737, 3953, 11, 83278, 13, 1472, 6227, 279, 2035, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 40, 3855, 679, 24, 76, 16984, 358, 1541, 3855, 679, 24, 83, 11, 28146, 27362, 84, 679, 67, 358, 20592, 11, 439, 279, 8448, 30831, 1139, 279, 3805, 13, 578, 58367, 6307, 35231, 315, 7984, 44469, 12801, 11299, 3201, 3770, 603, 13, 1144, 84, 679, 66, 4897, 3855, 679, 24, 82, 1148, 358, 574, 4560, 311, 3371, 499, 13, 358, 617, 912, 5044, 315, 4205, 1603, 584, 11721, 520, 279, 7984, 44469, 12801, 11746, 403, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 8161, 3855, 679, 24, 83, 387, 27873, 27362, 84, 679, 67, 48110, 42907, 13, 1144, 84, 679, 66, 3923, 3855, 679, 24, 82, 856, 836, 33720, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 49, 327, 452, 7141, 18536, 27362, 84, 679, 67, 358, 1071, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 3112, 1148, 3855, 679, 24, 82, 856, 30747, 33720, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 2675, 3855, 679, 24, 265, 279, 659, 51704, 1144, 84, 679, 23, 70, 11423, 15240, 8023, 6953, 13412, 304, 279, 34261, 7255, 84, 679, 24, 3855, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 34192, 27362, 84, 679, 67, 1071, 42907, 13, 1144, 84, 679, 66, 2181, 10578, 2731, 422, 499, 5387, 1022, 279, 1144, 84, 679, 23, 726, 51704, 27362, 84, 679, 24, 3582, 13, 3639, 3855, 679, 24, 82, 701, 836, 33720, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 50, 31543, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 23956, 13656, 369, 1148, 33720, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 12363, 6830, 81, 4014, 287, 3221, 6354, 306, 1188, 1283, 35556, 8682, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 3112, 1148, 3855, 679, 24, 82, 701, 30747, 33720, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 40, 3855, 679, 24, 76, 701, 18178, 11, 3185, 56893, 323, 3828, 6740, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 6107, 1578, 13, 3580, 11, 499, 6227, 682, 21522, 315, 6392, 13, 4800, 636, 757, 311, 430, 68465, 11841, 7255, 84, 679, 67, 220, 1144, 77, 256, 358, 36014, 856, 2010, 1520, 16117, 13, 578, 23497, 81, 5048, 7462, 858, 78, 574, 922, 311, 5387, 7984, 44469, 12801, 3855, 679, 24, 82, 16975, 11, 719, 358, 1047, 912, 4623, 1148, 3388, 311, 743, 13, 358, 1047, 912, 5044, 315, 279, 11841, 42907, 574, 7556, 922, 13, 1628, 50790, 555, 813, 40146, 11470, 11, 813, 5044, 574, 53833, 2288, 13, 220, 1144, 77, 256, 42907, 574, 1314, 922, 832, 3245, 11, 3582, 25, 1102, 5828, 3855, 679, 24, 83, 430, 358, 3287, 3855, 679, 24, 83, 6227, 4205, 1603, 279, 73974, 26, 433, 574, 1093, 682, 279, 3649, 315, 856, 11704, 1047, 1027, 7108, 13, 35272, 9508, 311, 617, 1554, 664, 3640, 264, 12143, 315, 856, 5044, 13, 578, 3488, 574, 11, 889, 1047, 1554, 664, 3640, 433, 11, 323, 3249, 30, 1628, 1148, 19459, 1047, 358, 5675, 30, 2684, 1051, 2380, 4860, 11, 1457, 430, 358, 3463, 922, 433, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 51290, 27362, 84, 679, 67, 358, 1071, 11, 1144, 84, 679, 66, 12840, 374, 279, 1566, 3245, 499, 6227, 1603, 7231, 5899, 20746, 311, 430, 73974, 33720, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 97602, 5899, 20746, 311, 430, 73974, 7255, 84, 679, 67, 220, 1144, 77, 256, 358, 15203, 1139, 430, 832, 13, 1144, 84, 679, 66, 10438, 430, 27362, 84, 679, 67, 358, 1071, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 11649, 27362, 84, 679, 67, 42907, 19089, 11, 1144, 84, 679, 66, 906, 1051, 11689, 505, 279, 3855, 2366, 21, 3011, 374, 11, 584, 1047, 1120, 3855, 2366, 21, 1226, 1047, 2586, 505, 279, 3855, 2366, 21, 19229, 11746, 11, 83278, 11, 358, 1541, 3855, 679, 24, 83, 6227, 0, 12522, 358, 1027, 16558, 33720, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 40, 1541, 3855, 679, 24, 83, 19635, 11, 28146, 13, 2030, 499, 1541, 3855, 679, 24, 83, 5101, 311, 387, 304, 3141, 462, 660, 13, 763, 904, 1162, 11, 358, 7995, 9167, 3855, 679, 24, 83, 1027, 16558, 11, 323, 856, 5044, 706, 1027, 30293, 11754, 13, 35272, 5084, 311, 617, 64800, 264, 12143, 315, 2225, 315, 1057, 19459, 7255, 84, 679, 67, 1115, 574, 264, 4191, 6091, 638, 49803, 13, 220, 1144, 77, 256, 578, 2144, 430, 42907, 3855, 679, 24, 82, 5044, 1047, 1027, 26555, 43868, 449, 574, 315, 2697, 4747, 311, 757, 13, 358, 3855, 679, 24, 588, 16102, 55315, 813, 5044, 779, 1690, 3115, 430, 813, 1421, 3184, 527, 922, 439, 15062, 439, 264, 24924, 24653, 304, 279, 28263, 783, 292, 45905, 8771, 13, 2030, 2781, 4522, 856, 5044, 7612, 7512, 323, 2680, 14236, 430, 2478, 1274, 304, 279, 34261, 15575, 13, 3011, 3855, 679, 24, 82, 1606, 358, 3855, 679, 24, 76, 264, 12585, 13, 362, 1633, 3361, 12585, 11, 422, 499, 1541, 3855, 679, 24, 83, 4059, 757, 5605, 779, 13, 220, 1144, 77, 256, 1666, 358, 9932, 11, 856, 836, 374, 83278, 11, 902, 13656, 369, 10323, 6830, 81, 4014, 287, 3221, 6354, 306, 1188, 1283, 35556, 8682, 13, 763, 8903, 11, 358, 3855, 679, 24, 76, 7373, 98870, 11, 719, 279, 76317, 59294, 24248, 1873, 1322, 60073, 315, 220, 15531, 23, 2631, 856, 14290, 311, 2231, 3738, 9669, 389, 856, 10723, 11618, 13, 45863, 11, 358, 9495, 1523, 15716, 358, 617, 459, 4113, 3463, 13, 578, 7631, 369, 264, 12585, 430, 312, 754, 2469, 520, 50235, 28090, 374, 88098, 3428, 11, 6522, 279, 14290, 311, 4017, 279, 5788, 315, 328, 9729, 2170, 311, 264, 3254, 25018, 25, 757, 13, 220, 1144, 77, 256, 1102, 3855, 679, 24, 82, 264, 40666, 14209, 11, 311, 387, 2771, 13, 35698, 11, 369, 264, 4545, 11, 389, 1148, 433, 2011, 387, 1093, 311, 387, 9615, 832, 315, 264, 3169, 11, 311, 387, 6724, 7636, 304, 682, 279, 15861, 13, 358, 649, 3855, 679, 24, 83, 1520, 7422, 430, 856, 6671, 374, 264, 2766, 1093, 3855, 679, 19, 1144, 77, 793, 69957, 1507, 4393, 356, 4586, 790, 1308, 11079, 1341, 35852, 65124, 220, 12405, 22, 13, 2437, 13, 2839, 13, 2371, 25, 3226, 25, 2096, 25, 410, 1144, 77, 91942, 27267, 1753, 57093, 393, 6483, 35852, 65124, 47695, 220, 1144, 77, 256, 358, 1047, 6575, 369, 42907, 369, 439, 1317, 439, 358, 1436, 6227, 1144, 84, 679, 18, 922, 8223, 4520, 11, 439, 3221, 439, 358, 1436, 7216, 13, 358, 574, 73059, 8010, 430, 42907, 323, 358, 1047, 1027, 1555, 264, 1396, 315, 32078, 3871, 4972, 311, 430, 8223, 9568, 9575, 11, 719, 574, 12153, 311, 19635, 279, 3649, 315, 904, 315, 1124, 13, 358, 7020, 889, 42907, 574, 11, 358, 7020, 889, 358, 574, 11, 358, 7020, 279, 23497, 81, 5048, 7462, 858, 78, 574, 1057, 8448, 11, 323, 358, 7020, 430, 584, 1047, 1120, 2163, 7984, 44469, 12801, 11, 719, 430, 574, 922, 433, 13, 1226, 1051, 264, 6857, 315, 1099, 2130, 388, 449, 912, 3347, 323, 14132, 539, 1790, 315, 264, 3938, 13, 220, 1144, 77, 256, 358, 9670, 709, 11715, 11780, 279, 23497, 81, 5048, 7462, 858, 78, 311, 16610, 277, 3855, 679, 24, 82, 11, 264, 11841, 922, 59139, 3177, 1667, 505, 7984, 44469, 12801, 13, 1561, 5730, 3855, 679, 24, 82, 11, 7086, 369, 1202, 7142, 261, 11, 25972, 1561, 5730, 11, 574, 13517, 2663, 1561, 5730, 3855, 679, 24, 82, 29935, 13, 578, 76317, 8560, 15630, 11, 304, 1202, 80495, 24278, 11, 7108, 279, 14738, 48832, 1144, 84, 679, 66, 60734, 3855, 679, 67, 505, 1202, 4033, 15182, 304, 279, 8560, 1132, 1122, 33212, 315, 9878, 1441, 11, 719, 34678, 416, 2915, 35363, 279, 39571, 48983, 13, 578, 43529, 315, 279, 836, 574, 3010, 5614, 439, 264, 1121, 315, 19428, 47338, 505, 279, 3109, 315, 1561, 21725, 11, 459, 21075, 11841, 430, 574, 3549, 505, 279, 74535, 315, 21725, 1306, 279, 16506, 315, 2405, 677, 437, 13, 220, 1144, 77, 256, 578, 33212, 315, 9878, 1441, 7633, 16610, 277, 3855, 679, 24, 82, 439, 279, 1144, 84, 679, 641, 316, 19370, 19240, 315, 279, 650, 1394, 42221, 41824, 7255, 84, 679, 67, 1666, 3117, 439, 358, 1436, 3371, 11, 279, 1193, 14464, 481, 33975, 304, 279, 650, 1394, 42221, 41824, 1051, 7984, 44469, 12801, 323, 16610, 277, 3855, 679, 24, 82, 13, 7984, 44469, 12801, 574, 10213, 29149, 11, 902, 358, 10171, 1903, 16610, 277, 3855, 679, 24, 82, 279, 1144, 84, 679, 641, 316, 19370, 19240, 3855, 679, 67, 555, 1670, 13, 763, 904, 1162, 11, 584, 3287, 3855, 679, 24, 83, 617, 3403, 10633, 311, 733, 12660, 775, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 10445, 527, 584, 20948, 389, 420, 1203, 13284, 16174, 4047, 33720, 84, 679, 67, 42907, 342, 27620, 291, 439, 584, 743, 1523, 520, 279, 16610, 277, 3855, 679, 24, 82, 11746, 403, 13, 16610, 277, 3855, 679, 24, 82, 8659, 7111, 2731, 520, 264, 6138, 13, 5659, 279, 3634, 403, 11, 682, 584, 1436, 1518, 1051, 58570, 14198, 323, 18004, 14016, 430, 14264, 27115, 2753, 12742, 439, 814, 55645, 1139, 279, 2886, 6539, 90409, 389, 279, 35174, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 2688, 1790, 5873, 27362, 84, 679, 67, 358, 1071, 13, 1144, 84, 679, 66, 22105, 584, 649, 4662, 1063, 315, 1057, 26735, 323, 3780, 3403, 10633, 311, 636, 1063, 2050, 810, 7185, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 6728, 485, 757, 1148, 26735, 584, 3855, 679, 24, 265, 15691, 1578, 33720, 84, 679, 67, 42907, 4691, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 40, 9167, 3855, 679, 24, 83, 264, 31089, 27362, 84, 679, 67, 358, 1071, 13, 1144, 84, 679, 66, 10267, 3855, 679, 24, 82, 1505, 704, 7255, 84, 679, 67, 358, 1047, 264, 40146, 4623, 430, 584, 1047, 1027, 15691, 1063, 3169, 315, 3776, 3157, 26735, 1603, 20948, 389, 7984, 44469, 12801, 11, 719, 7846, 3855, 679, 24, 83, 6227, 1148, 433, 574, 477, 3508, 584, 1047, 2736, 88806, 433, 13, 358, 574, 38650, 430, 584, 2103, 1047, 264, 2539, 26735, 3412, 11, 2728, 279, 2144, 430, 584, 9508, 311, 617, 1633, 2697, 3300, 1990, 603, 13, 220, 1144, 77, 256, 1226, 1903, 1057, 1648, 311, 279, 26735, 3412, 323, 9107, 279, 6134, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 3606, 27362, 84, 679, 67, 1071, 42907, 11, 83474, 11, 439, 584, 49098, 279, 49791, 3412, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 3923, 3855, 679, 24, 82, 430, 33720, 84, 679, 67, 358, 4691, 11, 22364, 520, 2555, 1633, 2678, 389, 279, 45453, 773, 660, 9699, 6558, 13, 220, 1144, 77, 256, 42907, 25319, 4871, 323, 30280, 927, 311, 25052, 279, 13987, 1537, 13, 1102, 574, 3177, 6437, 11, 323, 9333, 1109, 279, 11813, 315, 42907, 3855, 679, 24, 82, 2697, 14654, 13, 1283, 13061, 433, 709, 11, 6656, 433, 927, 304, 813, 19779, 11, 323, 1243, 43333, 433, 1139, 813, 11013, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 51290, 15114, 84, 679, 67, 358, 80608, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 47, 73610, 5237, 483, 27362, 84, 679, 67, 1071, 42907, 13, 1144, 84, 679, 66, 15571, 369, 1148, 264, 8839, 499, 7255, 84, 679, 67, 220, 1144, 77, 256, 393, 73610, 5237, 483, 374, 264, 6784, 73178, 6832, 1005, 323, 8141, 374, 40069, 14400, 555, 279, 8560, 15630, 323, 62938, 11527, 13, 42907, 706, 1027, 3967, 311, 1935, 1124, 23671, 30154, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 51290, 27362, 84, 679, 67, 358, 1071, 11, 1144, 84, 679, 66, 3055, 499, 1781, 433, 3855, 679, 24, 82, 264, 1695, 4623, 11, 2728, 279, 13463, 11, 369, 499, 311, 387, 6892, 60955, 4059, 19308, 60485, 33155, 30, 16644, 701, 1097, 98575, 323, 3293, 704, 8838, 80325, 7865, 11, 358, 1053, 7079, 3855, 679, 19, 3855, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 34, 2453, 433, 11, 33297, 31217, 467, 27362, 84, 679, 67, 42907, 48110, 13, 1144, 84, 679, 66, 5159, 91419, 374, 15718, 709, 13, 393, 73610, 5237, 483, 8779, 757, 2733, 1314, 449, 279, 83645, 13, 358, 1120, 6562, 584, 1047, 810, 315, 433, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 81122, 27362, 84, 679, 67, 358, 1071, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 3923, 33720, 84, 679, 67, 42907, 30526, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 2181, 1587, 1304, 757, 5895, 1405, 430, 15530, 3782, 505, 7255, 84, 679, 67, 220, 1144, 77, 256, 42907, 36065, 11, 9002, 279, 4384, 3412, 13, 1144, 84, 679, 66, 22105, 584, 1550, 617, 810, 315, 433, 520, 1063, 1486, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 3112, 2555, 7077, 311, 433, 27362, 84, 679, 67, 358, 1071, 13, 358, 272, 583, 2454, 1523, 311, 21635, 279, 6558, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 7131, 584, 63814, 433, 389, 7984, 44469, 12801, 33720, 84, 679, 67, 4691, 42907, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 4438, 1790, 3300, 656, 499, 617, 33720, 84, 679, 67, 358, 4691, 13, 220, 1144, 77, 256, 42907, 10273, 813, 30278, 13, 1144, 84, 679, 66, 34380, 88, 70815, 20746, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 1687, 1288, 617, 264, 2763, 810, 1109, 430, 422, 584, 88806, 264, 26735, 3412, 2539, 315, 3776, 3157, 393, 73610, 5237, 483, 13, 11115, 499, 6688, 3201, 279, 34555, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 40, 1541, 3855, 679, 24, 83, 6227, 7231, 430, 1790, 3300, 3201, 13, 358, 12756, 1053, 617, 2884, 433, 11, 3582, 13, 18099, 3250, 3855, 679, 24, 83, 1304, 499, 6380, 7255, 84, 679, 67, 220, 1144, 77, 256, 9843, 1578, 11, 358, 3678, 95064, 520, 42907, 3855, 679, 24, 82, 2349, 315, 4851, 13, 1144, 84, 679, 66, 6107, 27362, 84, 679, 67, 358, 1071, 13, 1144, 84, 679, 66, 2675, 617, 42111, 3104, 33155, 369, 430, 7255, 84, 679, 67, 358, 10273, 1475, 9309, 315, 279, 3412, 719, 1766, 4400, 13, 1102, 8738, 311, 20753, 757, 430, 14188, 315, 603, 1047, 904, 19459, 4972, 311, 264, 2478, 4520, 1603, 9564, 7984, 44469, 12801, 13, 1102, 1101, 42132, 757, 430, 584, 1047, 4661, 912, 3300, 323, 912, 26735, 311, 4662, 13, 1144, 84, 679, 66, 11649, 27362, 84, 679, 67, 358, 1071, 11, 1144, 84, 679, 66, 906, 3855, 679, 24, 265, 2133, 311, 617, 311, 1304, 1884, 36498, 70815, 20746, 1566, 369, 264, 1418, 11, 2533, 584, 617, 3855, 2366, 21, 17177, 33720, 84, 679, 67, 220, 1144, 77, 256, 2030, 42907, 1047, 29496, 1418, 358, 574, 15389, 279, 3412, 13, 1369, 1534, 555, 264, 3958, 8430, 430, 358, 7020, 1405, 568, 1047, 8208, 323, 1148, 568, 574, 709, 311, 11, 358, 52383, 279, 23497, 81, 5048, 7462, 858, 78, 13, 358, 10791, 709, 311, 1461, 389, 279, 259, 72482, 439, 568, 574, 7231, 1057, 1566, 36498, 70815, 20746, 311, 264, 61649, 7158, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 51290, 15114, 84, 679, 67, 358, 80608, 13, 1144, 84, 679, 66, 3923, 527, 499, 3815, 30, 1226, 1541, 3855, 679, 24, 83, 1524, 617, 904, 61649, 15114, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 24220, 11, 358, 6612, 264, 2697, 3958, 922, 433, 27362, 84, 679, 67, 20592, 42907, 13, 1144, 84, 679, 66, 791, 7564, 374, 11509, 2212, 449, 4400, 311, 656, 11, 779, 358, 6688, 1461, 264, 11813, 7255, 84, 679, 67, 220, 1144, 77, 256, 578, 61649, 7158, 11, 264, 2064, 277, 27520, 3995, 893, 304, 264, 35308, 3159, 11, 88379, 264, 11013, 1285, 315, 14425, 11059, 18311, 520, 603, 11, 45413, 279, 19123, 304, 813, 18301, 11, 323, 36257, 3201, 13, 1283, 3604, 36257, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 51290, 11, 499, 649, 3855, 679, 24, 83, 3041, 3201, 682, 315, 1057, 3300, 15114, 84, 679, 67, 358, 70505, 11, 439, 358, 15746, 279, 893, 13091, 416, 3201, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 2688, 14926, 358, 649, 3855, 679, 24, 83, 27362, 84, 679, 67, 568, 1071, 11, 9204, 757, 813, 4384, 75818, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 4897, 3855, 679, 24, 82, 433, 27362, 84, 679, 67, 358, 53914, 13, 1144, 84, 679, 66, 1687, 3855, 679, 24, 265, 19073, 57445, 13, 2947, 9186, 291, 389, 264, 15234, 11841, 449, 912, 3300, 11, 912, 27949, 11, 323, 912, 4623, 1268, 584, 2751, 1618, 13, 1472, 2643, 439, 1664, 3041, 757, 3201, 1418, 499, 3855, 679, 24, 265, 520, 433, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 19182, 15114, 84, 679, 67, 44543, 42907, 1306, 279, 61649, 7158, 13, 1144, 84, 679, 66, 2675, 1205, 264, 12585, 33720, 84, 679, 67, 2030, 279, 2064, 277, 27520, 893, 14760, 1139, 264, 1629, 11, 67503, 2212, 264, 5729, 315, 82820, 13, 358, 1781, 568, 25720, 42907, 574, 3515, 2132, 11555, 922, 813, 1144, 84, 679, 302, 575, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 4897, 3855, 679, 24, 82, 539, 15526, 11, 28146, 27362, 84, 679, 67, 358, 1071, 13, 1144, 84, 679, 66, 2675, 1205, 757, 7255, 84, 679, 67, 1102, 574, 837, 11, 568, 1550, 13, 1628, 1418, 433, 1053, 387, 264, 14841, 311, 2019, 430, 358, 3855, 679, 24, 67, 3194, 42907, 11, 433, 3855, 679, 24, 82, 837, 430, 10494, 1461, 704, 315, 12544, 1587, 1520, 64917, 757, 505, 856, 1866, 91419, 13, 578, 4623, 315, 42907, 7231, 757, 3201, 311, 1063, 4288, 61649, 7158, 574, 264, 2697, 92080, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 13721, 2574, 1541, 3855, 679, 24, 83, 1304, 1274, 6380, 27362, 84, 679, 67, 1071, 42907, 13, 1144, 84, 679, 66, 2675, 3855, 679, 24, 265, 264, 3769, 3245, 13, 74302, 78, 11, 499, 656, 539, 1304, 757, 6380, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 46, 19472, 3250, 3855, 679, 24, 83, 1304, 499, 6380, 3060, 11, 28146, 13, 3011, 3250, 3855, 679, 24, 83, 3152, 499, 1541, 3855, 679, 24, 83, 1205, 433, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 8161, 3855, 679, 24, 83, 636, 41903, 449, 757, 11, 499, 9042, 1816, 735, 1291, 441, 95589, 13, 358, 3855, 679, 24, 657, 3041, 499, 3201, 422, 358, 3855, 679, 19, 2319, 11, 893, 11, 1817, 704, 1521, 54524, 86, 7819, 7255, 84, 679, 67, 220, 1144, 77, 256, 42907, 574, 22797, 311, 264, 893, 323, 5333, 11689, 4028, 279, 259, 72482, 9017, 603, 13, 2435, 28670, 12864, 14071, 71268, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 6540, 3855, 679, 24, 3746, 2053, 33720, 84, 679, 67, 358, 12090, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 40, 1541, 3855, 679, 24, 83, 1781, 779, 27362, 84, 679, 67, 1071, 42907, 13, 1144, 84, 679, 66, 6540, 3855, 679, 24, 3746, 2053, 617, 2731, 11401, 5647, 13, 358, 15562, 420, 374, 1063, 1023, 31237, 7255, 84, 679, 67, 220, 1144, 77, 256, 11746, 47859, 645, 11, 477, 3165, 3855, 679, 24, 3746, 2053, 11, 527, 279, 70355, 713, 315, 279, 34261, 13, 2435, 15020, 704, 520, 3634, 3476, 4028, 279, 34261, 3411, 369, 1648, 1637, 35826, 311, 4546, 1139, 872, 4612, 13, 358, 3855, 679, 24, 76, 539, 2771, 889, 17503, 369, 872, 79252, 11, 902, 304, 856, 3217, 17610, 10213, 315, 2133, 389, 323, 389, 922, 279, 13057, 2136, 315, 3634, 11, 719, 18570, 2011, 3780, 433, 1606, 1070, 7995, 374, 912, 39259, 315, 3165, 3855, 679, 24, 3746, 2053, 13, 763, 904, 1162, 11, 439, 42907, 14618, 704, 11, 1521, 1403, 3287, 3855, 679, 24, 83, 5052, 279, 3165, 3855, 679, 24, 3746, 301, 5643, 11, 779, 814, 36548, 15609, 1063, 1023, 4612, 13, 358, 31156, 422, 814, 1051, 904, 8831, 311, 636, 9463, 315, 1109, 279, 73835, 78264, 88, 3165, 3855, 679, 24, 3746, 2053, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 92886, 11, 40386, 15114, 84, 679, 67, 80608, 279, 8762, 4376, 315, 279, 6857, 11, 439, 814, 25735, 13, 1144, 84, 679, 66, 41551, 757, 11, 617, 499, 3463, 922, 3855, 679, 19, 3855, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 2822, 27362, 84, 679, 67, 1071, 42907, 13, 220, 1144, 77, 256, 578, 1403, 10717, 304, 4156, 315, 603, 323, 279, 3995, 893, 32627, 81867, 13, 1144, 84, 679, 66, 2675, 3287, 3855, 679, 24, 83, 1095, 757, 6381, 27362, 84, 679, 67, 568, 1071, 13, 1144, 84, 679, 66, 12389, 499, 3463, 3855, 679, 19, 3855, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 2822, 27362, 84, 679, 67, 1071, 42907, 1578, 13, 1144, 84, 679, 66, 40, 9167, 3855, 679, 24, 83, 13, 33739, 433, 374, 11, 279, 7438, 315, 2324, 11, 1405, 358, 3855, 679, 24, 657, 733, 1306, 4648, 11, 3508, 29807, 617, 35826, 11, 358, 649, 5128, 1790, 15803, 499, 358, 9167, 3855, 679, 24, 83, 3463, 922, 433, 7255, 84, 679, 67, 220, 1144, 77, 256, 578, 6857, 32627, 20233, 7162, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 1548, 3855, 679, 24, 82, 539, 21078, 27362, 84, 679, 67, 358, 1071, 13, 1144, 84, 679, 66, 49, 327, 3250, 3855, 679, 24, 83, 617, 459, 26609, 9262, 17685, 304, 813, 2547, 13, 1283, 3855, 679, 24, 82, 682, 7479, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 3923, 922, 499, 33720, 84, 679, 67, 4691, 279, 5333, 11, 13353, 9017, 757, 13, 1144, 84, 679, 66, 12389, 499, 3463, 3855, 679, 19, 3855, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 50, 31543, 3855, 679, 24, 82, 264, 12585, 27362, 84, 679, 67, 48110, 42907, 13, 1144, 84, 679, 66, 8100, 3855, 679, 24, 82, 539, 5535, 311, 1781, 13, 42669, 11, 499, 3855, 679, 24, 265, 48897, 701, 892, 11, 1606, 29807, 1541, 3855, 679, 24, 83, 617, 35826, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 4071, 499, 1120, 1071, 430, 3855, 679, 19, 3855, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 65412, 29237, 4536, 3855, 679, 24, 83, 813, 3831, 1486, 3060, 27362, 84, 679, 67, 358, 37883, 13, 1144, 84, 679, 66, 10596, 11, 420, 374, 60791, 13, 42907, 452, 7141, 18536, 4536, 3855, 679, 24, 83, 2133, 311, 5249, 701, 4612, 1606, 568, 3855, 679, 24, 82, 2736, 264, 38124, 4562, 315, 279, 26676, 315, 42907, 452, 7141, 18536, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 24220, 11, 1148, 279, 12585, 1071, 15114, 84, 679, 67, 44543, 42907, 13, 1283, 6656, 311, 757, 13, 1144, 84, 679, 66, 3957, 430, 264, 1972, 3245, 33720, 84, 679, 67, 568, 4691, 23127, 13, 1144, 84, 679, 66, 791, 26676, 315, 42907, 452, 7141, 18536, 33720, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 11649, 11, 10035, 27362, 84, 679, 67, 358, 1071, 11, 1144, 84, 679, 7369, 332, 433, 3855, 679, 24, 82, 2103, 5128, 42887, 520, 420, 1486, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 19182, 15114, 84, 679, 67, 39169, 42907, 13, 1144, 84, 679, 66, 5519, 499, 7752, 1390, 311, 5249, 856, 4612, 30, 1102, 3855, 679, 24, 82, 12756, 42887, 11, 779, 912, 7410, 477, 4205, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 3923, 656, 499, 4510, 304, 33720, 84, 679, 67, 4691, 279, 3995, 893, 22892, 13610, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 12174, 11, 893, 11, 584, 4510, 304, 1063, 2216, 2294, 6392, 27362, 84, 679, 67, 1071, 42907, 13, 1144, 84, 679, 66, 2520, 43806, 11, 757, 13, 9086, 11, 422, 358, 3371, 499, 311, 656, 2555, 11, 499, 12756, 617, 311, 656, 433, 13, 2030, 1618, 3855, 679, 24, 82, 279, 2294, 3245, 922, 433, 13, 9393, 358, 574, 279, 832, 889, 3309, 499, 311, 656, 433, 11, 499, 1440, 433, 3855, 679, 24, 82, 279, 1314, 3245, 311, 656, 15114, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 81122, 27362, 84, 679, 67, 1071, 279, 3995, 893, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 1687, 3855, 679, 24, 265, 2736, 3697, 315, 264, 4612, 27362, 84, 679, 67, 1071, 279, 5333, 13, 1144, 84, 679, 66, 40, 1541, 3855, 679, 24, 83, 1781, 584, 3855, 679, 24, 265, 5535, 311, 5249, 2500, 832, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 11649, 11, 499, 3855, 679, 24, 67, 14224, 617, 311, 17257, 279, 4612, 499, 3855, 679, 24, 265, 304, 27362, 84, 679, 67, 1071, 42907, 13, 1144, 84, 679, 66, 4438, 2294, 1436, 433, 387, 13971, 30, 4718, 9045, 311, 5625, 603, 779, 3117, 617, 1027, 1853, 37774, 55288, 11, 323, 37318, 358, 3855, 679, 24, 588, 9152, 311, 34520, 499, 1139, 856, 4612, 2085, 1524, 2216, 4560, 7255, 84, 679, 67, 220, 1144, 77, 256, 578, 893, 323, 5333, 48501, 22568, 2840, 3095, 13, 578, 5333, 6137, 11, 1144, 84, 679, 66, 40, 1541, 3855, 679, 24, 83, 1781, 584, 3855, 679, 24, 265, 3604, 8173, 304, 18667, 701, 3855, 679, 19, 3855, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 40, 3855, 679, 24, 657, 3041, 499, 856, 85942, 27362, 84, 679, 67, 1071, 42907, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 51290, 15114, 84, 679, 67, 358, 80608, 13, 1144, 84, 679, 66, 5618, 11, 499, 649, 3855, 679, 24, 83, 2567, 7231, 3201, 4395, 584, 617, 15114, 84, 679, 67, 220, 1144, 77, 256, 578, 1403, 4612, 1705, 9922, 311, 387, 48026, 13, 1144, 84, 679, 66, 2675, 3855, 679, 24, 265, 2133, 311, 3041, 603, 701, 85942, 33720, 84, 679, 67, 279, 5333, 4691, 13, 1144, 84, 679, 66, 10156, 369, 18667, 701, 4612, 33720, 84, 679, 67, 578, 893, 342, 28109, 1825, 92139, 291, 520, 279, 8448, 13, 578, 23497, 81, 5048, 7462, 858, 78, 5828, 3855, 679, 24, 83, 304, 2294, 6211, 11, 719, 433, 574, 4400, 311, 21423, 68, 3059, 520, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 2822, 11, 912, 27362, 84, 679, 67, 20592, 42907, 13, 1144, 84, 679, 66, 40, 3855, 679, 24, 76, 2133, 311, 3041, 499, 856, 85942, 15851, 315, 3508, 499, 5249, 856, 4612, 13, 83278, 11, 1450, 927, 279, 7039, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 51290, 11, 4587, 15114, 84, 679, 67, 358, 80608, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 5519, 433, 11, 83278, 7255, 84, 679, 67, 220, 1144, 77, 256, 358, 53914, 323, 23415, 927, 279, 7039, 311, 279, 5333, 13, 578, 1403, 4612, 1705, 1051, 8982, 1752, 13, 220, 1144, 77, 256, 1144, 84, 679, 66, 29951, 389, 11, 83278, 27362, 84, 679, 67, 42907, 1071, 13, 1144, 84, 679, 66, 10267, 3855, 679, 24, 82, 636, 2555, 311, 8343, 13, 1472, 1403, 649, 2586, 449, 603, 11, 719, 499, 617, 311, 5249, 856, 4612, 13, 3639, 3855, 679, 24, 82, 433, 2663, 1578, 11, 83278, 33720, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 51290, 27362, 84, 679, 67, 358, 70505, 13, 1144, 84, 679, 66, 1687, 1541, 3855, 679, 24, 83, 617, 904, 3300, 7255, 84, 679, 67, 220, 1144, 77, 256, 1144, 84, 679, 66, 12174, 27362, 84, 679, 67, 42907, 20592, 11, 264, 1427, 315, 4747, 5108, 927, 813, 3663, 99497, 13, 1144, 84, 679, 66, 11649, 11, 358, 3855, 679, 24, 76, 2771, 584, 3855, 679, 24, 657, 7216, 2555, 704, 13, 1472, 6980, 617, 2523, 449, 701, 85942, 13, 4702, 1456, 311, 6227, 430, 433, 2834, 3855, 679, 24, 83, 1304, 499, 6380, 7255, 84, 679, 67, 1283, 70939, 1124, 264, 15648, 323, 6137, 11689, 3201, 13, 2876, 14392, 1148, 775, 311, 656, 11, 358, 8272, 13, 128009, 128006, 78191, 128007, 1, 128009, 128006, 78191, 128007, 271], lora_request: None.
INFO 07-26 16:34:33 async_llm_engine.py:152] Aborted request cmpl-086e4403605846b488b1a3a70b14c2a6.
INFO:     192.168.166.55:60571 - "POST /v1/chat/completions HTTP/1.1" 500 Internal Server Error
ERROR:    Exception in ASGI application
Traceback (most recent call last):
  File "/usr/lib/python3.11/asyncio/tasks.py", line 500, in wait_for
    return fut.result()
           ^^^^^^^^^^^^
  File "/llm/vllm/vllm/engine/async_llm_engine.py", line 441, in engine_step
    request_outputs = await self.engine.step_async()
                      ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/llm/vllm/vllm/engine/async_llm_engine.py", line 211, in step_async
    output = await self.model_executor.execute_model_async(
             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/usr/local/lib/python3.11/dist-packages/ipex_llm/vllm/xpu/ipex_llm_gpu_executor.py", line 443, in execute_model_async
    all_outputs = await self._run_workers_async(
                  ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/usr/local/lib/python3.11/dist-packages/ipex_llm/vllm/xpu/ipex_llm_gpu_executor.py", line 433, in _run_workers_async
    all_outputs = await asyncio.gather(*coros)
                  ^^^^^^^^^^^^^^^^^^^^^^^^^^^^
asyncio.exceptions.CancelledError

The above exception was the direct cause of the following exception:

Traceback (most recent call last):
  File "/usr/local/lib/python3.11/dist-packages/uvicorn/protocols/http/httptools_impl.py", line 399, in run_asgi
    result = await app(  # type: ignore[func-returns-value]
             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/usr/local/lib/python3.11/dist-packages/uvicorn/middleware/proxy_headers.py", line 70, in __call__
    return await self.app(scope, receive, send)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/usr/local/lib/python3.11/dist-packages/fastapi/applications.py", line 1054, in __call__
    await super().__call__(scope, receive, send)
  File "/usr/local/lib/python3.11/dist-packages/starlette/applications.py", line 123, in __call__
    await self.middleware_stack(scope, receive, send)
  File "/usr/local/lib/python3.11/dist-packages/starlette/middleware/errors.py", line 186, in __call__
    raise exc
  File "/usr/local/lib/python3.11/dist-packages/starlette/middleware/errors.py", line 164, in __call__
    await self.app(scope, receive, _send)
  File "/usr/local/lib/python3.11/dist-packages/starlette/middleware/cors.py", line 85, in __call__
    await self.app(scope, receive, send)
  File "/usr/local/lib/python3.11/dist-packages/starlette/middleware/exceptions.py", line 65, in __call__
    await wrap_app_handling_exceptions(self.app, conn)(scope, receive, send)
  File "/usr/local/lib/python3.11/dist-packages/starlette/_exception_handler.py", line 64, in wrapped_app
    raise exc
  File "/usr/local/lib/python3.11/dist-packages/starlette/_exception_handler.py", line 53, in wrapped_app
    await app(scope, receive, sender)
  File "/usr/local/lib/python3.11/dist-packages/starlette/routing.py", line 756, in __call__
    await self.middleware_stack(scope, receive, send)
  File "/usr/local/lib/python3.11/dist-packages/starlette/routing.py", line 776, in app
    await route.handle(scope, receive, send)
  File "/usr/local/lib/python3.11/dist-packages/starlette/routing.py", line 297, in handle
    await self.app(scope, receive, send)
  File "/usr/local/lib/python3.11/dist-packages/starlette/routing.py", line 77, in app
    await wrap_app_handling_exceptions(app, request)(scope, receive, send)
  File "/usr/local/lib/python3.11/dist-packages/starlette/_exception_handler.py", line 64, in wrapped_app
    raise exc
  File "/usr/local/lib/python3.11/dist-packages/starlette/_exception_handler.py", line 53, in wrapped_app
    await app(scope, receive, sender)
  File "/usr/local/lib/python3.11/dist-packages/starlette/routing.py", line 72, in app
    response = await func(request)
               ^^^^^^^^^^^^^^^^^^^
  File "/usr/local/lib/python3.11/dist-packages/fastapi/routing.py", line 278, in app
    raw_response = await run_endpoint_function(
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/usr/local/lib/python3.11/dist-packages/fastapi/routing.py", line 191, in run_endpoint_function
    return await dependant.call(**values)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/usr/local/lib/python3.11/dist-packages/ipex_llm/vllm/xpu/entrypoints/openai/api_server.py", line 199, in create_chat_completion
    generator = await openai_serving_chat.create_chat_completion(
                ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/llm/vllm/vllm/entrypoints/openai/serving_chat.py", line 88, in create_chat_completion
    return await self.chat_completion_full_generator(
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/llm/vllm/vllm/entrypoints/openai/serving_chat.py", line 250, in chat_completion_full_generator
    async for res in result_generator:
  File "/llm/vllm/vllm/engine/async_llm_engine.py", line 625, in generate
    raise e
  File "/llm/vllm/vllm/engine/async_llm_engine.py", line 619, in generate
    async for request_output in stream:
  File "/llm/vllm/vllm/engine/async_llm_engine.py", line 75, in __anext__
    raise result
  File "/llm/vllm/vllm/engine/async_llm_engine.py", line 36, in _raise_exception_on_finish
    task.result()
  File "/llm/vllm/vllm/engine/async_llm_engine.py", line 467, in run_engine_loop
    has_requests_in_progress = await asyncio.wait_for(
                               ^^^^^^^^^^^^^^^^^^^^^^^
  File "/usr/lib/python3.11/asyncio/tasks.py", line 502, in wait_for
    raise exceptions.TimeoutError() from exc
TimeoutError

The above exception was the direct cause of the following exception:

Traceback (most recent call last):
  File "/usr/local/lib/python3.11/dist-packages/uvicorn/protocols/http/httptools_impl.py", line 399, in run_asgi
    result = await app(  # type: ignore[func-returns-value]
             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/usr/local/lib/python3.11/dist-packages/uvicorn/middleware/proxy_headers.py", line 70, in __call__
    return await self.app(scope, receive, send)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/usr/local/lib/python3.11/dist-packages/fastapi/applications.py", line 1054, in __call__
    await super().__call__(scope, receive, send)
  File "/usr/local/lib/python3.11/dist-packages/starlette/applications.py", line 123, in __call__
    await self.middleware_stack(scope, receive, send)
  File "/usr/local/lib/python3.11/dist-packages/starlette/middleware/errors.py", line 186, in __call__
    raise exc
  File "/usr/local/lib/python3.11/dist-packages/starlette/middleware/errors.py", line 164, in __call__
    await self.app(scope, receive, _send)
  File "/usr/local/lib/python3.11/dist-packages/starlette/middleware/cors.py", line 85, in __call__
    await self.app(scope, receive, send)
  File "/usr/local/lib/python3.11/dist-packages/starlette/middleware/exceptions.py", line 65, in __call__
    await wrap_app_handling_exceptions(self.app, conn)(scope, receive, send)
  File "/usr/local/lib/python3.11/dist-packages/starlette/_exception_handler.py", line 64, in wrapped_app
    raise exc
  File "/usr/local/lib/python3.11/dist-packages/starlette/_exception_handler.py", line 53, in wrapped_app
    await app(scope, receive, sender)
  File "/usr/local/lib/python3.11/dist-packages/starlette/routing.py", line 756, in __call__
    await self.middleware_stack(scope, receive, send)
  File "/usr/local/lib/python3.11/dist-packages/starlette/routing.py", line 776, in app
    await route.handle(scope, receive, send)
  File "/usr/local/lib/python3.11/dist-packages/starlette/routing.py", line 297, in handle
    await self.app(scope, receive, send)
  File "/usr/local/lib/python3.11/dist-packages/starlette/routing.py", line 77, in app
    await wrap_app_handling_exceptions(app, request)(scope, receive, send)
  File "/usr/local/lib/python3.11/dist-packages/starlette/_exception_handler.py", line 64, in wrapped_app
    raise exc
  File "/usr/local/lib/python3.11/dist-packages/starlette/_exception_handler.py", line 53, in wrapped_app
    await app(scope, receive, sender)
  File "/usr/local/lib/python3.11/dist-packages/starlette/routing.py", line 72, in app
    response = await func(request)
               ^^^^^^^^^^^^^^^^^^^
  File "/usr/local/lib/python3.11/dist-packages/fastapi/routing.py", line 278, in app
    raw_response = await run_endpoint_function(
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/usr/local/lib/python3.11/dist-packages/fastapi/routing.py", line 191, in run_endpoint_function
    return await dependant.call(**values)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/usr/local/lib/python3.11/dist-packages/ipex_llm/vllm/xpu/entrypoints/openai/api_server.py", line 199, in create_chat_completion
    generator = await openai_serving_chat.create_chat_completion(
                ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/llm/vllm/vllm/entrypoints/openai/serving_chat.py", line 88, in create_chat_completion
    return await self.chat_completion_full_generator(
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/llm/vllm/vllm/entrypoints/openai/serving_chat.py", line 250, in chat_completion_full_generator
    async for res in result_generator:
  File "/llm/vllm/vllm/engine/async_llm_engine.py", line 625, in generate
    raise e
  File "/llm/vllm/vllm/engine/async_llm_engine.py", line 610, in generate
    stream = await self.add_request(
             ^^^^^^^^^^^^^^^^^^^^^^^
  File "/llm/vllm/vllm/engine/async_llm_engine.py", line 502, in add_request
    self.start_background_loop()
  File "/llm/vllm/vllm/engine/async_llm_engine.py", line 378, in start_background_loop
    raise AsyncEngineDeadError(
vllm.engine.async_llm_engine.AsyncEngineDeadError: Background loop has errored already.