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

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.


python-lap 0.5.12
Propagated dependencies: python-numpy@1.26.4
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/gatagat/lap
Licenses: FreeBSD
Synopsis: Linear Assignment Problem solver (LAPJV/LAPMOD)
Description:

Lap is a linear assignment problem solver using Jonker-Volgenant algorithm for dense (LAPJV) or sparse (LAPMOD) matrices.

liblantern 0.16.3
Dependencies: python-pytorch@2.7.1
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/mlverse/torch/
Licenses: Expat
Synopsis: C API to libtorch
Description:

Lantern provides a C API to the libtorch machine learning library.

python-ml-collections 1.1.0
Propagated dependencies: python-absl-py@2.3.1 python-pyyaml@6.0.2
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/google/ml_collections
Licenses: ASL 2.0
Synopsis: Python collections designed for Machine Learning usecases
Description:

ML Collections is a library of Python collections designed for Machine Learning usecases.

python-vosk 0.3.50
Dependencies: vosk-api@0.3.50
Propagated dependencies: python-cffi@1.17.1 python-requests@2.32.5 python-tqdm@4.67.1 python-srt@3.5.3 python-websockets@13.1
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://alphacephei.com/vosk/
Licenses: ASL 2.0
Synopsis: Speech recognition toolkit based on @code{kaldi}
Description:

This package provides a speech recognition toolkit based on kaldi. It supports more than 20 languages and dialects - English, Indian English, German, French, Spanish, Portuguese, Chinese, Russian, Turkish, Vietnamese, Italian, Dutch, Catalan, Arabic, Greek, Farsi, Filipino, Ukrainian, Kazakh, Swedish, Japanese, Esperanto, Hindi, Czech, Polish. The program works offline, even on lightweight devices. Portable per-language models are about 50Mb each, and there are much bigger and precise models available.

Vosk API provides a streaming API allowing to use it on-the-fly and bindings for different programming languages. It allows quick reconfiguration of vocabulary for better accuracy, and supports speaker identification beside simple speech recognition.

python-gpytorch 1.14.2
Propagated dependencies: python-jaxtyping@0.3.3 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.

python-brian2tools 0.3
Propagated dependencies: python-brian2@2.5.1 python-libneuroml@0.6.5 python-markdown-strings@3.3.0 python-matplotlib@3.8.2 python-pylems@0.6.9 python-setuptools@80.9.0 python-setuptools-scm@8.3.1
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/brian-team/brian2tools
Licenses: CeCILL
Synopsis: Tools for the Brian 2 simulator
Description:

Visualization and NeuroML import/export tools for the Brian 2 simulator.

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-sentencepiece 0.2.1
Propagated dependencies: sentencepiece@0.2.1
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/google/sentencepiece
Licenses: ASL 2.0
Synopsis: SentencePiece python wrapper
Description:

This package provides a Python wrapper for the SentencePiece unsupervised text tokenizer.

dlib 20.0
Dependencies: ffmpeg@8.0 giflib@5.2.1 libjpeg-turbo@2.1.4 libjxl@0.11.1 libpng@1.6.39 libwebp@1.3.2 libx11@1.8.12 openblas@0.3.30 pybind11@2.13.6 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.

gemmlowp 0.1-2.16e8662
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/google/gemmlowp
Licenses: ASL 2.0
Synopsis: Small self-contained low-precision GEMM library
Description:

This is a small self-contained low-precision general matrix multiplication (GEMM) library. It is not a full linear algebra library. Low-precision means that the input and output matrix entries are integers on at most 8 bits. To avoid overflow, results are internally accumulated on more than 8 bits, and at the end only some significant 8 bits are kept.

python-spacy 3.8.7
Propagated dependencies: python-catalogue@2.0.7 python-cymem@2.0.6 python-jinja2@3.1.2 python-langcodes@3.5.0 python-murmurhash@1.0.10 python-numpy@2.3.1 python-packaging@25.0 python-preshed@3.0.6 python-pydantic@2.10.4 python-requests@2.32.5 python-spacy-legacy@3.0.12 python-spacy-loggers@1.0.4 python-srsly@2.5.1 python-thinc@8.3.4 python-tqdm@4.67.1 python-typer@0.20.0 python-wasabi@1.1.3 python-weasel@0.4.1
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://spacy.io
Licenses: Expat
Synopsis: Natural Language Processing (NLP) in Python
Description:

SpaCy is a library for advanced Natural Language Processing in Python and Cython. It comes with pretrained pipelines and currently supports tokenization and training for 70+ languages. It features state-of-the-art speed and neural network models for tagging, parsing, named entity recognition, text classification and more, multi-task learning with pretrained transformers like BERT, as well as a production-ready training system and easy model packaging, deployment and workflow management.

tensorflow-lite 2.16.2
Dependencies: abseil-cpp@20250814.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-icd-loader@2024.10.24 pthreadpool@0.1-3.560c60d python@3.11.14 python-ml-dtypes@0.5.3 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.

tvm 0.20.dev0-1.d3a2ed6
Dependencies: dmlc-core@0.5-1.1334185 dlpack@1.2 libedit@20191231-3.1 libxml2@2.14.6 llvm@19.1.7 opencl-clhpp@2024.10.24 opencl-headers@2024.10.24 rang@3.2 mesa@25.2.3 mesa-opencl@25.2.3 spirv-headers@1.4.321.0 spirv-tools@1.4.321.0 vulkan-headers@1.4.321.0 vulkan-loader@1.4.321.0 zlib@1.3.1 zstd@1.5.6
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://tvm.apache.org/
Licenses: ASL 2.0
Synopsis: Machine learning compiler framework for CPUs, GPUs and accelerators
Description:

Apache TVM is a compiler stack for deep learning systems. It is designed to close the gap between the productivity-focused deep learning frameworks, and the performance- and efficiency-focused hardware backends. TVM works with deep learning frameworks to provide end to end compilation to different backends

python-funsor 0.4.5
Propagated dependencies: python-makefun@1.15.1 python-multipledispatch@1.0.0 python-numpy@1.26.4 python-opt-einsum@3.3.0 python-typing-extensions@4.15.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/pyro-ppl/funsor
Licenses: ASL 2.0
Synopsis: Tensor-like library for functions and distributions
Description:

This package provides a tensor-like library for functions and distributions.

python-pytorch 2.7.1
Dependencies: asmjit@0.0.0-2.cfc9f81 brotli@1.0.9 clog@0.0-5.b73ae6c concurrentqueue@1.0.3 cpp-httplib@0.20.0 eigen@3.4.0 flatbuffers@24.12.23 fmt@9.1.0 fp16@0.0-1.0a92994 fxdiv@0.0-1.63058ef gemmlowp@0.1-2.16e8662 gloo@0.0.0-2.81925d1 googletest@1.12.1 googlebenchmark@1.9.1 libuv@1.44.2 miniz@pytorch-2.7.0 oneapi-dnnl@3.5.3 openblas@0.3.30 openmpi@4.1.6 openssl@3.0.8 pthreadpool@0.1-3.560c60d protobuf@3.21.9 pybind11@2.13.6 qnnpack-pytorch@pytorch-2.9.0 rdma-core@60.0 sleef@3.6.1 tensorpipe@0-0.bb1473a vulkan-headers@1.4.321.0 vulkan-loader@1.4.321.0 vulkan-memory-allocator@3.3.0 xnnpack@0.0-4.51a0103 zlib@1.3.1 zstd@1.5.6
Propagated dependencies: cpuinfo@0.0-5.b73ae6c onnx@1.17.0 onnx-optimizer@0.3.19 python-astunparse@1.6.3 python-click@8.1.8 python-filelock@3.16.1 python-fsspec@2025.9.0 python-future@1.0.0 python-jinja2@3.1.2 python-networkx@3.4.2 python-numpy@1.26.4 python-opt-einsum@3.3.0 python-optree@0.14.0 python-packaging@25.0 python-psutil@7.0.0 python-pyyaml@6.0.2 python-requests@2.32.5 python-sympy@1.13.3 python-typing-extensions@4.15.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://pytorch.org/
Licenses: Modified BSD
Synopsis: Python library for tensor computation and deep neural networks
Description:

PyTorch is a Python package that provides two high-level features:

  • tensor computation (like NumPy) with strong GPU acceleration;

  • deep neural networks (DNNs) built on a tape-based autograd system.

You can reuse Python packages such as NumPy, SciPy, and Cython to extend PyTorch when needed.

Note: currently this package does not provide GPU support.

python-pynndescent 0.5.13
Propagated dependencies: python-importlib-metadata@8.7.0 python-joblib@1.5.2 python-llvmlite@0.44.0 python-numba@0.61.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://github.com/lmcinnes/pynndescent
Licenses: FreeBSD
Synopsis: Nearest neighbor descent for approximate nearest neighbors
Description:

PyNNDescent provides a Python implementation of Nearest Neighbor Descent for k-neighbor-graph construction and approximate nearest neighbor search.

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-safetensors 0.4.3
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://huggingface.co/docs/safetensors
Licenses: ASL 2.0
Synopsis: Simple and safe way to store and distribute tensors
Description:

This package provides a fast (zero-copy) and safe (dedicated) format for storing tensors safely.

vosk-api 0.3.50
Dependencies: kaldi@0-1.bc5baf1 openfst@1.8.0 openblas@0.3.30
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://alphacephei.com/vosk/
Licenses: ASL 2.0
Synopsis: Speech recognition toolkit based on @code{kaldi}
Description:

This package provides a speech recognition toolkit based on kaldi. It supports more than 20 languages and dialects - English, Indian English, German, French, Spanish, Portuguese, Chinese, Russian, Turkish, Vietnamese, Italian, Dutch, Catalan, Arabic, Greek, Farsi, Filipino, Ukrainian, Kazakh, Swedish, Japanese, Esperanto, Hindi, Czech, Polish. The program works offline, even on lightweight devices. Portable per-language models are about 50Mb each, and there are much bigger and precise models available.

Vosk API provides a streaming API allowing to use it on-the-fly and bindings for different programming languages. It allows quick reconfiguration of vocabulary for better accuracy, and supports speaker identification beside simple speech recognition.

nerd-dictation-sox-xdotool 0-2.03ce043
Dependencies: bash-minimal@5.2.37 nerd-dictation@0-2.03ce043
Propagated dependencies: sox@14.4.2 xdotool@3.20211022.1
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/ideasman42/nerd-dictation
Licenses: GPL 2+
Synopsis: Offline speech-to-text for desktop Linux
Description:

This package provides simple access speech to text for using in Linux without being tied to a desktop environment, using the vosk-api. The user configuration lets you manipulate text using Python string operations. It has zero overhead, as this relies on manual activation and there are no background processes. Dictation is accessed manually with nerd-dictation begin and nerd-dictation end commands.

python-lightning-utilities 0.15.2
Propagated dependencies: python-packaging@25.0 python-typing-extensions@4.15.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/Lightning-AI/utilities
Licenses: ASL 2.0
Synopsis: PyTorch Lightning sample project
Description:

This package provides common Python utilities and GitHub Actions for the Lightning suite of libraries.

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.

onnx 1.17.0
Dependencies: protobuf@3.21.9
Propagated dependencies: python-numpy@1.26.4 python-protobuf@3.20.3 python-six@1.17.0 python-tabulate@0.9.0 python-typing-extensions@4.15.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://onnx.ai/
Licenses: Expat
Synopsis: Open Neural Network Exchange
Description:

ONNX is a format for AI models, both deep learning and traditional ML. It defines an extensible computation graph model, as well as definitions of built-in operators and standard data types.

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

Page: 123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184185186187188189190191192193194195196197198199200201202203204205206207208209210211212213214215216217218219220221222223224225226227228229230231232233234235236237238239240241242243244245246247248249250251252253254255256257258259260261262263264265266267268269270271272273274275276277278279280281282283284285286287288289290291292293294295296297298299300301302303304305306307308309310311312313314315316317318319320321322323324325326327328329330331332333334335336337338339340341342343344345346347348349350351352353354355356357358359360361362363364365366367368369370371372373374375376377378379380381382383384385386387388389390391392393394395396397398399400401402403404405406407408409410411412413414415416417418419420421422423424425426427428429430431432433434435436437438439440441442443444445446447448449450451452453454455456457458459460461462463464465466467468469470471472473474475476477478479480481482483484485486487488489490491492493494495496497498499500501502503504505506507508509510511512513514515516517518519520521522523524525526527528529530531532533534535536537538539540541542543544545546547548549550551552553554555556557558559560561562563564565566567568569570571572573574575576577578579580581582583584585586587588589590591592593594595596597598599600601602603604605606607608609610611612613614615616617618619620621622623624625626627628629630631632633634635636637638639640641642643644645646647648649650651652653654655656657658659660661662663664665666667668669670671672673674675676677678679680681682683684685686687688689690691692693694695696697698699700701702703704705706707708709710711712713714715716717718719720721722723724725726727728729730731732733734735736737738739740741742743744745746747748749750751752753754755756757758759760761762763764765766767768769770771772773774775776777778779780781782783784785786787788789790791792793794795796797798799800801802803804805806807808809810811812813814815816817818819820821822823824825826827828829830831832833834835836837838839840841842843844845846847848849850851852853854855856857858859860861862863864865866867868869870871872873874875876877878879880881882883884885886887888889890891892893894895896897898899900901902903904905906907908909910911912913914915916917918919920921922923924925926927928929930931932933934935936937938939940941942943944945946947948949950951952953954955956957958959960961962963964965966967968969970971972973974975976977978979980981982983984985986987988989990991992993994995996997998999100010011002100310041005100610071008100910101011101210131014101510161017101810191020102110221023102410251026102710281029103010311032103310341035103610371038103910401041104210431044104510461047104810491050105110521053105410551056105710581059106010611062106310641065106610671068106910701071107210731074107510761077107810791080108110821083108410851086108710881089109010911092109310941095109610971098109911001101110211031104110511061107110811091110111111121113111411151116111711181119112011211122112311241125112611271128112911301131113211331134113511361137113811391140114111421143114411451146114711481149115011511152115311541155115611571158115911601161116211631164116511661167116811691170117111721173117411751176117711781179118011811182118311841185118611871188118911901191119211931194119511961197119811991200120112021203120412051206120712081209121012111212121312141215121612171218121912201221122212231224122512261227122812291230123112321233123412351236123712381239124012411242124312441245124612471248124912501251125212531254125512561257125812591260126112621263126412651266126712681269127012711272127312741275127612771278127912801281128212831284128512861287128812891290129112921293129412951296
Total results: 31092