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

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-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-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-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-threadpoolctl 3.1.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/joblib/threadpoolctl
Licenses: Modified BSD
Synopsis: Python helpers for common threading libraries
Description:

Thread-pool Controls provides Python helpers to limit the number of threads used in the threadpool-backed of common native libraries used for scientific computing and data science (e.g. BLAS and OpenMP).

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.

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

llama-cpp 0.0.0-b6101
Dependencies: curl@8.6.0 glslang@1.4.321.0 python-gguf@0.17.1 python-minimal@3.11.11 openblas@0.3.30 spirv-headers@1.4.321.0 spirv-tools@1.4.321.0 vulkan-headers@1.4.321.0 vulkan-loader@1.4.321.0
Propagated dependencies: python-numpy@1.26.4 python-pytorch@2.8.0 python-sentencepiece@0.2.1
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/ggml-org/llama.cpp
Licenses: Expat
Synopsis: Port of Facebook's LLaMA model in C/C++
Description:

This package provides a port to Facebook's LLaMA collection of foundation language models. It requires models parameters to be downloaded independently to be able to run a LLaMA model.

randomjungle 2.1.0
Dependencies: boost@1.83.0 gsl@2.8 libxml2@2.14.6 zlib@1.3.1
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://www.imbs.uni-luebeck.de/forschung/software/details.html#c224
Licenses: GPL 3+
Synopsis: Implementation of the Random Forests machine learning method
Description:

Random Jungle is an implementation of Random Forests. It is supposed to analyse high dimensional data. In genetics, it can be used for analysing big Genome Wide Association (GWA) data. Random Forests is a powerful machine learning method. Most interesting features are variable selection, missing value imputation, classifier creation, generalization error estimation and sample proximities between pairs of cases.

ghmm 0.9-rc3-0.2341
Dependencies: python2@2.7.18 libxml2@2.14.6
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: http://ghmm.org
Licenses: LGPL 2.0+
Synopsis: Hidden Markov Model library
Description:

The General Hidden Markov Model library (GHMM) is a C library with additional Python bindings implementing a wide range of types of Hidden Markov Models (HMM) and algorithms: discrete, continuous emissions, basic training, HMM clustering, HMM mixtures.

gst-kaldi-nnet2-online 0-3.7888ae5
Dependencies: glib@2.83.3 gstreamer@1.26.3 jansson@2.14 openfst@1.8.4 kaldi@0-2.01aadd7
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://kaldi-asr.org/
Licenses: ASL 2.0
Synopsis: Gstreamer plugin for decoding speech
Description:

This package provides a GStreamer plugin that wraps Kaldi's SingleUtteranceNnet2Decoder. It requires iVector-adapted DNN acoustic models. The iVectors are adapted to the current audio stream automatically.

gloo 0.0.0-3.c7b7b02
Dependencies: openssl@1.1.1u rdma-core@59.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.

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-torchdiffeq 0.2.5-0.a88aac5
Propagated dependencies: python-numpy@1.26.4 python-scipy@1.12.0 python-pytorch@2.8.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/rtqichen/torchdiffeq
Licenses: Expat
Synopsis: ODE solvers and adjoint sensitivity analysis in PyTorch
Description:

This tool provides ordinary differential equation solvers implemented in PyTorch. Backpropagation through ODE solutions is supported using the adjoint method for constant memory cost.

tensorflow-lite 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.

python-cmaes 0.11.1
Propagated dependencies: python-numpy@1.26.4
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/CyberAgentAILab/cmaes
Licenses: Expat
Synopsis: CMA-ES implementation for Python
Description:

This package provides provides an implementation of the Covariance Matrix Adaptation Evolution Strategy (CMA-ES) for Python.

xgboost 1.7.6
Dependencies: dmlc-core@0.5
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://xgboost.ai/
Licenses: ASL 2.0
Synopsis: Gradient boosting (GBDT, GBRT or GBM) 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.

python-hdbscan 0.8.40
Propagated dependencies: python-joblib@1.5.1 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/scikit-learn-contrib/hdbscan
Licenses: Modified BSD
Synopsis: High performance implementation of HDBSCAN clustering
Description:

HDBSCAN - Hierarchical Density-Based Spatial Clustering of Applications with Noise. Performs DBSCAN over varying epsilon values and integrates the result to find a clustering that gives the best stability over epsilon. This allows HDBSCAN to find clusters of varying densities (unlike DBSCAN), and be more robust to parameter selection. HDBSCAN is ideal for exploratory data analysis; it's a fast and robust algorithm that you can trust to return meaningful clusters (if there are any).

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

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-hyperopt 0.2.7
Propagated dependencies: python-cloudpickle@3.1.0 python-future@1.0.0 python-py4j@0.10.9.7 python-networkx@3.4.2 python-numpy@1.26.4 python-scipy@1.12.0 python-setuptools@80.9.0 python-six@1.17.0 python-tqdm@4.67.1
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://hyperopt.github.io/hyperopt/
Licenses: Modified BSD
Synopsis: Library for hyperparameter optimization
Description:

Hyperopt is a Python library for serial and parallel optimization over awkward search spaces, which may include real-valued, discrete, and conditional dimensions.

python-ml-collections 1.0.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.

Page: 123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184185186187188189190191192193194195196197198199200201202203204205206207208209210211212213214215216217218219220221222223224225226227228229230231232233234235236237238239240241242243244245246247248249250251252253254255256257258259260261262263264265266267268269270271272273274275276277278279280281282283284285286287288289290291292293294295296297298299300301302303304305306307308309310311312313314315316317318319320321322323324325326327328329330331332333334335336337338339340341342343344345346347348349350351352353354355356357358359360361362363364365366367368369370371372373374375376377378379380381382383384385386387388389390391392393394395396397398399400401402403404405406407408409410411412413414415416417418419420421422423424425426427428429430431432433434435436437438439440441442443444445446447448449450451452453454455456457458459460461462463464465466467468469470471472473474475476477478479480481482483484485486487488489490491492493494495496497498499500501502503504505506507508509510511512513514515516517518519520521522523524525526527528529530531532533534535536537538539540541542543544545546547548549550551552553554555556557558559560561562563564565566567568569570571572573574575576577578579580581582583584585586587588589590591592593594595596597598599600601602603604605606607608609610611612613614615616617618619620621622623624625626627628629630631632633634635636637638639640641642643644645646647648649650651652653654655656657658659660661662663664665666667668669670671672673674675676677678679680681682683684685686687688689690691692693694695696697698699700701702703704705706707708709710711712713714715716717718719720721722723724725726727728729730731732733734735736737738739740741742743744745746747748749750751752753754755756757758759760761762763764765766767768769770771772773774775776777778779780781782783784785786787788789790791792793794795796797798799800801802803804805806807808809810811812813814815816817818819820821822823824825826827828829830831832833834835836837838839840841842843844845846847848849850851852853854855856857858859860861862863864865866867868869870871872873874875876877878879880881882883884885886887888889890891892893894895896897898899900901902903904905906907908909910911912913914915916917918919920921922923924925926927928929930931932933934935936937938939940941942943944945946947948949950951952953954955956957958959960961962963964965966967968969970971972973974975976977978979980981982983984985986987988989990991992993994995996997998999100010011002100310041005100610071008100910101011101210131014101510161017101810191020102110221023102410251026102710281029103010311032103310341035103610371038103910401041104210431044104510461047104810491050105110521053105410551056105710581059106010611062106310641065106610671068106910701071107210731074107510761077107810791080108110821083108410851086108710881089109010911092109310941095109610971098109911001101110211031104110511061107110811091110111111121113111411151116111711181119112011211122112311241125112611271128112911301131113211331134113511361137113811391140114111421143114411451146114711481149115011511152115311541155115611571158115911601161116211631164116511661167116811691170117111721173117411751176117711781179118011811182118311841185118611871188118911901191119211931194119511961197119811991200120112021203120412051206120712081209121012111212121312141215121612171218121912201221122212231224122512261227122812291230123112321233123412351236123712381239124012411242124312441245124612471248124912501251125212531254125512561257125812591260126112621263126412651266126712681269127012711272127312741275127612771278127912801281128212831284128512861287128812891290129112921293129412951296129712981299130013011302130313041305130613071308130913101311131213131314131513161317131813191320132113221323132413251326132713281329133013311332133313341335133613371338133913401341134213431344134513461347134813491350135113521353135413551356135713581359136013611362136313641365136613671368136913701371137213731374137513761377137813791380138113821383138413851386138713881389139013911392139313941395139613971398139914001401140214031404140514061407140814091410141114121413141414151416141714181419142014211422142314241425142614271428142914301431143214331434143514361437143814391440144114421443144414451446144714481449145014511452145314541455145614571458145914601461146214631464146514661467146814691470147114721473147414751476147714781479148014811482148314841485148614871488148914901491149214931494149514961497149814991500150115021503150415051506150715081509151015111512151315141515151615171518151915201521152215231524152515261527152815291530153115321533153415351536153715381539154015411542154315441545154615471548154915501551155215531554155515561557155815591560156115621563156415651566156715681569157015711572157315741575157615771578157915801581158215831584158515861587158815891590159115921593159415951596159715981599160016011602160316041605160616071608160916101611161216131614161516161617161816191620162116221623162416251626162716281629163016311632163316341635163616371638163916401641164216431644164516461647164816491650165116521653165416551656165716581659166016611662166316641665166616671668166916701671167216731674167516761677167816791680168116821683168416851686168716881689169016911692169316941695169616971698169917001701170217031704170517061707170817091710171117121713171417151716171717181719172017211722172317241725172617271728172917301731173217331734173517361737173817391740174117421743174417451746174717481749175017511752175317541755175617571758175917601761176217631764176517661767176817691770177117721773177417751776177717781779178017811782178317841785178617871788178917901791179217931794179517961797179817991800180118021803180418051806180718081809181018111812181318141815181618171818181918201821182218231824182518261827182818291830183118321833183418351836183718381839184018411842184318441845184618471848184918501851185218531854185518561857185818591860186118621863186418651866186718681869187018711872187318741875187618771878187918801881188218831884188518861887188818891890189118921893189418951896189718981899190019011902190319041905190619071908190919101911191219131914191519161917191819191920192119221923192419251926192719281929193019311932193319341935193619371938193919401941194219431944194519461947194819491950195119521953195419551956195719581959196019611962196319641965196619671968196919701971197219731974197519761977197819791980198119821983198419851986198719881989199019911992199319941995199619971998199920002001200220032004200520062007200820092010201120122013201420152016201720182019202020212022202320242025202620272028202920302031203220332034203520362037203820392040204120422043204420452046204720482049205020512052205320542055205620572058205920602061206220632064206520662067206820692070207120722073207420752076207720782079208020812082208320842085208620872088208920902091209220932094209520962097209820992100210121022103210421052106210721082109211021112112211321142115211621172118211921202121212221232124212521262127212821292130213121322133213421352136213721382139214021412142214321442145214621472148214921502151215221532154215521562157215821592160216121622163216421652166216721682169217021712172217321742175217621772178217921802181218221832184218521862187218821892190219121922193219421952196219721982199220022012202220322042205220622072208220922102211221222132214221522162217221822192220222122222223222422252226222722282229223022312232223322342235223622372238223922402241224222432244224522462247224822492250225122522253225422552256225722582259226022612262226322642265226622672268226922702271227222732274227522762277227822792280228122822283228422852286228722882289229022912292229322942295229622972298229923002301230223032304230523062307230823092310231123122313231423152316231723182319232023212322232323242325232623272328232923302331233223332334233523362337233823392340234123422343234423452346234723482349235023512352235323542355235623572358235923602361236223632364236523662367236823692370237123722373237423752376237723782379238023812382238323842385238623872388238923902391239223932394239523962397239823992400240124022403240424052406240724082409241024112412241324142415241624172418241924202421242224232424242524262427242824292430243124322433243424352436243724382439244024412442244324442445244624472448244924502451245224532454245524562457245824592460246124622463246424652466246724682469247024712472247324742475247624772478247924802481248224832484248524862487248824892490249124922493249424952496249724982499250025012502250325042505250625072508250925102511251225132514251525162517251825192520252125222523252425252526252725282529253025312532253325342535253625372538253925402541254225432544254525462547254825492550255125522553255425552556255725582559256025612562256325642565256625672568256925702571257225732574257525762577257825792580258125822583258425852586258725882589259025912592259325942595259625972598259926002601260226032604260526062607260826092610261126122613261426152616261726182619262026212622262326242625262626272628262926302631263226332634263526362637263826392640264126422643264426452646264726482649265026512652265326542655265626572658265926602661266226632664266526662667266826692670267126722673267426752676267726782679268026812682268326842685268626872688268926902691269226932694269526962697269826992700270127022703270427052706270727082709271027112712271327142715271627172718271927202721272227232724272527262727272827292730273127322733273427352736273727382739274027412742274327442745274627472748274927502751275227532754275527562757275827592760276127622763276427652766276727682769277027712772277327742775277627772778277927802781278227832784278527862787278827892790279127922793279427952796
Total results: 67086