解决冲突:以本地版本为准更新 system_prompt.txt 和 py_tree_generator.py
This commit is contained in:
@@ -2,17 +2,17 @@ ggml_cuda_init: GGML_CUDA_FORCE_MMQ: no
|
||||
ggml_cuda_init: GGML_CUDA_FORCE_CUBLAS: no
|
||||
ggml_cuda_init: found 1 CUDA devices:
|
||||
Device 0: NVIDIA GeForce RTX 4060 Ti, compute capability 8.9, VMM: yes
|
||||
build: 6097 (9515c613) with cc (Ubuntu 11.4.0-1ubuntu1~22.04) 11.4.0 for x86_64-linux-gnu
|
||||
system info: n_threads = 8, n_threads_batch = 8, total_threads = 16
|
||||
build: 6912 (961660b8c) with cc (Ubuntu 11.4.0-1ubuntu1~22.04.2) 11.4.0 for x86_64-linux-gnu
|
||||
system info: n_threads = 6, n_threads_batch = 6, total_threads = 16
|
||||
|
||||
system_info: n_threads = 8 (n_threads_batch = 8) / 16 | CUDA : ARCHS = 500,610,700,750,800,860,890 | USE_GRAPHS = 1 | PEER_MAX_BATCH_SIZE = 128 | CPU : SSE3 = 1 | SSSE3 = 1 | AVX = 1 | AVX_VNNI = 1 | AVX2 = 1 | F16C = 1 | FMA = 1 | BMI2 = 1 | LLAMAFILE = 1 | OPENMP = 1 | REPACK = 1 |
|
||||
system_info: n_threads = 6 (n_threads_batch = 6) / 16 | CUDA : ARCHS = 890 | USE_GRAPHS = 1 | PEER_MAX_BATCH_SIZE = 128 | CPU : SSE3 = 1 | SSSE3 = 1 | AVX = 1 | AVX_VNNI = 1 | AVX2 = 1 | F16C = 1 | FMA = 1 | BMI2 = 1 | LLAMAFILE = 1 | OPENMP = 1 | REPACK = 1 |
|
||||
|
||||
main: binding port with default address family
|
||||
main: HTTP server is listening, hostname: 0.0.0.0, port: 8090, http threads: 15
|
||||
main: loading model
|
||||
srv load_model: loading model '/home/huangfukk/models/gguf/Qwen/Qwen3-Embedding-4B/Qwen3-Embedding-4B-Q4_K_M.gguf'
|
||||
llama_model_load_from_file_impl: using device CUDA0 (NVIDIA GeForce RTX 4060 Ti) - 15225 MiB free
|
||||
llama_model_loader: loaded meta data with 36 key-value pairs and 398 tensors from /home/huangfukk/models/gguf/Qwen/Qwen3-Embedding-4B/Qwen3-Embedding-4B-Q4_K_M.gguf (version GGUF V3 (latest))
|
||||
srv load_model: loading model '/home/huangfukk/models/gguf/Qwen3/Qwen3-Embedding-4B/Qwen3-Embedding-4B-Q5_K_M.gguf'
|
||||
llama_model_load_from_file_impl: using device CUDA0 (NVIDIA GeForce RTX 4060 Ti) (0000:01:00.0) - 13681 MiB free
|
||||
llama_model_loader: loaded meta data with 36 key-value pairs and 398 tensors from /home/huangfukk/models/gguf/Qwen3/Qwen3-Embedding-4B/Qwen3-Embedding-4B-Q5_K_M.gguf (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 = qwen3
|
||||
llama_model_loader: - kv 1: general.type str = model
|
||||
@@ -49,13 +49,13 @@ llama_model_loader: - kv 31: tokenizer.ggml.add_eos_token bool
|
||||
llama_model_loader: - kv 32: tokenizer.ggml.add_bos_token bool = false
|
||||
llama_model_loader: - kv 33: tokenizer.chat_template str = {%- if tools %}\n {{- '<|im_start|>...
|
||||
llama_model_loader: - kv 34: general.quantization_version u32 = 2
|
||||
llama_model_loader: - kv 35: general.file_type u32 = 15
|
||||
llama_model_loader: - kv 35: general.file_type u32 = 17
|
||||
llama_model_loader: - type f32: 145 tensors
|
||||
llama_model_loader: - type q4_K: 216 tensors
|
||||
llama_model_loader: - type q5_K: 216 tensors
|
||||
llama_model_loader: - type q6_K: 37 tensors
|
||||
print_info: file format = GGUF V3 (latest)
|
||||
print_info: file type = Q4_K - Medium
|
||||
print_info: file size = 2.32 GiB (4.95 BPW)
|
||||
print_info: file type = Q5_K - Medium
|
||||
print_info: file size = 2.68 GiB (5.73 BPW)
|
||||
load: printing all EOG tokens:
|
||||
load: - 151643 ('<|endoftext|>')
|
||||
load: - 151645 ('<|im_end|>')
|
||||
@@ -88,6 +88,8 @@ print_info: f_attn_scale = 0.0e+00
|
||||
print_info: n_ff = 9728
|
||||
print_info: n_expert = 0
|
||||
print_info: n_expert_used = 0
|
||||
print_info: n_expert_groups = 0
|
||||
print_info: n_group_used = 0
|
||||
print_info: causal attn = 1
|
||||
print_info: pooling type = 3
|
||||
print_info: rope type = 2
|
||||
@@ -122,9 +124,9 @@ print_info: max token length = 256
|
||||
load_tensors: loading model tensors, this can take a while... (mmap = true)
|
||||
load_tensors: offloading 36 repeating layers to GPU
|
||||
load_tensors: offloaded 36/37 layers to GPU
|
||||
load_tensors: CUDA0 model buffer size = 2071.62 MiB
|
||||
load_tensors: CPU_Mapped model buffer size = 303.75 MiB
|
||||
.........................................................................................
|
||||
load_tensors: CUDA0 model buffer size = 2445.68 MiB
|
||||
..........................................................................................
|
||||
llama_context: constructing llama_context
|
||||
llama_context: n_seq_max = 1
|
||||
llama_context: n_ctx = 4096
|
||||
@@ -132,17 +134,18 @@ llama_context: n_ctx_per_seq = 4096
|
||||
llama_context: n_batch = 2048
|
||||
llama_context: n_ubatch = 512
|
||||
llama_context: causal_attn = 1
|
||||
llama_context: flash_attn = 0
|
||||
llama_context: flash_attn = auto
|
||||
llama_context: kv_unified = false
|
||||
llama_context: freq_base = 1000000.0
|
||||
llama_context: freq_scale = 1
|
||||
llama_context: n_ctx_per_seq (4096) < n_ctx_train (40960) -- the full capacity of the model will not be utilized
|
||||
llama_context: CPU output buffer size = 0.59 MiB
|
||||
llama_kv_cache_unified: CUDA0 KV buffer size = 576.00 MiB
|
||||
llama_kv_cache_unified: size = 576.00 MiB ( 4096 cells, 36 layers, 1/1 seqs), K (f16): 288.00 MiB, V (f16): 288.00 MiB
|
||||
llama_kv_cache: CUDA0 KV buffer size = 576.00 MiB
|
||||
llama_kv_cache: size = 576.00 MiB ( 4096 cells, 36 layers, 1/1 seqs), K (f16): 288.00 MiB, V (f16): 288.00 MiB
|
||||
llama_context: Flash Attention was auto, set to enabled
|
||||
llama_context: CUDA0 compute buffer size = 604.96 MiB
|
||||
llama_context: CUDA_Host compute buffer size = 17.01 MiB
|
||||
llama_context: graph nodes = 1411
|
||||
llama_context: CUDA_Host compute buffer size = 13.01 MiB
|
||||
llama_context: graph nodes = 1268
|
||||
llama_context: graph splits = 4 (with bs=512), 3 (with bs=1)
|
||||
common_init_from_params: added <|endoftext|> logit bias = -inf
|
||||
common_init_from_params: added <|im_end|> logit bias = -inf
|
||||
@@ -153,6 +156,10 @@ common_init_from_params: setting dry_penalty_last_n to ctx_size = 4096
|
||||
common_init_from_params: warming up the model with an empty run - please wait ... (--no-warmup to disable)
|
||||
srv init: initializing slots, n_slots = 1
|
||||
slot init: id 0 | task -1 | new slot n_ctx_slot = 4096
|
||||
srv init: prompt cache is enabled, size limit: 8192 MiB
|
||||
srv init: use `--cache-ram 0` to disable the prompt cache
|
||||
srv init: for more info see https://github.com/ggml-org/llama.cpp/pull/16391
|
||||
srv init: thinking = 0
|
||||
main: model loaded
|
||||
main: chat template, chat_template: {%- if tools %}
|
||||
{{- '<|im_start|>system\n' }}
|
||||
@@ -221,139 +228,28 @@ How are you?<|im_end|>
|
||||
main: server is listening on http://0.0.0.0:8090 - starting the main loop
|
||||
srv update_slots: all slots are idle
|
||||
srv log_server_r: request: GET /health 127.0.0.1 200
|
||||
slot get_availabl: id 0 | task -1 | selected slot by LRU, t_last = -1
|
||||
slot launch_slot_: id 0 | task 0 | processing task
|
||||
slot update_slots: id 0 | task 0 | new prompt, n_ctx_slot = 4096, n_keep = 0, n_prompt_tokens = 2
|
||||
slot update_slots: id 0 | task 0 | kv cache rm [0, end)
|
||||
slot update_slots: id 0 | task 0 | prompt processing progress, n_past = 2, n_tokens = 2, progress = 1.000000
|
||||
slot update_slots: id 0 | task 0 | prompt done, n_past = 2, n_tokens = 2
|
||||
slot release: id 0 | task 0 | stop processing: n_past = 2, truncated = 0
|
||||
slot update_slots: id 0 | task 0 | new prompt, n_ctx_slot = 4096, n_keep = 0, task.n_tokens = 41
|
||||
slot update_slots: id 0 | task 0 | n_tokens = 0, memory_seq_rm [0, end)
|
||||
slot update_slots: id 0 | task 0 | prompt processing progress, n_tokens = 41, batch.n_tokens = 41, progress = 1.000000
|
||||
slot update_slots: id 0 | task 0 | prompt done, n_tokens = 41, batch.n_tokens = 41
|
||||
slot release: id 0 | task 0 | stop processing: n_tokens = 41, truncated = 0
|
||||
srv update_slots: all slots are idle
|
||||
srv log_server_r: request: POST /v1/embeddings 127.0.0.1 200
|
||||
slot get_availabl: id 0 | task -1 | selected slot by LCP similarity, sim_best = 1.000 (> 0.100 thold), f_keep = 1.000
|
||||
slot launch_slot_: id 0 | task 2 | processing task
|
||||
slot update_slots: id 0 | task 2 | new prompt, n_ctx_slot = 4096, n_keep = 0, n_prompt_tokens = 9
|
||||
slot update_slots: id 0 | task 2 | kv cache rm [1, end)
|
||||
slot update_slots: id 0 | task 2 | prompt processing progress, n_past = 9, n_tokens = 8, progress = 0.888889
|
||||
slot update_slots: id 0 | task 2 | prompt done, n_past = 9, n_tokens = 8
|
||||
slot release: id 0 | task 2 | stop processing: n_past = 9, truncated = 0
|
||||
srv update_slots: all slots are idle
|
||||
srv log_server_r: request: POST /v1/embeddings 127.0.0.1 200
|
||||
slot launch_slot_: id 0 | task 4 | processing task
|
||||
slot update_slots: id 0 | task 4 | new prompt, n_ctx_slot = 4096, n_keep = 0, n_prompt_tokens = 12
|
||||
slot update_slots: id 0 | task 4 | kv cache rm [7, end)
|
||||
slot update_slots: id 0 | task 4 | prompt processing progress, n_past = 12, n_tokens = 5, progress = 0.416667
|
||||
slot update_slots: id 0 | task 4 | prompt done, n_past = 12, n_tokens = 5
|
||||
slot release: id 0 | task 4 | stop processing: n_past = 12, truncated = 0
|
||||
srv update_slots: all slots are idle
|
||||
srv log_server_r: request: POST /v1/embeddings 127.0.0.1 200
|
||||
slot launch_slot_: id 0 | task 6 | processing task
|
||||
slot update_slots: id 0 | task 6 | new prompt, n_ctx_slot = 4096, n_keep = 0, n_prompt_tokens = 2
|
||||
slot update_slots: id 0 | task 6 | kv cache rm [1, end)
|
||||
slot update_slots: id 0 | task 6 | prompt processing progress, n_past = 2, n_tokens = 1, progress = 0.500000
|
||||
slot update_slots: id 0 | task 6 | prompt done, n_past = 2, n_tokens = 1
|
||||
slot release: id 0 | task 6 | stop processing: n_past = 2, truncated = 0
|
||||
srv update_slots: all slots are idle
|
||||
srv log_server_r: request: POST /v1/embeddings 127.0.0.1 200
|
||||
slot launch_slot_: id 0 | task 8 | processing task
|
||||
slot update_slots: id 0 | task 8 | new prompt, n_ctx_slot = 4096, n_keep = 0, n_prompt_tokens = 9
|
||||
slot update_slots: id 0 | task 8 | kv cache rm [1, end)
|
||||
slot update_slots: id 0 | task 8 | prompt processing progress, n_past = 9, n_tokens = 8, progress = 0.888889
|
||||
slot update_slots: id 0 | task 8 | prompt done, n_past = 9, n_tokens = 8
|
||||
slot release: id 0 | task 8 | stop processing: n_past = 9, truncated = 0
|
||||
srv update_slots: all slots are idle
|
||||
srv log_server_r: request: POST /v1/embeddings 127.0.0.1 200
|
||||
slot launch_slot_: id 0 | task 10 | processing task
|
||||
slot update_slots: id 0 | task 10 | new prompt, n_ctx_slot = 4096, n_keep = 0, n_prompt_tokens = 2
|
||||
slot update_slots: id 0 | task 10 | kv cache rm [1, end)
|
||||
slot update_slots: id 0 | task 10 | prompt processing progress, n_past = 2, n_tokens = 1, progress = 0.500000
|
||||
slot update_slots: id 0 | task 10 | prompt done, n_past = 2, n_tokens = 1
|
||||
slot release: id 0 | task 10 | stop processing: n_past = 2, truncated = 0
|
||||
srv update_slots: all slots are idle
|
||||
srv log_server_r: request: POST /v1/embeddings 127.0.0.1 200
|
||||
slot launch_slot_: id 0 | task 12 | processing task
|
||||
slot update_slots: id 0 | task 12 | new prompt, n_ctx_slot = 4096, n_keep = 0, n_prompt_tokens = 9
|
||||
slot update_slots: id 0 | task 12 | kv cache rm [1, end)
|
||||
slot update_slots: id 0 | task 12 | prompt processing progress, n_past = 9, n_tokens = 8, progress = 0.888889
|
||||
slot update_slots: id 0 | task 12 | prompt done, n_past = 9, n_tokens = 8
|
||||
slot release: id 0 | task 12 | stop processing: n_past = 9, truncated = 0
|
||||
srv update_slots: all slots are idle
|
||||
srv log_server_r: request: POST /v1/embeddings 127.0.0.1 200
|
||||
slot launch_slot_: id 0 | task 14 | processing task
|
||||
slot update_slots: id 0 | task 14 | new prompt, n_ctx_slot = 4096, n_keep = 0, n_prompt_tokens = 12
|
||||
slot update_slots: id 0 | task 14 | kv cache rm [7, end)
|
||||
slot update_slots: id 0 | task 14 | prompt processing progress, n_past = 12, n_tokens = 5, progress = 0.416667
|
||||
slot update_slots: id 0 | task 14 | prompt done, n_past = 12, n_tokens = 5
|
||||
slot release: id 0 | task 14 | stop processing: n_past = 12, truncated = 0
|
||||
srv update_slots: all slots are idle
|
||||
srv log_server_r: request: POST /v1/embeddings 127.0.0.1 200
|
||||
slot launch_slot_: id 0 | task 16 | processing task
|
||||
slot update_slots: id 0 | task 16 | new prompt, n_ctx_slot = 4096, n_keep = 0, n_prompt_tokens = 12
|
||||
slot update_slots: id 0 | task 16 | kv cache rm [7, end)
|
||||
slot update_slots: id 0 | task 16 | prompt processing progress, n_past = 12, n_tokens = 5, progress = 0.416667
|
||||
slot update_slots: id 0 | task 16 | prompt done, n_past = 12, n_tokens = 5
|
||||
slot release: id 0 | task 16 | stop processing: n_past = 12, truncated = 0
|
||||
srv update_slots: all slots are idle
|
||||
srv log_server_r: request: POST /v1/embeddings 127.0.0.1 200
|
||||
slot launch_slot_: id 0 | task 18 | processing task
|
||||
slot update_slots: id 0 | task 18 | new prompt, n_ctx_slot = 4096, n_keep = 0, n_prompt_tokens = 12
|
||||
slot update_slots: id 0 | task 18 | kv cache rm [7, end)
|
||||
slot update_slots: id 0 | task 18 | prompt processing progress, n_past = 12, n_tokens = 5, progress = 0.416667
|
||||
slot update_slots: id 0 | task 18 | prompt done, n_past = 12, n_tokens = 5
|
||||
slot release: id 0 | task 18 | stop processing: n_past = 12, truncated = 0
|
||||
srv update_slots: all slots are idle
|
||||
srv log_server_r: request: POST /v1/embeddings 127.0.0.1 200
|
||||
slot launch_slot_: id 0 | task 20 | processing task
|
||||
slot update_slots: id 0 | task 20 | new prompt, n_ctx_slot = 4096, n_keep = 0, n_prompt_tokens = 10
|
||||
slot update_slots: id 0 | task 20 | kv cache rm [0, end)
|
||||
slot update_slots: id 0 | task 20 | prompt processing progress, n_past = 10, n_tokens = 10, progress = 1.000000
|
||||
slot update_slots: id 0 | task 20 | prompt done, n_past = 10, n_tokens = 10
|
||||
slot release: id 0 | task 20 | stop processing: n_past = 10, truncated = 0
|
||||
srv update_slots: all slots are idle
|
||||
srv log_server_r: request: POST /v1/embeddings 127.0.0.1 200
|
||||
slot launch_slot_: id 0 | task 22 | processing task
|
||||
slot update_slots: id 0 | task 22 | new prompt, n_ctx_slot = 4096, n_keep = 0, n_prompt_tokens = 12
|
||||
slot update_slots: id 0 | task 22 | kv cache rm [7, end)
|
||||
slot update_slots: id 0 | task 22 | prompt processing progress, n_past = 12, n_tokens = 5, progress = 0.416667
|
||||
slot update_slots: id 0 | task 22 | prompt done, n_past = 12, n_tokens = 5
|
||||
slot release: id 0 | task 22 | stop processing: n_past = 12, truncated = 0
|
||||
srv update_slots: all slots are idle
|
||||
srv log_server_r: request: POST /v1/embeddings 127.0.0.1 200
|
||||
slot launch_slot_: id 0 | task 24 | processing task
|
||||
slot update_slots: id 0 | task 24 | new prompt, n_ctx_slot = 4096, n_keep = 0, n_prompt_tokens = 14
|
||||
slot update_slots: id 0 | task 24 | kv cache rm [0, end)
|
||||
slot update_slots: id 0 | task 24 | prompt processing progress, n_past = 14, n_tokens = 14, progress = 1.000000
|
||||
slot update_slots: id 0 | task 24 | prompt done, n_past = 14, n_tokens = 14
|
||||
slot release: id 0 | task 24 | stop processing: n_past = 14, truncated = 0
|
||||
srv update_slots: all slots are idle
|
||||
srv log_server_r: request: POST /v1/embeddings 127.0.0.1 200
|
||||
slot launch_slot_: id 0 | task 26 | processing task
|
||||
slot update_slots: id 0 | task 26 | new prompt, n_ctx_slot = 4096, n_keep = 0, n_prompt_tokens = 17
|
||||
slot update_slots: id 0 | task 26 | kv cache rm [1, end)
|
||||
slot update_slots: id 0 | task 26 | prompt processing progress, n_past = 17, n_tokens = 16, progress = 0.941176
|
||||
slot update_slots: id 0 | task 26 | prompt done, n_past = 17, n_tokens = 16
|
||||
slot release: id 0 | task 26 | stop processing: n_past = 17, truncated = 0
|
||||
srv update_slots: all slots are idle
|
||||
srv log_server_r: request: POST /v1/embeddings 127.0.0.1 200
|
||||
slot launch_slot_: id 0 | task 28 | processing task
|
||||
slot update_slots: id 0 | task 28 | new prompt, n_ctx_slot = 4096, n_keep = 0, n_prompt_tokens = 15
|
||||
slot update_slots: id 0 | task 28 | kv cache rm [0, end)
|
||||
slot update_slots: id 0 | task 28 | prompt processing progress, n_past = 15, n_tokens = 15, progress = 1.000000
|
||||
slot update_slots: id 0 | task 28 | prompt done, n_past = 15, n_tokens = 15
|
||||
slot release: id 0 | task 28 | stop processing: n_past = 15, truncated = 0
|
||||
srv update_slots: all slots are idle
|
||||
srv log_server_r: request: POST /v1/embeddings 127.0.0.1 200
|
||||
slot launch_slot_: id 0 | task 30 | processing task
|
||||
slot update_slots: id 0 | task 30 | new prompt, n_ctx_slot = 4096, n_keep = 0, n_prompt_tokens = 18
|
||||
slot update_slots: id 0 | task 30 | kv cache rm [6, end)
|
||||
slot update_slots: id 0 | task 30 | prompt processing progress, n_past = 18, n_tokens = 12, progress = 0.666667
|
||||
slot update_slots: id 0 | task 30 | prompt done, n_past = 18, n_tokens = 12
|
||||
slot release: id 0 | task 30 | stop processing: n_past = 18, truncated = 0
|
||||
srv update_slots: all slots are idle
|
||||
srv log_server_r: request: POST /v1/embeddings 127.0.0.1 200
|
||||
slot launch_slot_: id 0 | task 32 | processing task
|
||||
slot update_slots: id 0 | task 32 | new prompt, n_ctx_slot = 4096, n_keep = 0, n_prompt_tokens = 15
|
||||
slot update_slots: id 0 | task 32 | kv cache rm [0, end)
|
||||
slot update_slots: id 0 | task 32 | prompt processing progress, n_past = 15, n_tokens = 15, progress = 1.000000
|
||||
slot update_slots: id 0 | task 32 | prompt done, n_past = 15, n_tokens = 15
|
||||
slot release: id 0 | task 32 | stop processing: n_past = 15, truncated = 0
|
||||
slot update_slots: id 0 | task 2 | new prompt, n_ctx_slot = 4096, n_keep = 0, task.n_tokens = 41
|
||||
slot update_slots: id 0 | task 2 | need to evaluate at least 1 token for each active slot (n_past = 41, task.n_tokens() = 41)
|
||||
slot update_slots: id 0 | task 2 | n_past was set to 40
|
||||
slot update_slots: id 0 | task 2 | n_tokens = 40, memory_seq_rm [40, end)
|
||||
slot update_slots: id 0 | task 2 | prompt processing progress, n_tokens = 41, batch.n_tokens = 1, progress = 1.000000
|
||||
slot update_slots: id 0 | task 2 | prompt done, n_tokens = 41, batch.n_tokens = 1
|
||||
slot release: id 0 | task 2 | stop processing: n_tokens = 41, truncated = 0
|
||||
srv update_slots: all slots are idle
|
||||
srv log_server_r: request: POST /v1/embeddings 127.0.0.1 200
|
||||
srv operator(): operator(): cleaning up before exit...
|
||||
llama_memory_breakdown_print: | memory breakdown [MiB] | total free self model context compute unaccounted |
|
||||
llama_memory_breakdown_print: | - CUDA0 (RTX 4060 Ti) | 15944 = 5959 + (3626 = 2445 + 576 + 604) + 6358 |
|
||||
llama_memory_breakdown_print: | - Host | 316 = 303 + 0 + 13 |
|
||||
Received second interrupt, terminating immediately.
|
||||
|
||||
Reference in New Issue
Block a user