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

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-scikit-learn 1.6.1
Dependencies: openblas@0.3.30
Propagated dependencies: python-joblib@1.5.2 python-numpy@1.26.4 python-scipy@1.12.0 python-threadpoolctl@3.1.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://scikit-learn.org/
Licenses: Modified BSD
Synopsis: Machine Learning in Python
Description:

Scikit-learn provides simple and efficient tools for data mining and data analysis.

python-pot 0.9.6
Propagated dependencies: python-autograd@1.8.0 python-numpy@1.26.4 python-pytorch@2.9.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-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.

nerd-dictation-xdotool 0-2.03ce043
Dependencies: bash-minimal@5.2.37 nerd-dictation@0-2.03ce043
Propagated dependencies: pulseaudio@16.1 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.

openfst 1.8.4
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://www.openfst.org
Licenses: ASL 2.0
Synopsis: Library for weighted finite-state transducers
Description:

OpenFst is a library for constructing, combining, optimizing, and searching weighted finite-state transducers (FSTs).

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.

ocaml-mcl 12-068oasis4
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/fhcrc/mcl
Licenses: GPL 3
Synopsis: OCaml wrappers around MCL
Description:

This package provides OCaml bindings for the MCL graph clustering algorithm.

ideep-pytorch 3.3.2
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/intel/ideep
Licenses: Expat
Synopsis: Ideep headers for internal use by PyTorch
Description:

This library is used internally as header-only library by PyTorch.

python-hmmlearn 0.3.3
Propagated dependencies: python-numpy@1.26.4 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/hmmlearn/hmmlearn
Licenses: Modified BSD
Synopsis: Hidden Markov Models with scikit-learn like API
Description:

Hmmlearn is a set of algorithms for unsupervised learning and inference of Hidden Markov Models.

python-pyro-ppl 1.9.1
Propagated dependencies: python-numpy@1.26.4 python-opt-einsum@3.3.0 python-pyro-api@0.1.2 python-pytorch@2.9.0 python-tqdm@4.67.1
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://pyro.ai
Licenses: ASL 2.0
Synopsis: Python library for probabilistic modeling and inference
Description:

This package provides a Python library for probabilistic modeling and inference.

python-spacy-loggers 1.0.4
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/explosion/spacy-loggers
Licenses: Expat
Synopsis: Logging utilities for SpaCy
Description:

This package provides logging utilities for the SpaCy natural language processing framework.

python-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.

nerd-dictation-sox-wtype 0-2.03ce043
Dependencies: bash-minimal@5.2.37 nerd-dictation@0-2.03ce043
Propagated dependencies: sox@14.4.2 wtype@0.4
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-ripser 0.6.4
Propagated dependencies: python-numpy@1.26.4 python-persim@0.3.8 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://ripser.scikit-tda.org
Licenses: Expat
Synopsis: Persistent homology library for Python
Description:

This package implements a variety of persistent homology algorithms. It provides an interface for

  • computing persistence cohomology of sparse and dense data sets

  • visualizing persistence diagrams

  • computing lowerstar filtrations on images

  • computing representative cochains

gloo 0.0.0-2.81925d1
Dependencies: openssl@1.1.1u rdma-core@60.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/facebookincubator/gloo
Licenses: Modified BSD
Synopsis: Collective communications library
Description:

Gloo is a collective communications library. It comes with a number of collective algorithms useful for machine learning applications. These include a barrier, broadcast, and allreduce.

python-autograd-gamma 0.5.0
Propagated dependencies: python-autograd@1.8.0 python-scipy@1.12.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/CamDavidsonPilon/autograd-gamma
Licenses: Expat
Synopsis: Autograd-compatible approximations to the gamma family of functions
Description:

This package provides Autograd-compatible approximations to the gamma family of functions.

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-spacy-legacy 3.0.12
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://spacy.io
Licenses: Expat
Synopsis: Legacy registered functions for spaCy backwards compatibility
Description:

This package contains legacy registered functions for spaCy backwards compatibility.

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: Unsupervised tokenizer for Neural Network-based text generation
Description:

SentencePiece is an unsupervised text tokenizer and detokenizer mainly for Neural Network-based text generation systems where the vocabulary size is predetermined prior to the neural model training. SentencePiece implements subword units---e.g., byte-pair-encoding (BPE) and unigram language model---with the extension of direct training from raw sentences. SentencePiece allows us to make a purely end-to-end system that does not depend on language-specific pre- or post-processing.

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.

qnnpack-pytorch pytorch-2.9.0
Dependencies: clog@0.0-5.b73ae6c 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
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/pytorch/qnnpack
Licenses: Modified BSD
Synopsis: Quantized Neural Network PACKage
Description:

QNNPACK is a library for low-precision neural network inference. It contains the implementation of common neural network operators on quantized 8-bit tensors.

nerd-dictation-sox-ydotool 0-2.03ce043
Dependencies: bash-minimal@5.2.37 nerd-dictation@0-2.03ce043
Propagated dependencies: sox@14.4.2 ydotool@1.0.4
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-brian2 2.5.1
Propagated dependencies: python-cython@3.1.2 python-jinja2@3.1.2 python-numpy@1.26.4 python-py-cpuinfo@9.0.0 python-pyparsing@3.2.3 python-setuptools@80.9.0 python-sympy@1.13.3
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://briansimulator.org/
Licenses: CeCILL
Synopsis: Clock-driven simulator for spiking neural networks
Description:

Brian is a simulator for spiking neural networks written in Python. It is therefore designed to be easy to learn and use, highly flexible and easily extensible.

gloo 0.0.0-4.54cbae0
Dependencies: openssl@1.1.1u rdma-core@60.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/facebookincubator/gloo
Licenses: Modified BSD
Synopsis: Collective communications library
Description:

Gloo is a collective communications library. It comes with a number of collective algorithms useful for machine learning applications. These include a barrier, broadcast, and allreduce.

Page: 123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184185186187188189190191192193194195196197198199200201202203204205206207208209210211212213214215216217218219220221222223224225226227228229230231232233234235236237238239240241242243244245246247248249250251252253254255256257258259260261262263264265266267268269270271272273274275276277278279280281282283284285286287288289290291292293294295296297298299300301302303304305306307308309310311312313314315316317318319320321322323324325326327328329330331332333334335336337338339340341342343344345346347348349350351352353354355356357358359360361362363364365366367368369370371372373374375376377378379380381382383384385386387388389390391392393394395396397398399400401402403404405406407408409410411412413414415416417418419420421422423424425426427428429430431432433434435436437438439440441442443444445446447448449450451452453454455456457458459460461462463464465466467468469470471472473474475476477478479480481482483484485486487488489490491492493494495496497498499500501502503504505506507508509510511512513514515516517518519520521522523524525526527528529530531532533534535536537538539540541542543544545546547548549550551552553554555556557558559560561562563564565566567568569570571572573574575576577578579580581582583584585586587588589590591592593594595596597598599600601602603604605606607608609610611612613614615616617618619620621622623624625626627628629630631632633634635636637638639640641642643644645646647648649650651652653654655656657658659660661662663664665666667668669670671672673674675676677678679680681682683684685686687688689690691692693694695696697698699700701702703704705706707708709710711712713714715716717718719720721722723724725726727728729730731732733734735736737738739740741742743744745746747748749750751752753754755756757758759760761762763764765766767768769770771772773774775776777778779780781782783784785786787788789790791792793794795796797798799800801802803804805806807808809810811812813814815816817818819820821822823824825826827828829830831832833834835836837838839840841842843844845846847848849850851852853854855856857858859860861862863864865866867868869870871872873874875876877878879880881882883884885886887888889890891892893894895896897898899900901902903904905906907908909910911912913914915916917918919920921922923924925926927928929930931932933934935936937938939940941942943944945946947948949950951952953954955956957958959960961962963964965966967968969970971972973974975976977978979980981982983984985986987988989990991992993994995996997998999100010011002100310041005100610071008100910101011101210131014101510161017101810191020102110221023102410251026102710281029103010311032103310341035103610371038103910401041104210431044104510461047104810491050105110521053105410551056105710581059106010611062106310641065106610671068106910701071107210731074107510761077107810791080108110821083108410851086108710881089109010911092109310941095109610971098109911001101110211031104110511061107110811091110111111121113111411151116111711181119112011211122112311241125112611271128112911301131113211331134113511361137113811391140114111421143114411451146114711481149115011511152115311541155115611571158115911601161116211631164116511661167116811691170117111721173117411751176117711781179118011811182118311841185118611871188118911901191119211931194119511961197119811991200120112021203120412051206120712081209121012111212121312141215121612171218121912201221122212231224122512261227122812291230123112321233123412351236123712381239124012411242124312441245124612471248124912501251125212531254125512561257125812591260126112621263126412651266126712681269127012711272127312741275127612771278127912801281128212831284128512861287128812891290129112921293129412951296
Total results: 31092