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

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-persim 0.3.8
Propagated dependencies: python-deprecated@1.2.14 python-hopcroftkarp@1.2.5-1.2846e1d python-joblib@1.5.2 python-matplotlib@3.8.2 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://persim.scikit-tda.org
Licenses: Expat
Synopsis: Tools for analyzing persistence diagrams in Python
Description:

This package includes a variety of tools used to analyze persistence diagrams. It currently houses implementations of

  • Persistence images

  • Persistence landscapes

  • Bottleneck distance

  • Modified Gromov–Hausdorff distance

  • Sliced Wasserstein kernel

  • Heat kernel

  • Diagram plotting

python-captum 0.8.0
Propagated dependencies: python-matplotlib@3.8.2 python-numpy@1.26.4 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://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.

python-botorch 0.16.0
Propagated dependencies: python-gpytorch@1.14.2 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.9.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-deepxde 1.14.0
Propagated dependencies: python-matplotlib@3.8.2 python-numpy@1.26.4 python-scikit-learn@1.7.0 python-scikit-optimize@0.10.2 python-scipy@1.12.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://deepxde.readthedocs.io/en/latest/
Licenses: LGPL 2.1+
Synopsis: Library for scientific machine learning
Description:

DeepXDE is a library for scientific machine learning and physics-informed learning. It includes implementations for the PINN (physics-informed neural networks), DeepONet (deep operator network) and MFNN (multifidelity neural network) algorithms.

python-scikit-rebate 0.62
Propagated dependencies: python-numpy@1.26.4 python-scipy@1.12.0 python-scikit-learn@1.7.0 python-joblib@1.5.2
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://epistasislab.github.io/scikit-rebate/
Licenses: Expat
Synopsis: Relief-based feature selection algorithms for Python
Description:

Scikit-rebate is a scikit-learn-compatible Python implementation of ReBATE, a suite of Relief-based feature selection algorithms for Machine Learning. These algorithms excel at identifying features that are predictive of the outcome in supervised learning problems, and are especially good at identifying feature interactions that are normally overlooked by standard feature selection algorithms.

python-umap-learn 0.5.9
Propagated dependencies: python-numba@0.61.0 python-numpy@1.26.4 python-pynndescent@0.5.13 python-scikit-learn@1.7.0 python-scipy@1.12.0 python-tqdm@4.67.1
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/lmcinnes/umap
Licenses: Modified BSD
Synopsis: Uniform Manifold Approximation and Projection
Description:

Uniform Manifold Approximation and Projection is a dimension reduction technique that can be used for visualization similarly to t-SNE, but also for general non-linear dimension reduction.

python-opentsne 1.0.2
Dependencies: fftw@3.3.10
Propagated dependencies: python-numpy@1.26.4 python-pynndescent@0.5.13 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/pavlin-policar/openTSNE
Licenses: Modified BSD
Synopsis: Extensible, parallel implementations of t-SNE
Description:

This is a modular Python implementation of t-Distributed Stochastic Neighbor Embedding (t-SNE), a popular dimensionality-reduction algorithm for visualizing high-dimensional data sets.

kaldi-gstreamer-server 0-3.f79e204
Dependencies: gstreamer@1.26.3 gst-kaldi-nnet2-online@0-3.7888ae5 gst-plugins-base@1.26.3 gst-plugins-good@1.26.3 kaldi@0-2.01aadd7 python-wrapper@3.11.14 python-pygobject@3.50.0 python-pyyaml@6.0.2 python-tornado@6.4.2
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/alumae/kaldi-gstreamer-server
Licenses: FreeBSD
Synopsis: Real-time full-duplex speech recognition server
Description:

This is a real-time full-duplex speech recognition server, based on the Kaldi toolkit and the GStreamer framework and implemented in Python.

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-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-pyro-api 0.1.2
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/pyro-ppl/pyro-api
Licenses: ASL 2.0
Synopsis: Generic API for dispatch to Pyro backends
Description:

This package provides a generic API for dispatch to Pyro backends.

python-linear-operator 0.6
Propagated dependencies: python-jaxtyping@0.3.3 python-mpmath@1.3.0 python-pytorch@2.9.0 python-scipy@1.12.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/cornellius-gp/linear_operator/
Licenses: Expat
Synopsis: Linear operator implementation
Description:

LinearOperator is a PyTorch package for abstracting away the linear algebra routines needed for structured matrices (or operators).

python-cleanlab 1.0.1
Propagated dependencies: python-numpy@1.26.4 python-scikit-learn@1.7.0 python-scipy@1.12.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-gymnasium 0.29.1
Propagated dependencies: python-cloudpickle@3.1.0 python-farama-notifications@0.0.4 python-importlib-metadata@8.7.0 python-numpy@1.26.4 python-typing-extensions@4.15.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://gymnasium.farama.org/
Licenses: Expat
Synopsis: Standard API for reinforcement learning and a set of reference environments
Description:

This package provides a standard API for reinforcement learning and a diverse set of reference environments (formerly Gym).

onnxruntime 1.22.0
Dependencies: abseil-cpp@20250127.1 boost@1.89.0 cpuinfo@0.0-5.b73ae6c dlpack@1.2 c++-gsl@4.2.0 date@3.0.1 eigen-for-onnxruntime@3.4.0-0.1d8b82b flatbuffers@23.5.26 googletest@1.17.0 nlohmann-json@3.12.0 onnx@1.17.0 protobuf@3.21.9 pybind11@2.13.6 re2@2024-07-02 safeint@3.0.28 zlib@1.3.1
Propagated dependencies: python-coloredlogs@10.0 python-flatbuffers@24.12.23 python-protobuf@3.20.3 python-sympy@1.13.3
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/microsoft/onnxruntime
Licenses: Expat
Synopsis: Cross-platform, high performance scoring engine for ML models
Description:

ONNX Runtime is a performance-focused complete scoring engine for Open Neural Network Exchange (ONNX) models, with an open extensible architecture to continually address the latest developments in AI and Deep Learning. ONNX Runtime stays up to date with the ONNX standard with complete implementation of all ONNX operators, and supports all ONNX releases (1.2+) with both future and backwards compatibility.

nerd-dictation 0-2.03ce043
Propagated dependencies: python-vosk@0.3.50
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-pymanopt 2.2.1
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://pymanopt.org/
Licenses: Modified BSD
Synopsis: Toolbox for optimization on Riemannian manifolds
Description:

This package is a toolbox for optimization on Riemannian manifolds with support for automatic differentiation.

mcl 14.137
Dependencies: perl@5.36.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://micans.org/mcl/
Licenses: GPL 3
Synopsis: Clustering algorithm for graphs
Description:

The MCL algorithm is short for the Markov Cluster Algorithm, a fast and scalable unsupervised cluster algorithm for graphs (also known as networks) based on simulation of (stochastic) flow in graphs.

python-visdom 0.2.4
Propagated dependencies: python-jsonpatch@1.33 python-networkx@3.4.2 python-numpy@1.26.4 python-pillow@11.1.0 python-requests@2.32.5 python-scipy@1.12.0 python-six@1.17.0 python-tornado@5.1.1 python-websocket-client@1.8.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/fossasia/visdom
Licenses: ASL 2.0
Synopsis: Visualizations of live, rich data for Torch and Numpy
Description:

This package provides a tool for visualizing live, rich data for Torch and Numpy.

python-thinc 8.3.4
Propagated dependencies: python-blis@1.2.1 python-catalogue@2.0.7 python-confection@0.1.5 python-cymem@2.0.6 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-setuptools@80.9.0 python-srsly@2.5.1 python-wasabi@1.1.3
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/explosion/thinc
Licenses: Expat
Synopsis: Functional take on deep learning
Description:

This package provides a functional take on deep learning, compatible with your favorite libraries.

python-fasttext 0.9.2
Dependencies: fasttext@0.9.2
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/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.

python-xgboost 1.7.6
Dependencies: xgboost@1.7.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://xgboost.ai/
Licenses: ASL 2.0
Synopsis: Python interface for the XGBoost library
Description:

XGBoost is an optimized distributed gradient boosting library designed to be highly efficient, flexible and portable. It implements machine learning algorithms under the Gradient Boosting framework. XGBoost provides a parallel tree boosting (also known as GBDT, GBM) that solve many data science problems in a fast and accurate way.

Page: 123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184185186187188189190191192193194195196197198199200201202203204205206207208209210211212213214215216217218219220221222223224225226227228229230231232233234235236237238239240241242243244245246247248249250251252253254255256257258259260261262263264265266267268269270271272273274275276277278279280281282283284285286287288289290291292293294295296297298299300301302303304305306307308309310311312313314315316317318319320321322323324325326327328329330331332333334335336337338339340341342343344345346347348349350351352353354355356357358359360361362363364365366367368369370371372373374375376377378379380381382383384385386387388389390391392393394395396397398399400401402403404405406407408409410411412413414415416417418419420421422423424425426427428429430431432433434435436437438439440441442443444445446447448449450451452453454455456457458459460461462463464465466467468469470471472473474475476477478479480481482483484485486487488489490491492493494495496497498499500501502503504505506507508509510511512513514515516517518519520521522523524525526527528529530531532533534535536537538539540541542543544545546547548549550551552553554555556557558559560561562563564565566567568569570571572573574575576577578579580581582583584585586587588589590591592593594595596597598599600601602603604605606607608609610611612613614615616617618619620621622623624625626627628629630631632633634635636637638639640641642643644645646647648649650651652653654655656657658659660661662663664665666667668669670671672673674675676677678679680681682683684685686687688689690691692693694695696697698699700701702703704705706707708709710711712713714715716717718719720721722723724725726727728729730731732733734735736737738739740741742743744745746747748749750751752753754755756757758759760761762763764765766767768769770771772773774775776777778779780781782783784785786787788789790791792793794795796797798799800801802803804805806807808809810811812813814815816817818819820821822823824825826827828829830831832833834835836837838839840841842843844845846847848849850851852853854855856857858859860861862863864865866867868869870871872873874875876877878879880881882883884885886887888889890891892893894895896897898899900901902903904905906907908909910911912913914915916917918919920921922923924925926927928929930931932933934935936937938939940941942943944945946947948949950951952953954955956957958959960961962963964965966967968969970971972973974975976977978979980981982983984985986987988989990991992993994995996997998999100010011002100310041005100610071008100910101011101210131014101510161017101810191020102110221023102410251026102710281029103010311032103310341035103610371038103910401041104210431044104510461047104810491050105110521053105410551056105710581059106010611062106310641065106610671068106910701071107210731074107510761077107810791080108110821083108410851086108710881089109010911092109310941095109610971098109911001101110211031104110511061107110811091110111111121113111411151116111711181119112011211122112311241125112611271128112911301131113211331134113511361137113811391140114111421143114411451146114711481149115011511152115311541155115611571158115911601161116211631164116511661167116811691170117111721173117411751176117711781179118011811182118311841185118611871188118911901191119211931194119511961197119811991200120112021203120412051206120712081209121012111212121312141215121612171218121912201221122212231224122512261227122812291230123112321233123412351236123712381239124012411242124312441245124612471248124912501251125212531254125512561257125812591260126112621263126412651266126712681269127012711272127312741275127612771278127912801281128212831284128512861287128812891290129112921293129412951296
Total results: 31092