Open
Description
Describe the bug
When I try to use the latest docker image ipex-llm-inference-cpp-xpu
to run ollama, there will be a seg fault whenever I try to run any model.
SIGBUS: bus error
PC=0x7a7e89d52e07 m=3 sigcode=2 addr=0x7a7d52fae020
signal arrived during cgo execution
I have followed the instructions detailed here: https://github.com/intel/ipex-llm/blob/main/docs/mddocs/DockerGuides/docker_cpp_xpu_quickstart.md
The container has been started with the exact docker run command detailed in the example.
The GPU seems to be detected inside the container correctly:
root@host:/llm/scripts# sycl-ls
[level_zero:gpu][level_zero:0] Intel(R) oneAPI Unified Runtime over Level-Zero, Intel(R) Arc(TM) A750 Graphics 12.55.8 [1.6.32224.500000]
[opencl:cpu][opencl:0] Intel(R) OpenCL, Intel(R) Core(TM) i7-6950X CPU @ 3.00GHz OpenCL 3.0 (Build 0) [2024.18.12.0.05_160000]
[opencl:gpu][opencl:1] Intel(R) OpenCL Graphics, Intel(R) Arc(TM) A750 Graphics OpenCL 3.0 NEO [24.52.32224.5]
The GPU is currently in an older X99-based system (with no resizeable BAR support sadly).
Any help would be greatly appreicated - would love to get this working and test out what Arc can do with LLMs!
Environment information
-----------------------------------------------------------------
PYTHON_VERSION=3.13.3
-----------------------------------------------------------------
Transformers is not installed.
-----------------------------------------------------------------
PyTorch is not installed.
-----------------------------------------------------------------
ipex-llm WARNING: Package(s) not found: ipex-llm
-----------------------------------------------------------------
IPEX is not installed.
-----------------------------------------------------------------
CPU Information:
Architecture: x86_64
CPU op-mode(s): 32-bit, 64-bit
Address sizes: 46 bits physical, 48 bits virtual
Byte Order: Little Endian
CPU(s): 20
On-line CPU(s) list: 0-19
Vendor ID: GenuineIntel
Model name: Intel(R) Core(TM) i7-6950X CPU @ 3.00GHz
CPU family: 6
Model: 79
Thread(s) per core: 2
Core(s) per socket: 10
Socket(s): 1
Stepping: 1
CPU(s) scaling MHz: 40%
CPU max MHz: 4000.0000
CPU min MHz: 1200.0000
-----------------------------------------------------------------
Total CPU Memory: 62.7016 GB
Memory Type: DDR4
-----------------------------------------------------------------
Operating System:
\S{PRETTY_NAME} \r (\l)
-----------------------------------------------------------------
Linux host 6.12.32-1-lts #1 SMP PREEMPT_DYNAMIC Wed, 04 Jun 2025 14:14:48 +0000 x86_64 GNU/Linux
-----------------------------------------------------------------
WARNING: Small BAR detected for device 0000:03:00.0
CLI:
Version: 1.2.35.20240423
Build ID: efa70d34
Service:
Version: 1.2.35.20240423
Build ID: efa70d34
Level Zero Version: 1.21.9
-----------------------------------------------------------------
fgrep: warning: fgrep is obsolescent; using grep -F
WARNING: Small BAR detected for device 0000:03:00.0
-----------------------------------------------------------------
Driver related package version:
./env-check.sh: line 161: dpkg: command not found
-----------------------------------------------------------------
./env-check.sh: line 167: sycl-ls: command not found
igpu not detected
-----------------------------------------------------------------
xpu-smi is properly installed.
-----------------------------------------------------------------
WARNING: Small BAR detected for device 0000:03:00.0
No device discovered
GPU0 Memory ize=256M
-----------------------------------------------------------------
03:00.0 VGA compatible controller: Intel Corporation DG2 [Arc A750] (rev 08) (prog-if 00 [VGA controller])
Subsystem: Intel Corporation Device 1021
Flags: bus master, fast devsel, latency 0, IRQ 97, NUMA node 0
Memory at fa000000 (64-bit, non-prefetchable) [size=16M]
Memory at c0000000 (64-bit, prefetchable) [size=256M]
Expansion ROM at fb000000 [disabled] [size=2M]
Capabilities: [40] Vendor Specific Information: Len=0c <?>
Capabilities: [70] Express Endpoint, IntMsgNum 0
Capabilities: [ac] MSI: Enable+ Count=1/1 Maskable+ 64bit+
Additional context
The full output from trying to run Llama 3.2 1B:
root@host:/llm/scripts# bash start-ollama.sh
root@host:/llm/scripts# 2025/06/08 01:18:23 routes.go:1230: INFO server config env="map[CUDA_VISIBLE_DEVICES: GPU_DEVICE_ORDINAL: HIP_VISIBLE_DEVICES: HSA_OVERRIDE_GFX_VERSION: HTTPS_PROXY: HTTP_PROXY: NO_PROXY: OLLAMA_CONTEXT_LENGTH:2048 OLLAMA_DEBUG:false OLLAMA_FLASH_ATTENTION:false OLLAMA_GPU_OVERHEAD:0 OLLAMA_HOST:http://127.0.0.1:11434 OLLAMA_KEEP_ALIVE:5m0s OLLAMA_KV_CACHE_TYPE: OLLAMA_LLM_LIBRARY: OLLAMA_LOAD_TIMEOUT:5m0s OLLAMA_MAX_LOADED_MODELS:0 OLLAMA_MAX_QUEUE:512 OLLAMA_MODELS:/root/.ollama/models OLLAMA_MULTIUSER_CACHE:false OLLAMA_NEW_ENGINE:false OLLAMA_NOHISTORY:false OLLAMA_NOPRUNE:false OLLAMA_NUM_PARALLEL:1 OLLAMA_ORIGINS:[http://localhost https://localhost http://localhost:* https://localhost:* http://127.0.0.1 https://127.0.0.1 http://127.0.0.1:* https://127.0.0.1:* http://0.0.0.0 https://0.0.0.0 http://0.0.0.0:* https://0.0.0.0:* app://* file://* tauri://* vscode-webview://* vscode-file://*] OLLAMA_SCHED_SPREAD:false ROCR_VISIBLE_DEVICES: http_proxy: https_proxy: no_proxy:localhost,127.0.0.1]"
time=2025-06-08T01:18:23.065+08:00 level=INFO source=images.go:432 msg="total blobs: 5"
time=2025-06-08T01:18:23.065+08:00 level=INFO source=images.go:439 msg="total unused blobs removed: 0"
time=2025-06-08T01:18:23.065+08:00 level=INFO source=routes.go:1297 msg="Listening on 127.0.0.1:11434"
time=2025-06-08T01:18:23.065+08:00 level=INFO source=routes.go:1298 msg="Version intel-ollama-0.6.2"
time=2025-06-08T01:18:23.065+08:00 level=INFO source=gpu.go:217 msg="looking for compatible GPUs"
time=2025-06-08T01:18:23.065+08:00 level=INFO source=gpu.go:218 msg="using Intel GPU"
time=2025-06-08T01:18:23.087+08:00 level=INFO source=types.go:130 msg="inference compute" id=0 library=oneapi variant="" compute="" driver=0.0 name="Intel(R) Arc(TM) A750 Graphics" total="7.9 GiB" available="7.5 GiB"
time=2025-06-08T01:18:39.159+08:00 level=WARN source=ggml.go:149 msg="key not found" key=llama.vision.block_count default=0
time=2025-06-08T01:18:39.160+08:00 level=INFO source=sched.go:715 msg="new model will fit in available VRAM in single GPU, loading" model=/root/.ollama/models/blobs/sha256-74701a8c35f6c8d9a4b91f3f3497643001d63e0c7a84e085bed452548fa88d45 gpu=0 parallel=1 available=8096684441 required="1.6 GiB"
time=2025-06-08T01:18:39.175+08:00 level=INFO source=server.go:107 msg="system memory" total="62.7 GiB" free="61.2 GiB" free_swap="4.0 GiB"
time=2025-06-08T01:18:39.175+08:00 level=WARN source=ggml.go:149 msg="key not found" key=llama.vision.block_count default=0
time=2025-06-08T01:18:39.175+08:00 level=INFO source=server.go:154 msg=offload library=oneapi layers.requested=-1 layers.model=17 layers.offload=17 layers.split="" memory.available="[7.5 GiB]" memory.gpu_overhead="0 B" memory.required.full="1.6 GiB" memory.required.partial="1.6 GiB" memory.required.kv="64.0 MiB" memory.required.allocations="[1.6 GiB]" memory.weights.total="986.2 MiB" memory.weights.repeating="986.2 MiB" memory.weights.nonrepeating="266.2 MiB" memory.graph.full="254.5 MiB" memory.graph.partial="464.0 MiB"
llama_model_loader: loaded meta data with 30 key-value pairs and 147 tensors from /root/.ollama/models/blobs/sha256-74701a8c35f6c8d9a4b91f3f3497643001d63e0c7a84e085bed452548fa88d45 (version GGUF V3 (latest))
llama_model_loader: Dumping metadata keys/values. Note: KV overrides do not apply in this output.
llama_model_loader: - kv 0: general.architecture str = llama
llama_model_loader: - kv 1: general.type str = model
llama_model_loader: - kv 2: general.name str = Llama 3.2 1B Instruct
llama_model_loader: - kv 3: general.finetune str = Instruct
llama_model_loader: - kv 4: general.basename str = Llama-3.2
llama_model_loader: - kv 5: general.size_label str = 1B
llama_model_loader: - kv 6: general.tags arr[str,6] = ["facebook", "meta", "pytorch", "llam...
llama_model_loader: - kv 7: general.languages arr[str,8] = ["en", "de", "fr", "it", "pt", "hi", ...
llama_model_loader: - kv 8: llama.block_count u32 = 16
llama_model_loader: - kv 9: llama.context_length u32 = 131072
llama_model_loader: - kv 10: llama.embedding_length u32 = 2048
llama_model_loader: - kv 11: llama.feed_forward_length u32 = 8192
llama_model_loader: - kv 12: llama.attention.head_count u32 = 32
llama_model_loader: - kv 13: llama.attention.head_count_kv u32 = 8
llama_model_loader: - kv 14: llama.rope.freq_base f32 = 500000.000000
llama_model_loader: - kv 15: llama.attention.layer_norm_rms_epsilon f32 = 0.000010
llama_model_loader: - kv 16: llama.attention.key_length u32 = 64
llama_model_loader: - kv 17: llama.attention.value_length u32 = 64
llama_model_loader: - kv 18: general.file_type u32 = 7
llama_model_loader: - kv 19: llama.vocab_size u32 = 128256
llama_model_loader: - kv 20: llama.rope.dimension_count u32 = 64
llama_model_loader: - kv 21: tokenizer.ggml.model str = gpt2
llama_model_loader: - kv 22: tokenizer.ggml.pre str = llama-bpe
llama_model_loader: - kv 23: tokenizer.ggml.tokens arr[str,128256] = ["!", "\"", "#", "$", "%", "&", "'", ...
llama_model_loader: - kv 24: tokenizer.ggml.token_type arr[i32,128256] = [1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, ...
llama_model_loader: - kv 25: tokenizer.ggml.merges arr[str,280147] = ["Ġ Ġ", "Ġ ĠĠĠ", "ĠĠ ĠĠ", "...
llama_model_loader: - kv 26: tokenizer.ggml.bos_token_id u32 = 128000
llama_model_loader: - kv 27: tokenizer.ggml.eos_token_id u32 = 128009
llama_model_loader: - kv 28: tokenizer.chat_template str = {{- bos_token }}\n{%- if custom_tools ...
llama_model_loader: - kv 29: general.quantization_version u32 = 2
llama_model_loader: - type f32: 34 tensors
llama_model_loader: - type q8_0: 113 tensors
print_info: file format = GGUF V3 (latest)
print_info: file type = Q8_0
print_info: file size = 1.22 GiB (8.50 BPW)
load: special tokens cache size = 256
load: token to piece cache size = 0.7999 MB
print_info: arch = llama
print_info: vocab_only = 1
print_info: model type = ?B
print_info: model params = 1.24 B
print_info: general.name = Llama 3.2 1B Instruct
print_info: vocab type = BPE
print_info: n_vocab = 128256
print_info: n_merges = 280147
print_info: BOS token = 128000 '<|begin_of_text|>'
print_info: EOS token = 128009 '<|eot_id|>'
print_info: EOT token = 128009 '<|eot_id|>'
print_info: EOM token = 128008 '<|eom_id|>'
print_info: LF token = 198 'Ċ'
print_info: EOG token = 128008 '<|eom_id|>'
print_info: EOG token = 128009 '<|eot_id|>'
print_info: max token length = 256
llama_model_load: vocab only - skipping tensors
time=2025-06-08T01:18:39.506+08:00 level=INFO source=server.go:430 msg="starting llama server" cmd="/usr/local/lib/python3.11/dist-packages/bigdl/cpp/libs/ollama/ollama-lib runner --model /root/.ollama/models/blobs/sha256-74701a8c35f6c8d9a4b91f3f3497643001d63e0c7a84e085bed452548fa88d45 --ctx-size 2048 --batch-size 512 --n-gpu-layers 999 --threads 10 --parallel 1 --port 42041"
time=2025-06-08T01:18:39.507+08:00 level=INFO source=sched.go:450 msg="loaded runners" count=1
time=2025-06-08T01:18:39.507+08:00 level=INFO source=server.go:605 msg="waiting for llama runner to start responding"
time=2025-06-08T01:18:39.507+08:00 level=INFO source=server.go:639 msg="waiting for server to become available" status="llm server error"
time=2025-06-08T01:18:39.559+08:00 level=INFO source=runner.go:883 msg="starting go runner"
load_backend: loaded SYCL backend from /usr/local/lib/python3.11/dist-packages/bigdl/cpp/libs/ollama/libggml-sycl.so
load_backend: loaded CPU backend from /usr/local/lib/python3.11/dist-packages/bigdl/cpp/libs/ollama/libggml-cpu-haswell.so
time=2025-06-08T01:18:39.592+08:00 level=INFO source=ggml.go:109 msg=system CPU.0.LLAMAFILE=1 CPU.0.OPENMP=1 CPU.0.AARCH64_REPACK=1 CPU.1.LLAMAFILE=1 compiler=cgo(gcc)
time=2025-06-08T01:18:39.593+08:00 level=INFO source=runner.go:944 msg="Server listening on 127.0.0.1:42041"
llama_model_load_from_file_impl: using device SYCL0 (Intel(R) Arc(TM) A750 Graphics) - 7721 MiB free
llama_model_loader: loaded meta data with 30 key-value pairs and 147 tensors from /root/.ollama/models/blobs/sha256-74701a8c35f6c8d9a4b91f3f3497643001d63e0c7a84e085bed452548fa88d45 (version GGUF V3 (latest))
llama_model_loader: Dumping metadata keys/values. Note: KV overrides do not apply in this output.
llama_model_loader: - kv 0: general.architecture str = llama
llama_model_loader: - kv 1: general.type str = model
llama_model_loader: - kv 2: general.name str = Llama 3.2 1B Instruct
llama_model_loader: - kv 3: general.finetune str = Instruct
llama_model_loader: - kv 4: general.basename str = Llama-3.2
llama_model_loader: - kv 5: general.size_label str = 1B
llama_model_loader: - kv 6: general.tags arr[str,6] = ["facebook", "meta", "pytorch", "llam...
llama_model_loader: - kv 7: general.languages arr[str,8] = ["en", "de", "fr", "it", "pt", "hi", ...
llama_model_loader: - kv 8: llama.block_count u32 = 16
llama_model_loader: - kv 9: llama.context_length u32 = 131072
llama_model_loader: - kv 10: llama.embedding_length u32 = 2048
llama_model_loader: - kv 11: llama.feed_forward_length u32 = 8192
llama_model_loader: - kv 12: llama.attention.head_count u32 = 32
llama_model_loader: - kv 13: llama.attention.head_count_kv u32 = 8
llama_model_loader: - kv 14: llama.rope.freq_base f32 = 500000.000000
llama_model_loader: - kv 15: llama.attention.layer_norm_rms_epsilon f32 = 0.000010
llama_model_loader: - kv 16: llama.attention.key_length u32 = 64
llama_model_loader: - kv 17: llama.attention.value_length u32 = 64
llama_model_loader: - kv 18: general.file_type u32 = 7
llama_model_loader: - kv 19: llama.vocab_size u32 = 128256
llama_model_loader: - kv 20: llama.rope.dimension_count u32 = 64
llama_model_loader: - kv 21: tokenizer.ggml.model str = gpt2
llama_model_loader: - kv 22: tokenizer.ggml.pre str = llama-bpe
llama_model_loader: - kv 23: tokenizer.ggml.tokens arr[str,128256] = ["!", "\"", "#", "$", "%", "&", "'", ...
llama_model_loader: - kv 24: tokenizer.ggml.token_type arr[i32,128256] = [1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, ...
llama_model_loader: - kv 25: tokenizer.ggml.merges arr[str,280147] = ["Ġ Ġ", "Ġ ĠĠĠ", "ĠĠ ĠĠ", "...
llama_model_loader: - kv 26: tokenizer.ggml.bos_token_id u32 = 128000
llama_model_loader: - kv 27: tokenizer.ggml.eos_token_id u32 = 128009
llama_model_loader: - kv 28: tokenizer.chat_template str = {{- bos_token }}\n{%- if custom_tools ...
llama_model_loader: - kv 29: general.quantization_version u32 = 2
llama_model_loader: - type f32: 34 tensors
llama_model_loader: - type q8_0: 113 tensors
print_info: file format = GGUF V3 (latest)
print_info: file type = Q8_0
print_info: file size = 1.22 GiB (8.50 BPW)
time=2025-06-08T01:18:39.759+08:00 level=INFO source=server.go:639 msg="waiting for server to become available" status="llm server loading model"
load: special tokens cache size = 256
load: token to piece cache size = 0.7999 MB
print_info: arch = llama
print_info: vocab_only = 0
print_info: n_ctx_train = 131072
print_info: n_embd = 2048
print_info: n_layer = 16
print_info: n_head = 32
print_info: n_head_kv = 8
print_info: n_rot = 64
print_info: n_swa = 0
print_info: n_embd_head_k = 64
print_info: n_embd_head_v = 64
print_info: n_gqa = 4
print_info: n_embd_k_gqa = 512
print_info: n_embd_v_gqa = 512
print_info: f_norm_eps = 0.0e+00
print_info: f_norm_rms_eps = 1.0e-05
print_info: f_clamp_kqv = 0.0e+00
print_info: f_max_alibi_bias = 0.0e+00
print_info: f_logit_scale = 0.0e+00
print_info: n_ff = 8192
print_info: n_expert = 0
print_info: n_expert_used = 0
print_info: causal attn = 1
print_info: pooling type = 0
print_info: rope type = 0
print_info: rope scaling = linear
print_info: freq_base_train = 500000.0
print_info: freq_scale_train = 1
print_info: n_ctx_orig_yarn = 131072
print_info: rope_finetuned = unknown
print_info: ssm_d_conv = 0
print_info: ssm_d_inner = 0
print_info: ssm_d_state = 0
print_info: ssm_dt_rank = 0
print_info: ssm_dt_b_c_rms = 0
print_info: model type = 1B
print_info: model params = 1.24 B
print_info: general.name = Llama 3.2 1B Instruct
print_info: vocab type = BPE
print_info: n_vocab = 128256
print_info: n_merges = 280147
print_info: BOS token = 128000 '<|begin_of_text|>'
print_info: EOS token = 128009 '<|eot_id|>'
print_info: EOT token = 128009 '<|eot_id|>'
print_info: EOM token = 128008 '<|eom_id|>'
print_info: LF token = 198 'Ċ'
print_info: EOG token = 128008 '<|eom_id|>'
print_info: EOG token = 128009 '<|eot_id|>'
print_info: max token length = 256
load_tensors: loading model tensors, this can take a while... (mmap = true)
load_tensors: offloading 16 repeating layers to GPU
load_tensors: offloading output layer to GPU
load_tensors: offloaded 17/17 layers to GPU
load_tensors: CPU_Mapped model buffer size = 266.16 MiB
load_tensors: SYCL0 model buffer size = 1252.41 MiB
SIGBUS: bus error
PC=0x7a7e89d52e07 m=3 sigcode=2 addr=0x7a7d52fae020
signal arrived during cgo execution
goroutine 41 gp=0xc000504fc0 m=3 mp=0xc0000ad008 [syscall]:
runtime.cgocall(0x1101b60, 0xc0000b9880)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/cgocall.go:167 +0x4b fp=0xc0000b9858 sp=0xc0000b9820 pc=0x48ea4b
github.com/ollama/ollama/llama._Cfunc_llama_model_load_from_file(0x7a7e20000d50, {0x0, 0x0, 0x3e7, 0x1, 0x0, 0x0, 0x1101370, 0xc0005917d0, 0x0, ...})
_cgo_gotypes.go:867 +0x47 fp=0xc0000b9880 sp=0xc0000b9858 pc=0x826e87
github.com/ollama/ollama/llama.LoadModelFromFile.func4(...)
/home/runner/_work/llm.cpp/llm.cpp/ollama-internal/llama/llama.go:311
github.com/ollama/ollama/llama.LoadModelFromFile({0x7ffea80f7395, 0x62}, {0x3e7, 0x0, 0x1, 0x0, {0x0, 0x0, 0x0}, 0xc00005cbd0, ...})
/home/runner/_work/llm.cpp/llm.cpp/ollama-internal/llama/llama.go:311 +0x4d7 fp=0xc0000b9d70 sp=0xc0000b9880 pc=0x829b57
github.com/ollama/ollama/runner/llamarunner.(*Server).loadModel(0xc000126000, {0x3e7, 0x0, 0x1, 0x0, {0x0, 0x0, 0x0}, 0xc00005cbd0, 0x0, ...}, ...)
/home/runner/_work/llm.cpp/llm.cpp/ollama-internal/runner/llamarunner/runner.go:765 +0x10d fp=0xc0000b9ee8 sp=0xc0000b9d70 pc=0x8e2b6d
github.com/ollama/ollama/runner/llamarunner.Execute.gowrap1()
/home/runner/_work/llm.cpp/llm.cpp/ollama-internal/runner/llamarunner/runner.go:918 +0x115 fp=0xc0000b9fe0 sp=0xc0000b9ee8 pc=0x8e46b5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc0000b9fe8 sp=0xc0000b9fe0 pc=0x4993a1
created by github.com/ollama/ollama/runner/llamarunner.Execute in goroutine 1
/home/runner/_work/llm.cpp/llm.cpp/ollama-internal/runner/llamarunner/runner.go:918 +0xd8a
goroutine 1 gp=0xc000002380 m=nil [IO wait]:
runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc00051d5a8 sp=0xc00051d588 pc=0x491d4e
runtime.netpollblock(0xc00051d5f8?, 0x42b826?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/netpoll.go:575 +0xf7 fp=0xc00051d5e0 sp=0xc00051d5a8 pc=0x456d17
internal/poll.runtime_pollWait(0x7a7e8a2c7eb0, 0x72)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/netpoll.go:351 +0x85 fp=0xc00051d600 sp=0xc00051d5e0 pc=0x490f65
internal/poll.(*pollDesc).wait(0xc000124100?, 0x900000036?, 0x0)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/internal/poll/fd_poll_runtime.go:84 +0x27 fp=0xc00051d628 sp=0xc00051d600 pc=0x5182c7
internal/poll.(*pollDesc).waitRead(...)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/internal/poll/fd_poll_runtime.go:89
internal/poll.(*FD).Accept(0xc000124100)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/internal/poll/fd_unix.go:620 +0x295 fp=0xc00051d6d0 sp=0xc00051d628 pc=0x51d695
net.(*netFD).accept(0xc000124100)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/net/fd_unix.go:172 +0x29 fp=0xc00051d788 sp=0xc00051d6d0 pc=0x5904a9
net.(*TCPListener).accept(0xc0000d5580)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/net/tcpsock_posix.go:159 +0x1b fp=0xc00051d7d8 sp=0xc00051d788 pc=0x5a5e1b
net.(*TCPListener).Accept(0xc0000d5580)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/net/tcpsock.go:380 +0x30 fp=0xc00051d808 sp=0xc00051d7d8 pc=0x5a4cd0
net/http.(*onceCloseListener).Accept(0xc000126120?)
<autogenerated>:1 +0x24 fp=0xc00051d820 sp=0xc00051d808 pc=0x7bc244
net/http.(*Server).Serve(0xc000034800, {0x1568278, 0xc0000d5580})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/net/http/server.go:3424 +0x30c fp=0xc00051d950 sp=0xc00051d820 pc=0x793b0c
github.com/ollama/ollama/runner/llamarunner.Execute({0xc000034120, 0xe, 0xe})
/home/runner/_work/llm.cpp/llm.cpp/ollama-internal/runner/llamarunner/runner.go:945 +0x1249 fp=0xc00051dd08 sp=0xc00051d950 pc=0x8e42a9
github.com/ollama/ollama/runner.Execute({0xc000034110?, 0x0?, 0x0?})
/home/runner/_work/llm.cpp/llm.cpp/ollama-internal/runner/runner.go:22 +0xd4 fp=0xc00051dd30 sp=0xc00051dd08 pc=0x946b74
github.com/ollama/ollama/cmd.NewCLI.func2(0xc000116f00?, {0x139a140?, 0x4?, 0x139a144?})
/home/runner/_work/llm.cpp/llm.cpp/ollama-internal/cmd/cmd.go:1327 +0x45 fp=0xc00051dd58 sp=0xc00051dd30 pc=0x10941a5
github.com/spf13/cobra.(*Command).execute(0xc0004d6f08, {0xc000000ee0, 0xe, 0xe})
/root/go/pkg/mod/github.com/spf13/cobra@v1.7.0/command.go:940 +0x85c fp=0xc00051de78 sp=0xc00051dd58 pc=0x609abc
github.com/spf13/cobra.(*Command).ExecuteC(0xc0004ac908)
/root/go/pkg/mod/github.com/spf13/cobra@v1.7.0/command.go:1068 +0x3a5 fp=0xc00051df30 sp=0xc00051de78 pc=0x60a305
github.com/spf13/cobra.(*Command).Execute(...)
/root/go/pkg/mod/github.com/spf13/cobra@v1.7.0/command.go:992
github.com/spf13/cobra.(*Command).ExecuteContext(...)
/root/go/pkg/mod/github.com/spf13/cobra@v1.7.0/command.go:985
main.main()
/home/runner/_work/llm.cpp/llm.cpp/ollama-internal/main.go:12 +0x4d fp=0xc00051df50 sp=0xc00051df30 pc=0x109450d
runtime.main()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:283 +0x28b fp=0xc00051dfe0 sp=0xc00051df50 pc=0x45e2ab
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc00051dfe8 sp=0xc00051dfe0 pc=0x4993a1
goroutine 2 gp=0xc000002e00 m=nil [force gc (idle)]:
runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc0000a6fa8 sp=0xc0000a6f88 pc=0x491d4e
runtime.goparkunlock(...)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:441
runtime.forcegchelper()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:348 +0xb3 fp=0xc0000a6fe0 sp=0xc0000a6fa8 pc=0x45e5f3
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc0000a6fe8 sp=0xc0000a6fe0 pc=0x4993a1
created by runtime.init.7 in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:336 +0x1a
goroutine 3 gp=0xc000003340 m=nil [GC sweep wait]:
runtime.gopark(0x1?, 0x0?, 0x0?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc0000a7780 sp=0xc0000a7760 pc=0x491d4e
runtime.goparkunlock(...)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:441
runtime.bgsweep(0xc0000d2000)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgcsweep.go:316 +0xdf fp=0xc0000a77c8 sp=0xc0000a7780 pc=0x448d3f
runtime.gcenable.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:204 +0x25 fp=0xc0000a77e0 sp=0xc0000a77c8 pc=0x43d1a5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc0000a77e8 sp=0xc0000a77e0 pc=0x4993a1
created by runtime.gcenable in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:204 +0x66
goroutine 4 gp=0xc000003500 m=nil [GC scavenge wait]:
runtime.gopark(0x10000?, 0x1556200?, 0x0?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc0000a7f78 sp=0xc0000a7f58 pc=0x491d4e
runtime.goparkunlock(...)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:441
runtime.(*scavengerState).park(0x202bb80)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgcscavenge.go:425 +0x49 fp=0xc0000a7fa8 sp=0xc0000a7f78 pc=0x446789
runtime.bgscavenge(0xc0000d2000)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgcscavenge.go:658 +0x59 fp=0xc0000a7fc8 sp=0xc0000a7fa8 pc=0x446d19
runtime.gcenable.gowrap2()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:205 +0x25 fp=0xc0000a7fe0 sp=0xc0000a7fc8 pc=0x43d145
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc0000a7fe8 sp=0xc0000a7fe0 pc=0x4993a1
created by runtime.gcenable in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:205 +0xa5
goroutine 5 gp=0xc000003dc0 m=nil [finalizer wait]:
runtime.gopark(0x1b8?, 0xc000002380?, 0x1?, 0x23?, 0xc0000a6688?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc0000a6630 sp=0xc0000a6610 pc=0x491d4e
runtime.runfinq()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mfinal.go:196 +0x107 fp=0xc0000a67e0 sp=0xc0000a6630 pc=0x43c167
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc0000a67e8 sp=0xc0000a67e0 pc=0x4993a1
created by runtime.createfing in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mfinal.go:166 +0x3d
goroutine 6 gp=0xc0001fe8c0 m=nil [chan receive]:
runtime.gopark(0xc00024b680?, 0xc000118018?, 0x60?, 0x87?, 0x5771e8?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc0000a8718 sp=0xc0000a86f8 pc=0x491d4e
runtime.chanrecv(0xc00005a380, 0x0, 0x1)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/chan.go:664 +0x445 fp=0xc0000a8790 sp=0xc0000a8718 pc=0x42e3a5
runtime.chanrecv1(0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/chan.go:506 +0x12 fp=0xc0000a87b8 sp=0xc0000a8790 pc=0x42df32
runtime.unique_runtime_registerUniqueMapCleanup.func2(...)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1796
runtime.unique_runtime_registerUniqueMapCleanup.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1799 +0x2f fp=0xc0000a87e0 sp=0xc0000a87b8 pc=0x4402ef
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc0000a87e8 sp=0xc0000a87e0 pc=0x4993a1
created by unique.runtime_registerUniqueMapCleanup in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1794 +0x79
goroutine 7 gp=0xc0001fefc0 m=nil [GC worker (idle)]:
runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc0000a8f38 sp=0xc0000a8f18 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc0000a8fc8 sp=0xc0000a8f38 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc0000a8fe0 sp=0xc0000a8fc8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc0000a8fe8 sp=0xc0000a8fe0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 8 gp=0xc0001ff180 m=nil [GC worker (idle)]:
runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc0000a9738 sp=0xc0000a9718 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc0000a97c8 sp=0xc0000a9738 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc0000a97e0 sp=0xc0000a97c8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc0000a97e8 sp=0xc0000a97e0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 9 gp=0xc0001ff340 m=nil [GC worker (idle)]:
runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc0000a9f38 sp=0xc0000a9f18 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc0000a9fc8 sp=0xc0000a9f38 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc0000a9fe0 sp=0xc0000a9fc8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc0000a9fe8 sp=0xc0000a9fe0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 10 gp=0xc0001ff500 m=nil [GC worker (idle)]:
runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc0000a2738 sp=0xc0000a2718 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc0000a27c8 sp=0xc0000a2738 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc0000a27e0 sp=0xc0000a27c8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc0000a27e8 sp=0xc0000a27e0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 18 gp=0xc000504000 m=nil [GC worker (idle)]:
runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc00050a738 sp=0xc00050a718 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc00050a7c8 sp=0xc00050a738 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc00050a7e0 sp=0xc00050a7c8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc00050a7e8 sp=0xc00050a7e0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 19 gp=0xc0005041c0 m=nil [GC worker (idle)]:
runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc00050af38 sp=0xc00050af18 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc00050afc8 sp=0xc00050af38 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc00050afe0 sp=0xc00050afc8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc00050afe8 sp=0xc00050afe0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 34 gp=0xc000102380 m=nil [GC worker (idle)]:
runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc000506738 sp=0xc000506718 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc0005067c8 sp=0xc000506738 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc0005067e0 sp=0xc0005067c8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc0005067e8 sp=0xc0005067e0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 35 gp=0xc000102540 m=nil [GC worker (idle)]:
runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc000506f38 sp=0xc000506f18 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc000506fc8 sp=0xc000506f38 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc000506fe0 sp=0xc000506fc8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc000506fe8 sp=0xc000506fe0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 36 gp=0xc000102700 m=nil [GC worker (idle)]:
runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc000507738 sp=0xc000507718 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc0005077c8 sp=0xc000507738 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc0005077e0 sp=0xc0005077c8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc0005077e8 sp=0xc0005077e0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 37 gp=0xc0001028c0 m=nil [GC worker (idle)]:
runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc000507f38 sp=0xc000507f18 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc000507fc8 sp=0xc000507f38 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc000507fe0 sp=0xc000507fc8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc000507fe8 sp=0xc000507fe0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 38 gp=0xc000102a80 m=nil [GC worker (idle)]:
runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc000508738 sp=0xc000508718 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc0005087c8 sp=0xc000508738 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc0005087e0 sp=0xc0005087c8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc0005087e8 sp=0xc0005087e0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 39 gp=0xc000102c40 m=nil [GC worker (idle)]:
runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc000508f38 sp=0xc000508f18 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc000508fc8 sp=0xc000508f38 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc000508fe0 sp=0xc000508fc8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc000508fe8 sp=0xc000508fe0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 40 gp=0xc000102e00 m=nil [GC worker (idle)]:
runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc000509738 sp=0xc000509718 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc0005097c8 sp=0xc000509738 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc0005097e0 sp=0xc0005097c8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc0005097e8 sp=0xc0005097e0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 11 gp=0xc0001ff6c0 m=nil [GC worker (idle)]:
runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc0000a2f38 sp=0xc0000a2f18 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc0000a2fc8 sp=0xc0000a2f38 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc0000a2fe0 sp=0xc0000a2fc8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc0000a2fe8 sp=0xc0000a2fe0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 12 gp=0xc0001ff880 m=nil [GC worker (idle)]:
runtime.gopark(0x3a09a573313?, 0x0?, 0x0?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc0000a3738 sp=0xc0000a3718 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc0000a37c8 sp=0xc0000a3738 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc0000a37e0 sp=0xc0000a37c8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc0000a37e8 sp=0xc0000a37e0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 13 gp=0xc0001ffa40 m=nil [GC worker (idle)]:
runtime.gopark(0x20d9b60?, 0x1?, 0x1b?, 0x59?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc0000a3f38 sp=0xc0000a3f18 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc0000a3fc8 sp=0xc0000a3f38 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc0000a3fe0 sp=0xc0000a3fc8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc0000a3fe8 sp=0xc0000a3fe0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 20 gp=0xc000504380 m=nil [GC worker (idle)]:
runtime.gopark(0x20d9b60?, 0x1?, 0xb4?, 0xd4?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc00050b738 sp=0xc00050b718 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc00050b7c8 sp=0xc00050b738 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc00050b7e0 sp=0xc00050b7c8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc00050b7e8 sp=0xc00050b7e0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 21 gp=0xc000504540 m=nil [GC worker (idle)]:
runtime.gopark(0x20d9b60?, 0x1?, 0x35?, 0x11?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc00050bf38 sp=0xc00050bf18 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc00050bfc8 sp=0xc00050bf38 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc00050bfe0 sp=0xc00050bfc8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc00050bfe8 sp=0xc00050bfe0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 22 gp=0xc000504700 m=nil [GC worker (idle)]:
runtime.gopark(0x20d9b60?, 0x1?, 0x48?, 0xf2?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc00050c738 sp=0xc00050c718 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc00050c7c8 sp=0xc00050c738 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc00050c7e0 sp=0xc00050c7c8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc00050c7e8 sp=0xc00050c7e0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 23 gp=0xc0005048c0 m=nil [GC worker (idle)]:
runtime.gopark(0x20d9b60?, 0x1?, 0xab?, 0xb2?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc00050cf38 sp=0xc00050cf18 pc=0x491d4e
runtime.gcBgMarkWorker(0xc00005b960)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1423 +0xe9 fp=0xc00050cfc8 sp=0xc00050cf38 pc=0x43f609
runtime.gcBgMarkStartWorkers.gowrap1()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x25 fp=0xc00050cfe0 sp=0xc00050cfc8 pc=0x43f4e5
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc00050cfe8 sp=0xc00050cfe0 pc=0x4993a1
created by runtime.gcBgMarkStartWorkers in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/mgc.go:1339 +0x105
goroutine 42 gp=0xc000505180 m=nil [sync.WaitGroup.Wait]:
runtime.gopark(0x0?, 0x0?, 0x60?, 0x0?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc000509e18 sp=0xc000509df8 pc=0x491d4e
runtime.goparkunlock(...)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:441
runtime.semacquire1(0xc000126008, 0x0, 0x1, 0x0, 0x18)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/sema.go:188 +0x21d fp=0xc000509e80 sp=0xc000509e18 pc=0x4717bd
sync.runtime_SemacquireWaitGroup(0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/sema.go:110 +0x25 fp=0xc000509eb8 sp=0xc000509e80 pc=0x493745
sync.(*WaitGroup).Wait(0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/sync/waitgroup.go:118 +0x48 fp=0xc000509ee0 sp=0xc000509eb8 pc=0x4a4e08
github.com/ollama/ollama/runner/llamarunner.(*Server).run(0xc000126000, {0x156a540, 0xc0001a0eb0})
/home/runner/_work/llm.cpp/llm.cpp/ollama-internal/runner/llamarunner/runner.go:317 +0x47 fp=0xc000509fb8 sp=0xc000509ee0 pc=0x8df6e7
github.com/ollama/ollama/runner/llamarunner.Execute.gowrap2()
/home/runner/_work/llm.cpp/llm.cpp/ollama-internal/runner/llamarunner/runner.go:925 +0x28 fp=0xc000509fe0 sp=0xc000509fb8 pc=0x8e4568
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc000509fe8 sp=0xc000509fe0 pc=0x4993a1
created by github.com/ollama/ollama/runner/llamarunner.Execute in goroutine 1
/home/runner/_work/llm.cpp/llm.cpp/ollama-internal/runner/llamarunner/runner.go:925 +0xe65
goroutine 43 gp=0xc000505340 m=nil [IO wait]:
runtime.gopark(0x51b8c5?, 0xc000124180?, 0x40?, 0x1a?, 0xb?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/proc.go:435 +0xce fp=0xc000161948 sp=0xc000161928 pc=0x491d4e
runtime.netpollblock(0x4b50d8?, 0x42b826?, 0x0?)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/netpoll.go:575 +0xf7 fp=0xc000161980 sp=0xc000161948 pc=0x456d17
internal/poll.runtime_pollWait(0x7a7e8a2c7d98, 0x72)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/netpoll.go:351 +0x85 fp=0xc0001619a0 sp=0xc000161980 pc=0x490f65
internal/poll.(*pollDesc).wait(0xc000124180?, 0xc000156000?, 0x0)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/internal/poll/fd_poll_runtime.go:84 +0x27 fp=0xc0001619c8 sp=0xc0001619a0 pc=0x5182c7
internal/poll.(*pollDesc).waitRead(...)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/internal/poll/fd_poll_runtime.go:89
internal/poll.(*FD).Read(0xc000124180, {0xc000156000, 0x1000, 0x1000})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/internal/poll/fd_unix.go:165 +0x27a fp=0xc000161a60 sp=0xc0001619c8 pc=0x5195ba
net.(*netFD).Read(0xc000124180, {0xc000156000?, 0xc000161ad0?, 0x518785?})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/net/fd_posix.go:55 +0x25 fp=0xc000161aa8 sp=0xc000161a60 pc=0x58e505
net.(*conn).Read(0xc0000aa208, {0xc000156000?, 0x0?, 0x0?})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/net/net.go:194 +0x45 fp=0xc000161af0 sp=0xc000161aa8 pc=0x59c8a5
net/http.(*connReader).Read(0xc000120510, {0xc000156000, 0x1000, 0x1000})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/net/http/server.go:798 +0x159 fp=0xc000161b40 sp=0xc000161af0 pc=0x7889b9
bufio.(*Reader).fill(0xc000430240)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/bufio/bufio.go:113 +0x103 fp=0xc000161b78 sp=0xc000161b40 pc=0x5b4023
bufio.(*Reader).Peek(0xc000430240, 0x4)
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/bufio/bufio.go:152 +0x53 fp=0xc000161b98 sp=0xc000161b78 pc=0x5b4153
net/http.(*conn).serve(0xc000126120, {0x156a508, 0xc000120420})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/net/http/server.go:2137 +0x785 fp=0xc000161fb8 sp=0xc000161b98 pc=0x78e7a5
net/http.(*Server).Serve.gowrap3()
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/net/http/server.go:3454 +0x28 fp=0xc000161fe0 sp=0xc000161fb8 pc=0x793f08
runtime.goexit({})
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/runtime/asm_amd64.s:1700 +0x1 fp=0xc000161fe8 sp=0xc000161fe0 pc=0x4993a1
created by net/http.(*Server).Serve in goroutine 1
/root/go/pkg/mod/golang.org/toolchain@v0.0.1-go1.24.0.linux-amd64/src/net/http/server.go:3454 +0x485
rax 0x7a7d52fae000
rbx 0x234ce900
rcx 0x7a7d52fae000
rdx 0x7a7d52faff80
rdi 0x7a7d52fae020
rsi 0x7a7e234c99c0
rbp 0x7a7e2cbfc3f0
rsp 0x7a7e2cbfc208
r8 0x0
r9 0x1003c5000
r10 0x1
r11 0x246
r12 0x7a7e234c9920
r13 0x7a7d52fae000
r14 0x7a7e2340cc20
r15 0x7a7e234cb930
rip 0x7a7e89d52e07
rflags 0x10207
cs 0x33
fs 0x0
gs 0x0
time=2025-06-08T01:18:40.024+08:00 level=INFO source=server.go:639 msg="waiting for server to become available" status="llm server error"
time=2025-06-08T01:18:40.274+08:00 level=ERROR source=sched.go:456 msg="error loading llama server" error="llama runner process has terminated: exit status 2"
time=2025-06-08T01:18:45.293+08:00 level=WARN source=sched.go:647 msg="gpu VRAM usage didn't recover within timeout" seconds=5.018448494 model=/root/.ollama/models/blobs/sha256-74701a8c35f6c8d9a4b91f3f3497643001d63e0c7a84e085bed452548fa88d45
time=2025-06-08T01:18:45.543+08:00 level=WARN source=sched.go:647 msg="gpu VRAM usage didn't recover within timeout" seconds=5.268760856 model=/root/.ollama/models/blobs/sha256-74701a8c35f6c8d9a4b91f3f3497643001d63e0c7a84e085bed452548fa88d45
time=2025-06-08T01:18:45.793+08:00 level=WARN source=sched.go:647 msg="gpu VRAM usage didn't recover within timeout" seconds=5.518197234 model=/root/.ollama/models/blobs/sha256-74701a8c35f6c8d9a4b91f3f3497643001d63e0c7a84e085bed452548fa88d45