_            _    _        _         _
      /\ \         /\ \ /\ \     /\_\      / /\
      \_\ \       /  \ \\ \ \   / / /     / /  \
      /\__ \     / /\ \ \\ \ \_/ / /     / / /\ \__
     / /_ \ \   / / /\ \ \\ \___/ /     / / /\ \___\
    / / /\ \ \ / / /  \ \_\\ \ \_/      \ \ \ \/___/
   / / /  \/_// / /   / / / \ \ \        \ \ \
  / / /      / / /   / / /   \ \ \   _    \ \ \
 / / /      / / /___/ / /     \ \ \ /_/\__/ / /
/_/ /      / / /____\/ /       \ \_\\ \/___/ /
\_\/       \/_________/         \/_/ \_____\/

Enter the query into the form above. You can look for specific version of a package by using @ symbol like this: gcc@10.

API method:

GET /api/packages?search=hello&page=1&limit=20

where search is your query, page is a page number and limit is a number of items on a single page. Pagination information (such as a number of pages and etc) is returned in response headers.

If you'd like to join our channel webring send a patch to ~whereiseveryone/toys@lists.sr.ht adding your channel as an entry in channels.scm.


lightgbm 2.0.12
Dependencies: openmpi@4.1.6
Propagated dependencies: python-numpy@1.26.4 python-scipy@1.12.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/Microsoft/LightGBM
Licenses: Expat
Synopsis: Gradient boosting framework based on decision tree algorithms
Description:

LightGBM is a gradient boosting framework that uses tree based learning algorithms. It is designed to be distributed and efficient with the following advantages:

  • Faster training speed and higher efficiency

  • Lower memory usage

  • Better accuracy

  • Parallel and GPU learning supported (not enabled in this package)

  • Capable of handling large-scale data

nnpack 0.0-2.70a77f4
Dependencies: cpuinfo@0.0-5.b73ae6c fp16@0.0-1.0a92994 fxdiv@0.0-1.63058ef psimd@0.0-1.072586a pthreadpool@0.1-3.560c60d googletest@1.12.1
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/Maratyszcza/NNPACK
Licenses: FreeBSD
Synopsis: Acceleration package for neural network computations
Description:

NNPACK is an acceleration package for neural network computations. NNPACK aims to provide high-performance implementations of convnet layers for multi-core CPUs.

NNPACK is not intended to be directly used by machine learning researchers; instead it provides low-level performance primitives leveraged in leading deep learning frameworks, such as PyTorch, Caffe2, MXNet, tiny-dnn, Caffe, Torch, and Darknet.

foxi 1.4.1-0.c278588
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/houseroad/foxi
Licenses: Expat
Synopsis: ONNXIFI with Facebook Extension
Description:

ONNX Interface for Framework Integration is a cross-platform API for loading and executing ONNX graphs on optimized backends. This package contains facebook extensions and is used by PyTorch.

python-sacrebleu 2.3.1
Propagated dependencies: python-colorama@0.4.6 python-lxml@6.0.1 python-numpy@1.26.4 python-portalocker@2.7.0 python-regex@2024.11.6 python-tabulate@0.9.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/mjpost/sacrebleu
Licenses: ASL 2.0
Synopsis: Compute shareable, comparable, and reproducible BLEU, chrF, and TER scores
Description:

This is a package for hassle-free computation of shareable, comparable, and reproducible BLEU, chrF, and TER scores for natural language processing.

oneapi-dnnl 3.5.3
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/oneapi-src/oneDNN
Licenses: ASL 2.0
Synopsis: Deep Neural Network Library
Description:

OneAPI Deep Neural Network Library (oneDNN) is a cross-platform performance library of basic building blocks for deep learning applications.

python-gpy 1.13.2
Propagated dependencies: python-numpy@1.26.4 python-paramz@0.9.6 python-scipy@1.12.0 python-six@1.17.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://sheffieldml.github.io/GPy/
Licenses: Modified BSD
Synopsis: The Gaussian Process Toolbox
Description:

GPy is a Gaussian Process (GP) framework written in Python, from the Sheffield machine learning group. GPy implements a range of machine learning algorithms based on GPs.

python-ctranslate2 4.6.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://opennmt.net/CTranslate2/
Licenses: Expat
Synopsis: Fast inference engine for Transformer models
Description:

CTranslate2 is a C++ and Python library for efficient inference with Transformer models.

The project implements a custom runtime that applies many performance optimization techniques such as weights quantization, layers fusion, batch reordering, etc., to accelerate and reduce the memory usage of Transformer models on CPU and GPU.

python-botorch 0.15.1
Propagated dependencies: python-gpytorch@1.14 python-linear-operator@0.6 python-multipledispatch@1.0.0 python-pyre-extensions@0.0.32 python-pyro-ppl@1.9.1 python-pytorch@2.8.0 python-scipy@1.12.0 python-threadpoolctl@3.1.0 python-typing-extensions@4.15.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://botorch.org
Licenses: Expat
Synopsis: Bayesian Optimization in PyTorch
Description:

BoTorch is a library for Bayesian Optimization built on PyTorch.

python-dlib 19.24.6
Dependencies: ffmpeg@8.0 giflib@5.2.1 libjpeg-turbo@2.1.4 libjxl@0.10.4 libpng@1.6.39 libwebp@1.3.2 libx11@1.8.12 openblas@0.3.30 zlib@1.3.1
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: http://dlib.net
Licenses: Boost 1.0
Synopsis: Toolkit for making machine learning and data analysis applications in C++
Description:

Dlib is a modern C++ toolkit containing machine learning algorithms and tools. It is used in both industry and academia in a wide range of domains including robotics, embedded devices, mobile phones, and large high performance computing environments.

python-tokenizers 0.19.1
Dependencies: oniguruma@6.9.10
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://huggingface.co/docs/tokenizers
Licenses: ASL 2.0
Synopsis: Implementation of various popular tokenizers
Description:

This package provides an implementation of today’s most used tokenizers, with a focus on performance and versatility.

python-tensorly 0.9.0
Propagated dependencies: python-jsmin@3.0.1 python-numpy@1.26.4 python-scipy@1.12.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/tensorly/tensorly
Licenses: Modified BSD
Synopsis: Tensor learning in Python
Description:

This is a Python library that aims at making tensor learning simple and accessible. It allows performing tensor decomposition, tensor learning and tensor algebra easily. Its backend system allows seamlessly perform computation with NumPy, PyTorch, JAX, MXNet, TensorFlow or CuPy and run methodxs at scale on CPU or GPU.

python-cleanlab 2.7.1
Propagated dependencies: python-numpy@1.26.4 python-pandas@2.2.3 python-scikit-learn@1.7.0 python-termcolor@2.5.0 python-tqdm@4.67.1
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://cleanlab.ai
Licenses: AGPL 3+
Synopsis: Automatically find and fix dataset issues
Description:

cleanlab automatically finds and fixes errors in any ML dataset. This data-centric AI package facilitates machine learning with messy, real-world data by providing clean labels during training.

python-gguf 0.17.1
Propagated dependencies: python-numpy@1.26.4 python-pyyaml@6.0.2 python-pyside-6@6.9.2 python-sentencepiece@0.2.1 python-tqdm@4.67.1
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://ggml.ai
Licenses: Expat
Synopsis: Read and write ML models in GGUF for GGML
Description:

A Python library for reading and writing GGUF & GGML format ML models.

python-captum 0.8.0
Propagated dependencies: python-matplotlib@3.8.2 python-numpy@1.26.4 python-pytorch@2.8.0 python-tqdm@4.67.1
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://captum.ai
Licenses: Modified BSD
Synopsis: Model interpretability for PyTorch
Description:

Captum is a model interpretability and understanding library for PyTorch. Captum contains general purpose implementations of integrated gradients, saliency maps, smoothgrad, vargrad and others for PyTorch models. It has quick integration for models built with domain-specific libraries such as torchvision, torchtext, and others.

libsvm 336
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://www.csie.ntu.edu.tw/~cjlin/libsvm/
Licenses: Modified BSD
Synopsis: Library for Support Vector Machines
Description:

LIBSVM is a machine learning library for support vector classification, (C-SVC, nu-SVC), regression (epsilon-SVR, nu-SVR) and distribution estimation (one-class SVM). It supports multi-class classification.

python-autograd 1.8.0
Propagated dependencies: python-future@1.0.0 python-numpy@1.26.4
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/HIPS/autograd
Licenses: Expat
Synopsis: Efficiently computes derivatives of NumPy code
Description:

Autograd can automatically differentiate native Python and NumPy code. It can handle a large subset of Python's features, including loops, ifs, recursion and closures, and it can even take derivatives of derivatives of derivatives. It supports reverse-mode differentiation (a.k.a. backpropagation), which means it can efficiently take gradients of scalar-valued functions with respect to array-valued arguments, as well as forward-mode differentiation, and the two can be composed arbitrarily. The main intended application of Autograd is gradient-based optimization.

python-ml-dtypes 0.2.0
Dependencies: eigen-for-python-ml-dtypes@3.4.0-0.7bf2968
Propagated dependencies: python-numpy@1.26.4
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/jax-ml/ml_dtypes
Licenses: ASL 2.0
Synopsis: NumPy dtype extensions used in machine learning
Description:

This package is a stand-alone implementation of several NumPy dtype extensions used in machine learning libraries, including:

  • bfloat16: an alternative to the standard float16 format

  • float8_*: several experimental 8-bit floating point representations including:

    • float8_e4m3b11fnuz

    • float8_e4m3fn

    • float8_e4m3fnuz

    • float8_e5m2

    • float8_e5m2fnuz

  • int4 and uint4: low precision integer types.

fann 2.2.0-2.1783cbf
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://leenissen.dk/
Licenses: LGPL 2.1
Synopsis: Fast Artificial Neural Network
Description:

FANN is a neural network library, which implements multilayer artificial neural networks in C with support for both fully connected and sparsely connected networks.

python-tflite-runtime 2.14.0
Dependencies: abseil-cpp@20250127.1 cpuinfo@0.0-5.b73ae6c eigen@3.4.0 fp16@0.0-1.0a92994 flatbuffers@23.5.26 gemmlowp@0.1-2.16e8662 mesa-headers@25.2.3 neon2sse@0-1.097a5ec nsync@1.26.0 opencl-clhpp@2024.10.24 opencl-headers@2024.10.24 opencl-icd-loader@2024.10.24 pthreadpool@0.1-3.560c60d python-wrapper@3.11.11 python-ml-dtypes@0.2.0 ruy@0-1.caa2443 re2@2022-12-01 xnnpack@0.0-4.51a0103 vulkan-headers@1.4.321.0 zlib@1.3.1
Propagated dependencies: python-numpy@1.26.4
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://www.tensorflow.org
Licenses: ASL 2.0
Synopsis: Machine learning framework
Description:

TensorFlow is a flexible platform for building and training machine learning models. This package provides the "lite" variant for mobile devices.

dmlc-core 0.5
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/dmlc/dmlc-core
Licenses: ASL 2.0
Synopsis: Common bricks library for machine learning
Description:

DMLC-Core is the backbone library to support all DMLC projects, offers the bricks to build efficient and scalable distributed machine learning libraries.

python-pot 0.9.5
Propagated dependencies: python-autograd@1.8.0 python-numpy@1.26.4 python-pytorch@2.8.0 python-pytorch-geometric@2.7.0 python-pymanopt@2.2.1 python-scikit-learn@1.7.0 python-scipy@1.12.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/PythonOT/POT
Licenses: Expat
Synopsis: Python Optimal Transport Library
Description:

This Python library provides several solvers for optimization problems related to Optimal Transport for signal, image processing and machine learning.

python-inquirer 3.1.3
Propagated dependencies: python-blessed@1.20.0 python-editor@1.0.4 python-readchar@4.2.1
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/magmax/python-inquirer
Licenses: Expat
Synopsis: Collection of common interactive command line user interfaces
Description:

Inquirer should ease the process of asking end user questions, parsing, validating answers, managing hierarchical prompts and providing error feedback.

python-gpytorch 1.14
Propagated dependencies: python-jaxtyping@0.2.21 python-linear-operator@0.6 python-mpmath@1.3.0 python-scikit-learn@1.7.0 python-scipy@1.12.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://gpytorch.ai
Licenses: Expat
Synopsis: Implementation of Gaussian Processes in PyTorch
Description:

GPyTorch is a Gaussian process library implemented using PyTorch.

fasttext 0.9.2
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/facebookresearch/fastText
Licenses: Expat
Synopsis: Library for fast text representation and classification
Description:

fastText is a library for efficient learning of word representations and sentence classification.

Page: 12345678910111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989910010110210310410510610710810911011111211311411511611711811912012112212312412512612712812913013113213313413513613713813914014114214314414514614714814915015115215315415515615715815916016116216316416516616716816917017117217317417517617717817918018118218318418518618718818919019119219319419519619719819920020120220320420520620720820921021121221321421521621721821922022122222322422522622722822923023123223323423523623723823924024124224324424524624724824925025125225325425525625725825926026126226326426526626726826927027127227327427527627727827928028128228328428528628728828929029129229329429529629729829930030130230330430530630730830931031131231331431531631731831932032132232332432532632732832933033133233333433533633733833934034134234334434534634734834935035135235335435535635735835936036136236336436536636736836937037137237337437537637737837938038138238338438538638738838939039139239339439539639739839940040140240340440540640740840941041141241341441541641741841942042142242342442542642742842943043143243343443543643743843944044144244344444544644744844945045145245345445545645745845946046146246346446546646746846947047147247347447547647747847948048148248348448548648748848949049149249349449549649749849950050150250350450550650750850951051151251351451551651751851952052152252352452552652752852953053153253353453553653753853954054154254354454554654754854955055155255355455555655755855956056156256356456556656756856957057157257357457557657757857958058158258358458558658758858959059159259359459559659759859960060160260360460560660760860961061161261361461561661761861962062162262362462562662762862963063163263363463563663763863964064164264364464564664764864965065165265365465565665765865966066166266366466566666766866967067167267367467567667767867968068168268368468568668768868969069169269369469569669769869970070170270370470570670770870971071171271371471571671771871972072172272372472572672772872973073173273373473573673773873974074174274374474574674774874975075175275375475575675775875976076176276376476576676776876977077177277377477577677777877978078178278378478578678778878979079179279379479579679779879980080180280380480580680780880981081181281381481581681781881982082182282382482582682782882983083183283383483583683783883984084184284384484584684784884985085185285385485585685785885986086186286386486586686786886987087187287387487587687787887988088188288388488588688788888989089189289389489589689789889990090190290390490590690790890991091191291391491591691791891992092192292392492592692792892993093193293393493593693793893994094194294394494594694794894995095195295395495595695795895996096196296396496596696796896997097197297397497597697797897998098198298398498598698798898999099199299399499599699799899910001001100210031004100510061007100810091010101110121013101410151016101710181019102010211022102310241025102610271028102910301031103210331034103510361037103810391040104110421043104410451046104710481049105010511052105310541055105610571058105910601061106210631064106510661067106810691070107110721073107410751076107710781079108010811082108310841085108610871088108910901091109210931094109510961097109810991100110111021103110411051106110711081109111011111112111311141115111611171118111911201121112211231124112511261127112811291130113111321133113411351136113711381139114011411142114311441145114611471148114911501151115211531154115511561157115811591160116111621163116411651166116711681169117011711172117311741175117611771178117911801181118211831184118511861187118811891190119111921193119411951196119711981199120012011202120312041205120612071208120912101211121212131214121512161217121812191220122112221223122412251226122712281229123012311232123312341235123612371238123912401241124212431244124512461247124812491250125112521253125412551256125712581259126012611262126312641265126612671268126912701271127212731274127512761277127812791280128112821283128412851286128712881289129012911292129312941295129612971298129913001301130213031304130513061307130813091310131113121313131413151316131713181319132013211322132313241325132613271328132913301331133213331334133513361337133813391340134113421343134413451346134713481349135013511352135313541355135613571358135913601361136213631364136513661367136813691370137113721373137413751376137713781379138013811382138313841385138613871388138913901391139213931394139513961397139813991400140114021403140414051406140714081409141014111412141314141415141614171418141914201421142214231424142514261427142814291430143114321433143414351436143714381439144014411442144314441445144614471448144914501451145214531454145514561457145814591460146114621463146414651466146714681469147014711472147314741475147614771478147914801481148214831484148514861487148814891490149114921493149414951496149714981499150015011502150315041505150615071508150915101511151215131514151515161517151815191520152115221523152415251526152715281529153015311532153315341535153615371538153915401541154215431544154515461547154815491550155115521553155415551556155715581559156015611562156315641565156615671568156915701571157215731574157515761577157815791580158115821583158415851586158715881589159015911592159315941595159615971598159916001601160216031604160516061607160816091610161116121613161416151616161716181619162016211622162316241625162616271628162916301631163216331634163516361637163816391640164116421643164416451646164716481649165016511652165316541655165616571658165916601661166216631664166516661667166816691670167116721673167416751676167716781679168016811682168316841685168616871688168916901691169216931694169516961697169816991700170117021703170417051706170717081709171017111712171317141715171617171718171917201721172217231724172517261727172817291730173117321733173417351736173717381739174017411742174317441745174617471748174917501751175217531754175517561757175817591760176117621763176417651766176717681769177017711772177317741775177617771778177917801781178217831784178517861787178817891790179117921793179417951796179717981799180018011802180318041805180618071808180918101811181218131814181518161817181818191820182118221823182418251826182718281829183018311832183318341835183618371838183918401841184218431844184518461847184818491850185118521853185418551856185718581859186018611862186318641865186618671868186918701871187218731874187518761877187818791880
Total results: 45109