llama.go 13 KB

123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184185186187188189190191192193194195196197198199200201202203204205206207208209210211212213214215216217218219220221222223224225226227228229230231232233234235236237238239240241242243244245246247248249250251252253254255256257258259260261262263264265266267268269270271272273274275276277278279280281282283284285286287288289290291292293294295296297298299300301302303304305306307308309310311312313314315316317318319320321322323324325326327328329330331332333334335336337338339340341342343344345346347348349350351352353354355356357358359360361362363364365366367368369370371372373374375376377378379380381382383384385386387388389390391392393394395396397398399400401402403404405406407408409410411412413414415416417418419420421422423424425426427428429430431432433434435436437438439440441442443444445446447448
  1. package llama
  2. /*
  3. #cgo CFLAGS: -std=c11 -DNDEBUG -DLOG_DISABLE_LOGS
  4. #cgo CXXFLAGS: -std=c++11 -DNDEBUG -DLOG_DISABLE_LOGS
  5. #cgo darwin,arm64 CFLAGS: -DGGML_USE_METAL -DGGML_USE_ACCELERATE -DGGML_METAL_EMBED_LIBRARY -DACCELERATE_NEW_LAPACK -DACCELERATE_LAPACK_ILP64
  6. #cgo darwin,arm64 CXXFLAGS: -DGGML_USE_METAL -DGGML_USE_ACCELERATE -DGGML_METAL_EMBED_LIBRARY -DACCELERATE_NEW_LAPACK -DACCELERATE_LAPACK_ILP64
  7. #cgo darwin,arm64 LDFLAGS: -framework Foundation -framework Metal -framework MetalKit -framework Accelerate
  8. #cgo darwin,amd64 CFLAGS: -Wno-incompatible-pointer-types-discards-qualifiers
  9. #cgo darwin,amd64 CXXFLAGS: -Wno-incompatible-pointer-types-discards-qualifiers
  10. #cgo darwin,amd64 LDFLAGS: -framework Foundation
  11. #cgo darwin,amd64 LDFLAGS: -L${SRCDIR}/build/Darwin/amd64
  12. #cgo darwin,amd64,avx2 CFLAGS: -DGGML_USE_ACCELERATE -DACCELERATE_NEW_LAPACK -DACCELERATE_LAPACK_ILP64
  13. #cgo darwin,amd64,avx2 CXXFLAGS: -DGGML_USE_ACCELERATE -DACCELERATE_NEW_LAPACK -DACCELERATE_LAPACK_ILP64
  14. #cgo darwin,amd64,avx2 LDFLAGS: -framework Accelerate
  15. #cgo linux CFLAGS: -D_GNU_SOURCE
  16. #cgo linux CXXFLAGS: -D_GNU_SOURCE
  17. #cgo linux,arm64 LDFLAGS: -L${SRCDIR}/build/Linux/arm64
  18. #cgo linux,amd64 LDFLAGS: -L${SRCDIR}/build/Linux/amd64
  19. #cgo windows CFLAGS: -Wno-discarded-qualifiers
  20. #cgo windows LDFLAGS: -lmsvcrt
  21. #cgo windows,arm64 LDFLAGS: -L${SRCDIR}/build/Windows/arm64
  22. #cgo windows,amd64 LDFLAGS: -L${SRCDIR}/build/Windows/amd64
  23. #cgo avx CFLAGS: -mavx
  24. #cgo avx CXXFLAGS: -mavx
  25. #cgo avx2 CFLAGS: -mavx2 -mfma
  26. #cgo avx2 CXXFLAGS: -mavx2 -mfma
  27. #cgo cuda CFLAGS: -DGGML_USE_CUDA -DGGML_CUDA_DMMV_X=32 -DGGML_CUDA_PEER_MAX_BATCH_SIZE=128 -DGGML_CUDA_MMV_Y=1 -DGGML_BUILD=1
  28. #cgo cuda CXXFLAGS: -DGGML_USE_CUDA -DGGML_CUDA_DMMV_X=32 -DGGML_CUDA_PEER_MAX_BATCH_SIZE=128 -DGGML_CUDA_MMV_Y=1 -DGGML_BUILD=1
  29. #cgo rocm CFLAGS: -DGGML_USE_CUDA -DGGML_USE_HIPBLAS -DGGML_CUDA_DMMV_X=32 -DGGML_CUDA_PEER_MAX_BATCH_SIZE=128 -DGGML_CUDA_MMV_Y=1 -DGGML_BUILD=1
  30. #cgo rocm CXXFLAGS: -DGGML_USE_CUDA -DGGML_USE_HIPBLAS -DGGML_CUDA_DMMV_X=32 -DGGML_CUDA_PEER_MAX_BATCH_SIZE=128 -DGGML_CUDA_MMV_Y=1 -DGGML_BUILD=1
  31. #cgo rocm LDFLAGS: -L${SRCDIR} -lggml_hipblas -lhipblas -lamdhip64 -lrocblas
  32. #cgo windows,cuda LDFLAGS: -lggml_cuda -lcuda -lcudart -lcublas -lcublasLt
  33. #cgo windows,rocm LDFLAGS: -lggml_hipblas -lhipblas -lamdhip64 -lrocblas
  34. #cgo linux,cuda LDFLAGS: -L/usr/local/cuda/lib64 -lggml_cuda -lcuda -lcudart -lcublas -lcublasLt -lpthread -ldl -lrt
  35. #cgo linux,rocm LDFLAGS: -L/opt/rocm/lib
  36. #include <stdlib.h>
  37. #include "llama.h"
  38. #include "clip.h"
  39. #include "llava.h"
  40. #include "sampling_ext.h"
  41. bool llamaProgressCallback(float progress, void *user_data);
  42. */
  43. import "C"
  44. import (
  45. _ "embed"
  46. "errors"
  47. "fmt"
  48. "runtime"
  49. "runtime/cgo"
  50. "strings"
  51. "unsafe"
  52. )
  53. func BackendInit() {
  54. C.llama_backend_init()
  55. }
  56. func PrintSystemInfo() string {
  57. return C.GoString(C.llama_print_system_info())
  58. }
  59. type ContextParams struct {
  60. c C.struct_llama_context_params
  61. }
  62. func NewContextParams(numCtx int, threads int, flashAttention bool) ContextParams {
  63. params := C.llama_context_default_params()
  64. params.n_ctx = C.uint(numCtx)
  65. params.n_threads = C.uint(runtime.NumCPU())
  66. params.n_threads_batch = params.n_threads
  67. params.embeddings = C.bool(true)
  68. params.flash_attn = C.bool(flashAttention)
  69. params.n_threads = C.uint(threads)
  70. return ContextParams{c: params}
  71. }
  72. type ModelParams struct {
  73. c C.struct_llama_model_params
  74. }
  75. //export llamaProgressCallback
  76. func llamaProgressCallback(progress C.float, userData unsafe.Pointer) C.bool {
  77. handle := cgo.Handle(userData)
  78. callback := handle.Value().(func(float32))
  79. callback(float32(progress))
  80. return true
  81. }
  82. func NewModelParams(numGpuLayers int, mainGpu int, callback func(float32)) ModelParams {
  83. params := C.llama_model_default_params()
  84. params.n_gpu_layers = C.int(numGpuLayers)
  85. params.main_gpu = C.int32_t(mainGpu)
  86. handle := cgo.NewHandle(callback)
  87. params.progress_callback = C.llama_progress_callback(C.llamaProgressCallback)
  88. params.progress_callback_user_data = unsafe.Pointer(handle)
  89. runtime.SetFinalizer(&params, func(p *C.struct_llama_model_params) {
  90. handle.Delete()
  91. })
  92. return ModelParams{c: params}
  93. }
  94. type Context struct {
  95. c *C.struct_llama_context
  96. }
  97. func (c *Context) KvCacheClear() {
  98. C.llama_kv_cache_clear(c.c)
  99. }
  100. func (c *Context) Decode(batch Batch) error {
  101. // Positive return values does not mean a fatal error, but rather a warning.
  102. // 0 - success
  103. // 1 - could not find a KV slot for the batch (try reducing the size of the batch or increase the context)
  104. // < 0 - error
  105. code := int(C.llama_decode(c.c, batch.c))
  106. if code < 0 {
  107. return fmt.Errorf("llama_decode failed with code %d", code)
  108. }
  109. if code > 0 {
  110. return fmt.Errorf("could not find a KV slot for the batch - try reducing the size of the batch or increase the context. code: %d", code)
  111. }
  112. return nil
  113. }
  114. func (c *Context) Model() *Model {
  115. return &Model{c: C.llama_get_model(c.c)}
  116. }
  117. func (c *Context) GetLogitsIth(i int) []float32 {
  118. return unsafe.Slice((*float32)(unsafe.Pointer(C.llama_get_logits_ith(c.c, C.int(i)))), c.Model().NumVocab())
  119. }
  120. func (c *Context) SampleTokenGreedy(logits []float32) int {
  121. candidates := (*C.struct_llama_token_data)(C.malloc(C.size_t(len(logits)) * C.size_t(unsafe.Sizeof(C.struct_llama_token_data{}))))
  122. defer C.free(unsafe.Pointer(candidates))
  123. for i, logit := range logits {
  124. ptr := (*C.struct_llama_token_data)(unsafe.Pointer(uintptr(unsafe.Pointer(candidates)) + uintptr(i)*unsafe.Sizeof(C.struct_llama_token_data{})))
  125. ptr.id = C.int(i)
  126. ptr.logit = C.float(logit)
  127. ptr.p = 0.0
  128. }
  129. return int(C.llama_sample_token_greedy(c.c, &C.llama_token_data_array{
  130. data: candidates,
  131. size: C.size_t(len(logits)),
  132. sorted: C.bool(false),
  133. }))
  134. }
  135. func (c *Context) KvCacheSeqAdd(seqId int, p0 int, p1 int, delta int) {
  136. C.llama_kv_cache_seq_add(c.c, C.int(seqId), C.int(p0), C.int(p1), C.int(delta))
  137. }
  138. func (c *Context) KvCacheSeqRm(seqId int, p0 int, p1 int) bool {
  139. return bool(C.llama_kv_cache_seq_rm(c.c, C.int(seqId), C.int(p0), C.int(p1)))
  140. }
  141. // Get the embeddings for a sequence id
  142. func (c *Context) GetEmbeddingsSeq(seqId int) []float32 {
  143. embeddings := unsafe.Pointer(C.llama_get_embeddings_seq(c.c, C.int(seqId)))
  144. if embeddings == nil {
  145. return nil
  146. }
  147. return unsafe.Slice((*float32)(embeddings), c.Model().NEmbd())
  148. }
  149. func (c *Context) GetEmbeddingsIth(i int) []float32 {
  150. return unsafe.Slice((*float32)(unsafe.Pointer(C.llama_get_embeddings_ith(c.c, C.int32_t(i)))), c.Model().NEmbd())
  151. }
  152. func LoadModelFromFile(modelPath string, params ModelParams) *Model {
  153. return &Model{c: C.llama_load_model_from_file(C.CString(modelPath), params.c)}
  154. }
  155. func NewContextWithModel(model *Model, params ContextParams) *Context {
  156. return &Context{c: C.llama_new_context_with_model(model.c, params.c)}
  157. }
  158. func (m *Model) NumVocab() int {
  159. return int(C.llama_n_vocab(m.c))
  160. }
  161. func (m *Model) TokenIsEog(token int) bool {
  162. return bool(C.llama_token_is_eog(m.c, C.llama_token(token)))
  163. }
  164. func (m *Model) ShouldAddBOSToken() bool {
  165. addBos := int(C.llama_add_bos_token(m.c))
  166. if addBos != -1 {
  167. return addBos != 0
  168. } else {
  169. return C.llama_vocab_type(m.c) == C.LLAMA_VOCAB_TYPE_SPM
  170. }
  171. }
  172. func (m *Model) ApplyLoraFromFile(loraPath string, scale float32, baseModelPath string, threads int) error {
  173. cLoraPath := C.CString(loraPath)
  174. defer C.free(unsafe.Pointer(cLoraPath))
  175. var cBaseModelPath *C.char
  176. if baseModelPath != "" {
  177. cBaseModelPath = C.CString(baseModelPath)
  178. }
  179. code := int(C.llama_model_apply_lora_from_file(m.c, cLoraPath, C.float(scale), cBaseModelPath, C.int32_t(threads)))
  180. if code != 0 {
  181. return errors.New("error applying lora from file")
  182. }
  183. return nil
  184. }
  185. type Batch struct {
  186. c C.struct_llama_batch
  187. batchSize int
  188. }
  189. func NewBatch(nTokens int, embd int, maxSeq int) Batch {
  190. return Batch{
  191. c: C.llama_batch_init(C.int(nTokens), C.int(embd), C.int(maxSeq)),
  192. batchSize: nTokens,
  193. }
  194. }
  195. func (b *Batch) NumTokens() int {
  196. return int(b.c.n_tokens)
  197. }
  198. // Add adds a token to the batch with the given position for the given
  199. // sequence ids, and optionally instructs to include logits.
  200. func (b *Batch) Add(token int, pos int, seqIds []int, logits bool) {
  201. unsafe.Slice(b.c.token, b.batchSize)[b.c.n_tokens] = C.llama_token(token)
  202. unsafe.Slice(b.c.pos, b.batchSize)[b.c.n_tokens] = C.llama_pos(pos)
  203. unsafe.Slice(b.c.n_seq_id, b.batchSize)[b.c.n_tokens] = C.int(len(seqIds))
  204. for i, s := range seqIds {
  205. unsafe.Slice((unsafe.Slice(b.c.seq_id, b.batchSize)[b.c.n_tokens]), C.int(len(seqIds)))[i] = C.int32_t(s)
  206. }
  207. if logits {
  208. unsafe.Slice(b.c.logits, b.batchSize)[b.c.n_tokens] = 1
  209. }
  210. b.c.n_tokens += 1
  211. }
  212. func (b *Batch) Clear() {
  213. b.c.n_tokens = 0
  214. }
  215. func (b *Batch) Free() {
  216. b.batchSize = 0
  217. C.llama_batch_free(b.c)
  218. }
  219. func BatchGetOne(tokens []int, pos0 int, seqId int) Batch {
  220. return Batch{c: C.llama_batch_get_one((*C.int)(unsafe.Pointer(&tokens[0])), C.int32_t(len(tokens)), C.int(pos0), C.int(seqId))}
  221. }
  222. type Model struct {
  223. c *C.struct_llama_model
  224. }
  225. func (m *Model) TokenToPiece(token int) string {
  226. tokenLen := 12
  227. buf := make([]byte, tokenLen)
  228. tokenLen = int(C.llama_token_to_piece(
  229. m.c,
  230. C.int32_t(token),
  231. (*C.char)(unsafe.Pointer(&buf[0])),
  232. C.int32_t(tokenLen),
  233. C.int32_t(0),
  234. C.bool(true),
  235. ))
  236. if tokenLen < 0 {
  237. tokenLen = -tokenLen
  238. buf = make([]byte, tokenLen)
  239. C.llama_token_to_piece(
  240. m.c,
  241. C.int32_t(token),
  242. (*C.char)(unsafe.Pointer(&buf[0])),
  243. C.int32_t(tokenLen),
  244. C.int32_t(0),
  245. C.bool(true),
  246. )
  247. }
  248. return strings.TrimRight(string(buf), "\x00")
  249. }
  250. func (m *Model) Tokenize(text string, addSpecial bool, parseSpecial bool) ([]int, error) {
  251. maxTokens := len(text) + 2
  252. cTokens := make([]C.llama_token, maxTokens)
  253. cText := C.CString(text)
  254. defer C.free(unsafe.Pointer(cText))
  255. result := C.llama_tokenize(
  256. m.c,
  257. cText,
  258. C.int32_t(len(text)),
  259. &cTokens[0],
  260. C.int32_t(maxTokens),
  261. C.bool(addSpecial),
  262. C.bool(parseSpecial),
  263. )
  264. if result < 0 {
  265. return nil, fmt.Errorf("tokenization failed, required %d tokens", -result)
  266. }
  267. tokens := make([]int, result)
  268. for i := range result {
  269. tokens[i] = int(cTokens[i])
  270. }
  271. return tokens, nil
  272. }
  273. func (m *Model) NEmbd() int {
  274. return int(C.llama_n_embd(m.c))
  275. }
  276. func Quantize(infile, outfile string, ftype uint32) error {
  277. cinfile := C.CString(infile)
  278. defer C.free(unsafe.Pointer(cinfile))
  279. coutfile := C.CString(outfile)
  280. defer C.free(unsafe.Pointer(coutfile))
  281. params := C.llama_model_quantize_default_params()
  282. params.nthread = -1
  283. params.ftype = ftype
  284. if rc := C.llama_model_quantize(cinfile, coutfile, &params); rc != 0 {
  285. return fmt.Errorf("llama_model_quantize: %d", rc)
  286. }
  287. return nil
  288. }
  289. // llava
  290. type ClipContext struct {
  291. c *C.struct_clip_ctx
  292. }
  293. func NewClipContext(modelPath string) *ClipContext {
  294. mp := C.CString(modelPath)
  295. defer C.free(unsafe.Pointer(mp))
  296. cc := C.clip_model_load(mp, 1)
  297. return &ClipContext{c: cc}
  298. }
  299. type LlavaContext struct {
  300. c *C.struct_llava_context
  301. }
  302. type LlavaImageEmbed struct {
  303. c *C.struct_llava_image_embed
  304. }
  305. func NewLlavaImageEmbed(clipContext *ClipContext, data []byte) *LlavaImageEmbed {
  306. return &LlavaImageEmbed{c: C.llava_image_embed_make_with_bytes(clipContext.c, C.int(runtime.NumCPU()), (*C.uchar)(unsafe.Pointer(&data[0])), C.int(len(data)))}
  307. }
  308. func LlavaEvalImageEmbed(llamaContext *Context, embed *LlavaImageEmbed, nBatch int, nPast *int) {
  309. C.llava_eval_image_embed(llamaContext.c, embed.c, C.int(nBatch), (*C.int)(unsafe.Pointer(nPast)))
  310. }
  311. // sampling
  312. // TODO: this is a temporary wrapper to allow calling C++ code from CGo
  313. type SamplingContext struct {
  314. c *C.struct_llama_sampling_context
  315. }
  316. type SamplingParams struct {
  317. TopK int
  318. TopP float32
  319. TfsZ float32
  320. TypicalP float32
  321. Temp float32
  322. RepeatLastN int
  323. PenaltyRepeat float32
  324. PenaltyFreq float32
  325. PenaltyPresent float32
  326. Mirostat int
  327. MirostatTau float32
  328. MirostatEta float32
  329. PenalizeNl bool
  330. Seed uint32
  331. Grammar string
  332. }
  333. func NewSamplingContext(params SamplingParams) *SamplingContext {
  334. var cparams C.struct_llama_sampling_cparams
  335. cparams.top_k = C.int32_t(params.TopK)
  336. cparams.top_p = C.float(params.TopP)
  337. cparams.tfs_z = C.float(params.TfsZ)
  338. cparams.typical_p = C.float(params.TypicalP)
  339. cparams.temp = C.float(params.Temp)
  340. cparams.penalty_last_n = C.int32_t(params.RepeatLastN)
  341. cparams.penalty_repeat = C.float(params.PenaltyRepeat)
  342. cparams.penalty_freq = C.float(params.PenaltyFreq)
  343. cparams.penalty_present = C.float(params.PenaltyFreq)
  344. cparams.mirostat = C.int32_t(params.Mirostat)
  345. cparams.mirostat_tau = C.float(params.MirostatTau)
  346. cparams.mirostat_eta = C.float(params.MirostatEta)
  347. cparams.penalize_nl = C.bool(params.PenalizeNl)
  348. cparams.seed = C.uint32_t(params.Seed)
  349. grammar := C.CString(params.Grammar)
  350. defer C.free(unsafe.Pointer(grammar))
  351. cparams.grammar = grammar
  352. return &SamplingContext{c: C.llama_sampling_cinit(&cparams)}
  353. }
  354. func (s *SamplingContext) Free() {
  355. C.llama_sampling_cfree(s.c)
  356. }
  357. func (s *SamplingContext) Reset() {
  358. C.llama_sampling_creset(s.c)
  359. }
  360. func (s *SamplingContext) Sample(ctxMain *Context, ctxConfig *Context, idx int) int {
  361. // TODO (jmorganca): handle nil for all args
  362. if ctxConfig == nil {
  363. return int(C.llama_sampling_csample(s.c, ctxMain.c, nil, C.int(idx)))
  364. }
  365. return int(C.llama_sampling_csample(s.c, ctxMain.c, ctxConfig.c, C.int(idx)))
  366. }
  367. func (s *SamplingContext) Accept(ctxMain *Context, id int, applyGrammar bool) {
  368. C.llama_sampling_caccept(s.c, ctxMain.c, C.llama_token(id), C.bool(applyGrammar))
  369. }