Skip to content

Commit e4912fc

Browse files
Merge pull request #252 from menloresearch/update-dev-from-master-2025-09-17-00-33
Sync master with upstream release b6490
2 parents dca354d + 8ff2060 commit e4912fc

File tree

34 files changed

+501
-68
lines changed

34 files changed

+501
-68
lines changed

.clang-format

Lines changed: 7 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -22,6 +22,13 @@ AllowShortIfStatementsOnASingleLine: Never
2222
AllowShortLambdasOnASingleLine: Inline
2323
AllowShortLoopsOnASingleLine: false
2424
AlwaysBreakBeforeMultilineStrings: true
25+
# Treat CUDA keywords/attributes as "attribute macros" and avoid breaking lines inside them
26+
AttributeMacros:
27+
- __host__
28+
- __device__
29+
- __global__
30+
- __forceinline__
31+
- __launch_bounds__
2532
BinPackArguments: true
2633
BinPackParameters: false # OnePerLine
2734
BitFieldColonSpacing: Both

.github/workflows/build.yml

Lines changed: 20 additions & 9 deletions
Original file line numberDiff line numberDiff line change
@@ -56,7 +56,7 @@ env:
5656

5757
jobs:
5858
macOS-latest-cmake-arm64:
59-
runs-on: macos-14
59+
runs-on: macos-latest
6060

6161
steps:
6262
- name: Clone
@@ -97,7 +97,7 @@ jobs:
9797
ctest -L 'main|curl' --verbose --timeout 900
9898
9999
macOS-latest-cmake-x64:
100-
runs-on: macos-13
100+
runs-on: macos-latest
101101

102102
steps:
103103
- name: Clone
@@ -138,7 +138,7 @@ jobs:
138138
ctest -L main --verbose --timeout 900
139139
140140
macOS-latest-cmake-arm64-webgpu:
141-
runs-on: macos-14
141+
runs-on: macos-latest
142142

143143
steps:
144144
- name: Clone
@@ -711,6 +711,7 @@ jobs:
711711
712712
macOS-latest-swift:
713713
runs-on: macos-latest
714+
needs: ios-xcode-build
714715

715716
strategy:
716717
matrix:
@@ -727,6 +728,12 @@ jobs:
727728
key: macOS-latest-swift
728729
evict-old-files: 1d
729730

731+
- name: Download xcframework artifact
732+
uses: actions/download-artifact@v4
733+
with:
734+
name: llama-xcframework
735+
path: build-apple/llama.xcframework/
736+
730737
- name: Dependencies
731738
id: depends
732739
continue-on-error: true
@@ -748,11 +755,6 @@ jobs:
748755
-DCMAKE_OSX_ARCHITECTURES="arm64;x86_64"
749756
cmake --build build --config Release -j $(sysctl -n hw.logicalcpu)
750757
751-
- name: xcodebuild for swift package
752-
id: xcodebuild
753-
run: |
754-
./build-xcframework.sh
755-
756758
windows-msys2:
757759
runs-on: windows-2025
758760

@@ -1170,8 +1172,17 @@ jobs:
11701172
run: |
11711173
./build-xcframework.sh
11721174
1175+
- name: Upload xcframework artifact
1176+
uses: actions/upload-artifact@v4
1177+
with:
1178+
name: llama-xcframework
1179+
path: build-apple/llama.xcframework/
1180+
retention-days: 1
1181+
11731182
- name: Build Xcode project
1174-
run: xcodebuild -project examples/llama.swiftui/llama.swiftui.xcodeproj -scheme llama.swiftui -sdk iphoneos CODE_SIGNING_REQUIRED=NO CODE_SIGN_IDENTITY= -destination 'generic/platform=iOS' FRAMEWORK_FOLDER_PATH=./build-ios build
1183+
run: |
1184+
xcodebuild -downloadPlatform iOS
1185+
xcodebuild -project examples/llama.swiftui/llama.swiftui.xcodeproj -scheme llama.swiftui -sdk iphoneos CODE_SIGNING_REQUIRED=NO CODE_SIGN_IDENTITY= -destination 'generic/platform=iOS' FRAMEWORK_FOLDER_PATH=./build-ios build
11751186
11761187
android-build:
11771188
runs-on: ubuntu-latest

CMakeLists.txt

Lines changed: 7 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -58,6 +58,12 @@ if (MSVC)
5858
add_compile_options("$<$<COMPILE_LANGUAGE:CXX>:/bigobj>")
5959
endif()
6060

61+
if (CMAKE_SYSTEM_NAME STREQUAL "iOS")
62+
set(LLAMA_TOOLS_INSTALL_DEFAULT OFF)
63+
else()
64+
set(LLAMA_TOOLS_INSTALL_DEFAULT ${LLAMA_STANDALONE})
65+
endif()
66+
6167
#
6268
# option list
6369
#
@@ -82,6 +88,7 @@ option(LLAMA_BUILD_TESTS "llama: build tests" ${LLAMA_STANDALONE})
8288
option(LLAMA_BUILD_TOOLS "llama: build tools" ${LLAMA_STANDALONE})
8389
option(LLAMA_BUILD_EXAMPLES "llama: build examples" ${LLAMA_STANDALONE})
8490
option(LLAMA_BUILD_SERVER "llama: build server example" ${LLAMA_STANDALONE})
91+
option(LLAMA_TOOLS_INSTALL "llama: install tools" ${LLAMA_TOOLS_INSTALL_DEFAULT})
8592

8693
# 3rd party libs
8794
option(LLAMA_CURL "llama: use libcurl to download model from an URL" ON)

common/arg.cpp

Lines changed: 5 additions & 5 deletions
Original file line numberDiff line numberDiff line change
@@ -1704,7 +1704,7 @@ common_params_context common_params_parser_init(common_params & params, llama_ex
17041704
[](common_params & params, const std::string & value) {
17051705
params.system_prompt = value;
17061706
}
1707-
).set_examples({LLAMA_EXAMPLE_MAIN}));
1707+
).set_examples({LLAMA_EXAMPLE_MAIN, LLAMA_EXAMPLE_DIFFUSION}));
17081708
add_opt(common_arg(
17091709
{"--no-perf"},
17101710
string_format("disable internal libllama performance timings (default: %s)", params.no_perf ? "true" : "false"),
@@ -2548,7 +2548,7 @@ common_params_context common_params_parser_init(common_params & params, llama_ex
25482548
{"--cpu-moe", "-cmoe"},
25492549
"keep all Mixture of Experts (MoE) weights in the CPU",
25502550
[](common_params & params) {
2551-
params.tensor_buft_overrides.push_back({"\\.ffn_(up|down|gate)_exps", ggml_backend_cpu_buffer_type()});
2551+
params.tensor_buft_overrides.push_back(llm_ffn_exps_cpu_override());
25522552
}
25532553
).set_env("LLAMA_ARG_CPU_MOE"));
25542554
add_opt(common_arg(
@@ -2561,7 +2561,7 @@ common_params_context common_params_parser_init(common_params & params, llama_ex
25612561
for (int i = 0; i < value; ++i) {
25622562
// keep strings alive and avoid leaking memory by storing them in a static vector
25632563
static std::list<std::string> buft_overrides;
2564-
buft_overrides.push_back(string_format("blk\\.%d\\.ffn_(up|down|gate)_exps", i));
2564+
buft_overrides.push_back(llm_ffn_exps_block_regex(i));
25652565
params.tensor_buft_overrides.push_back({buft_overrides.back().c_str(), ggml_backend_cpu_buffer_type()});
25662566
}
25672567
}
@@ -2570,7 +2570,7 @@ common_params_context common_params_parser_init(common_params & params, llama_ex
25702570
{"--cpu-moe-draft", "-cmoed"},
25712571
"keep all Mixture of Experts (MoE) weights in the CPU for the draft model",
25722572
[](common_params & params) {
2573-
params.speculative.tensor_buft_overrides.push_back({"\\.ffn_(up|down|gate)_exps", ggml_backend_cpu_buffer_type()});
2573+
params.speculative.tensor_buft_overrides.push_back(llm_ffn_exps_cpu_override());
25742574
}
25752575
).set_examples({LLAMA_EXAMPLE_SPECULATIVE, LLAMA_EXAMPLE_SERVER}).set_env("LLAMA_ARG_CPU_MOE_DRAFT"));
25762576
add_opt(common_arg(
@@ -2582,7 +2582,7 @@ common_params_context common_params_parser_init(common_params & params, llama_ex
25822582
}
25832583
for (int i = 0; i < value; ++i) {
25842584
static std::list<std::string> buft_overrides_draft;
2585-
buft_overrides_draft.push_back(string_format("blk\\.%d\\.ffn_(up|down|gate)_exps", i));
2585+
buft_overrides_draft.push_back(llm_ffn_exps_block_regex(i));
25862586
params.speculative.tensor_buft_overrides.push_back({buft_overrides_draft.back().c_str(), ggml_backend_cpu_buffer_type()});
25872587
}
25882588
}

common/common.h

Lines changed: 14 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -734,6 +734,20 @@ const char * const LLM_KV_SPLIT_TENSORS_COUNT = "split.tensors.count";
734734

735735
}
736736

737+
//
738+
// MoE utils
739+
//
740+
741+
const char * const LLM_FFN_EXPS_REGEX = "\\.ffn_(up|down|gate)_exps";
742+
743+
static std::string llm_ffn_exps_block_regex(int idx) {
744+
return string_format("blk\\.%d%s", idx, LLM_FFN_EXPS_REGEX);
745+
}
746+
747+
static llama_model_tensor_buft_override llm_ffn_exps_cpu_override() {
748+
return { LLM_FFN_EXPS_REGEX, ggml_backend_cpu_buffer_type() };
749+
}
750+
737751
//
738752
// training utils
739753
//

convert_hf_to_gguf.py

Lines changed: 73 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -888,6 +888,9 @@ def get_vocab_base_pre(self, tokenizer) -> str:
888888
if chkhsh == "a1e163ecab2e718a4c829d1148b6e86824ec36163bb71941c3dca9cd5ac25756":
889889
# ref: https://huggingface.co/JetBrains/Mellum-4b-base
890890
res = "mellum"
891+
if chkhsh == "9b1be57e70d20d9501b2b3186e792d81181ae36ada3903c26f9fea418cf87206":
892+
# ref: https://huggingface.co/inclusionAI/LLaDA-MoE-7B-A1B-Base
893+
res = "llada-moe"
891894

892895
if res is None:
893896
logger.warning("\n")
@@ -8239,6 +8242,76 @@ def prepare_tensors(self):
82398242
raise ValueError(f"Unprocessed experts: {experts}")
82408243

82418244

8245+
@ModelBase.register("LLaDAMoEModel", "LLaDAMoEModelLM")
8246+
class LLaDAMoEModel(TextModel):
8247+
model_arch = gguf.MODEL_ARCH.LLADA_MOE
8248+
8249+
def set_gguf_parameters(self):
8250+
super().set_gguf_parameters()
8251+
if (n_experts := self.hparams.get("num_experts")) is not None:
8252+
self.gguf_writer.add_expert_count(n_experts)
8253+
8254+
if (expert_intermediate_size := self.hparams.get("expert_intermediate_size")) is not None:
8255+
self.gguf_writer.add_expert_feed_forward_length(expert_intermediate_size)
8256+
8257+
# number of experts used per token (top-k)
8258+
if (n_experts_used := self.hparams.get("num_experts_per_tok")) is not None:
8259+
self.gguf_writer.add_expert_used_count(n_experts_used)
8260+
8261+
self.gguf_writer.add_mask_token_id(156895)
8262+
self.gguf_writer.add_causal_attention(False)
8263+
self.gguf_writer.add_diffusion_shift_logits(False)
8264+
8265+
_experts: list[dict[str, Tensor]] | None = None
8266+
8267+
# Copied from: Qwen2MoeModel
8268+
def modify_tensors(self, data_torch: Tensor, name: str, bid: int | None) -> Iterable[tuple[str, Tensor]]:
8269+
# process the experts separately
8270+
if name.find("experts") != -1:
8271+
n_experts = self.hparams["num_experts"]
8272+
assert bid is not None
8273+
8274+
if self._experts is None:
8275+
self._experts = [{} for _ in range(self.block_count)]
8276+
8277+
self._experts[bid][name] = data_torch
8278+
8279+
if len(self._experts[bid]) >= n_experts * 3:
8280+
tensors: list[tuple[str, Tensor]] = []
8281+
8282+
# merge the experts into a single 3d tensor
8283+
for w_name in ["down_proj", "gate_proj", "up_proj"]:
8284+
datas: list[Tensor] = []
8285+
8286+
for xid in range(n_experts):
8287+
ename = f"model.layers.{bid}.mlp.experts.{xid}.{w_name}.weight"
8288+
datas.append(self._experts[bid][ename])
8289+
del self._experts[bid][ename]
8290+
8291+
data_torch = torch.stack(datas, dim=0)
8292+
8293+
merged_name = f"model.layers.{bid}.mlp.experts.{w_name}.weight"
8294+
8295+
new_name = self.map_tensor_name(merged_name)
8296+
8297+
tensors.append((new_name, data_torch))
8298+
return tensors
8299+
else:
8300+
return []
8301+
8302+
return [(self.map_tensor_name(name), data_torch)]
8303+
8304+
# Copied from: Qwen2MoeModel
8305+
def prepare_tensors(self):
8306+
super().prepare_tensors()
8307+
8308+
if self._experts is not None:
8309+
# flatten `list[dict[str, Tensor]]` into `list[str]`
8310+
experts = [k for d in self._experts for k in d.keys()]
8311+
if len(experts) > 0:
8312+
raise ValueError(f"Unprocessed experts: {experts}")
8313+
8314+
82428315
@ModelBase.register("HunYuanDenseV1ForCausalLM")
82438316
class HunYuanModel(TextModel):
82448317
model_arch = gguf.MODEL_ARCH.HUNYUAN_DENSE

convert_hf_to_gguf_update.py

Lines changed: 1 addition & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -139,6 +139,7 @@ class TOKENIZER_TYPE(IntEnum):
139139
{"name": "lfm2", "tokt": TOKENIZER_TYPE.BPE, "repo": "https://huggingface.co/LiquidAI/LFM2-Tokenizer"},
140140
{"name": "exaone4", "tokt": TOKENIZER_TYPE.BPE, "repo": "https://huggingface.co/LGAI-EXAONE/EXAONE-4.0-32B", },
141141
{"name": "mellum", "tokt": TOKENIZER_TYPE.BPE, "repo": "https://huggingface.co/JetBrains/Mellum-4b-base", },
142+
{"name": "llada-moe", "tokt": TOKENIZER_TYPE.BPE, "repo": "https://huggingface.co/inclusionAI/LLaDA-MoE-7B-A1B-Base", },
142143
]
143144

144145
# some models are known to be broken upstream, so we will skip them as exceptions

examples/diffusion/diffusion-cli.cpp

Lines changed: 17 additions & 7 deletions
Original file line numberDiff line numberDiff line change
@@ -510,19 +510,27 @@ static void diffusion_generate(llama_context * ctx,
510510
n_generated = params.max_length;
511511
}
512512

513-
static std::string format_input_text(const std::string & prompt, bool use_chat_template, llama_model * model) {
513+
static std::string format_input_text(const std::string & prompt, const std::string & system_prompt, bool use_chat_template, llama_model * model) {
514514
if (!use_chat_template) {
515515
return prompt;
516516
}
517517

518518
auto chat_templates = common_chat_templates_init(model, "");
519-
520519
common_chat_templates_inputs inputs;
521-
common_chat_msg user_msg;
522-
user_msg.role = "user";
523-
user_msg.content = prompt;
524-
inputs.add_generation_prompt = true;
520+
common_chat_msg system_msg;
521+
522+
if (!system_prompt.empty()) {
523+
system_msg.role = "system";
524+
system_msg.content = system_prompt;
525+
inputs.messages.push_back(system_msg);
526+
}
527+
528+
common_chat_msg user_msg;
529+
user_msg.role = "user";
530+
user_msg.content = prompt;
531+
525532
inputs.messages.push_back(user_msg);
533+
inputs.add_generation_prompt = true;
526534

527535
auto result = common_chat_templates_apply(chat_templates.get(), inputs);
528536

@@ -579,7 +587,8 @@ int main(int argc, char ** argv) {
579587
llama_set_n_threads(ctx, params.cpuparams.n_threads, params.cpuparams_batch.n_threads);
580588

581589
const llama_vocab * vocab = llama_model_get_vocab(model);
582-
std::string formatted_prompt = format_input_text(params.prompt, params.enable_chat_template, model);
590+
591+
std::string formatted_prompt = format_input_text(params.prompt, params.system_prompt, params.enable_chat_template, model);
583592

584593
std::vector<llama_token> input_tokens = common_tokenize(vocab,
585594
formatted_prompt,
@@ -596,6 +605,7 @@ int main(int argc, char ** argv) {
596605
}
597606

598607
llama_token mask_token_id = llama_vocab_mask(vocab);
608+
599609
GGML_ASSERT(mask_token_id != LLAMA_TOKEN_NULL);
600610

601611
bool visual_mode = params.diffusion.visual_mode;

ggml/src/ggml-cpu/ops.cpp

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -8599,7 +8599,6 @@ static void ggml_compute_forward_timestep_embedding_f32(
85998599
}
86008600
if (dim % 2 != 0 && ith == 0) {
86018601
embed_data[2 * half] = 0.f;
8602-
embed_data[dim] = 0.f;
86038602
}
86048603
}
86058604
}

ggml/src/ggml-cuda/tsembd.cu

Lines changed: 3 additions & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -7,11 +7,11 @@ static __global__ void timestep_embedding_f32(const float * timesteps, float * d
77
int j = threadIdx.x + blockIdx.x * blockDim.x;
88
float * embed_data = (float *)((char *)dst + i*nb1);
99

10-
if (dim % 2 != 0 && j == ((dim + 1) / 2)) {
11-
embed_data[dim] = 0.f;
10+
int half = dim / 2;
11+
if (dim % 2 != 0 && j == half) {
12+
embed_data[2 * half] = 0.f;
1213
}
1314

14-
int half = dim / 2;
1515
if (j >= half) {
1616
return;
1717
}

0 commit comments

Comments
 (0)