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

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.


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

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

python-torchmetrics 1.4.1
Propagated dependencies: python-numpy@1.26.4 python-packaging@25.0 python-pytorch@2.8.0 python-typing-extensions@4.15.0 python-lightning-utilities@0.14.3
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/Lightning-AI/torchmetrics
Licenses: ASL 2.0
Synopsis: Machine learning metrics for PyTorch applications
Description:

TorchMetrics is a collection of 100+ PyTorch metrics implementations and an easy-to-use API to create custom metrics. It offers:

  • A standardized interface to increase reproducibility

  • Reduces boilerplate

  • Automatic accumulation over batches

  • Metrics optimized for distributed-training

  • Automatic synchronization between multiple devices

python-geomloss 0.2.6
Propagated dependencies: python-numpy@1.26.4 python-pytorch@2.8.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://www.kernel-operations.io/geomloss/
Licenses: Expat
Synopsis: Geometric loss functions between point clouds, images and volumes
Description:

The GeomLoss library provides efficient GPU implementations for:

  • Kernel norms (also known as Maximum Mean Discrepancies).

  • Hausdorff divergences, which are positive definite generalizations of the Chamfer-ICP loss and are analogous to log-likelihoods of Gaussian Mixture Models.

  • Debiased Sinkhorn divergences, which are affordable yet positive and definite approximations of Optimal Transport (Wasserstein) distances.

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

python-torchfile 0.1.0-0.fbd434a
Propagated dependencies: python-numpy@1.26.4 python-setuptools@80.9.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/bshillingford/python-torchfile
Licenses: Modified BSD
Synopsis: Torch7 binary serialized file parser
Description:

This package enables you to deserialize Lua torch-serialized objects from Python.

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

ideep-pytorch 2.7.3-1
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.

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.

onnx-optimizer 0.3.19
Dependencies: onnx@1.17.0 protobuf@3.21.9 pybind11@2.13.6
Propagated dependencies: python-numpy@1.26.4
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/onnx/optimizer
Licenses: Expat
Synopsis: Library to optimize ONNX models
Description:

This package provides a C++ and Python library for performing arbitrary optimizations on ONNX models, as well as a growing list of prepackaged optimization passes.

Not all possible optimizations can be directly implemented on ONNX graphs--- some will need additional backend-specific information---but many can, and the aim is to provide all such passes along with ONNX so that they can be re-used with a single function call.

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.0 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-mcfit 0.0.22-0.be3a5cf
Propagated dependencies: python-mpmath@1.3.0 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/eelregit/mcfit
Licenses: GPL 3+
Synopsis: Multiplicatively convolutional fast integral transforms
Description:

This package provides multiplicatively convolutional fast integral transforms.

python-torchvision 0.24.0
Dependencies: ffmpeg@8.0 libpng@1.6.39 libjpeg-turbo@2.1.4
Propagated dependencies: python-numpy@1.26.4 python-typing-extensions@4.15.0 python-requests@2.32.5 python-pillow@11.1.0 python-pytorch@2.8.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://pytorch.org/vision/stable/index.html
Licenses: Modified BSD
Synopsis: Datasets, transforms and models specific to computer vision
Description:

The torchvision package consists of popular datasets, model architectures, and common image transformations for computer vision.

xnnpack 0.0-2.51a9875
Dependencies: clog@0.0-5.b73ae6c cpuinfo@0.0-5.b73ae6c pthreadpool@0.1-3.560c60d googletest@1.12.1 googlebenchmark@1.9.1 fxdiv@0.0-1.63058ef fp16@0.0-1.0a92994 psimd@0.0-1.072586a
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/google/XNNPACK
Licenses: Modified BSD
Synopsis: Optimized floating-point neural network inference operators
Description:

XNNPACK is a highly optimized library of floating-point neural network inference operators for ARM, WebAssembly, and x86 platforms. XNNPACK is not intended for direct use by deep learning practitioners and researchers; instead it provides low-level performance primitives for accelerating high-level machine learning frameworks, such as TensorFlow Lite, TensorFlow.js, PyTorch, and MediaPipe.

qnnpack 0-0.7d2a4e9
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.

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.

whisper-cpp 1.7.6
Dependencies: openblas@0.3.30 sdl2@2.30.8 git@2.51.0 spirv-headers@1.4.321.0 spirv-tools@1.4.321.0 vulkan-headers@1.4.321.0 vulkan-loader@1.4.321.0
Channel: guix
Location: gnu/packages/machine-learning.scm (gnu packages machine-learning)
Home page: https://github.com/ggml-org/whisper.cpp/
Licenses: Expat
Synopsis: OpenAI's Whisper model in C/C++
Description:

This package is a high-performance inference of OpenAI's Whisper automatic speech recognition (ASR) model, implemented in plain C/C++ without dependencies, with

  • AVX intrinsics support for x86 architectures

  • VSX intrinsics support for POWER architectures

  • Mixed F16 / F32 precision

  • 4-bit and 5-bit integer quantization support

  • Zero memory allocations at runtime

  • Support for CPU-only inference

  • Efficient GPU support for NVIDIA

  • OpenVINO Support

  • C-style API

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

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

Page: 123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184185186187188189190191192193194195196197198199200201202203204205206207208209210211212213214215216217218219220221222223224225226227228229230231232233234235236237238239240241242243244245246247248249250251252253254255256257258259260261262263264265266267268269270271272273274275276277278279280281282283284285286287288289290291292293294295296297298299300301302303304305306307308309310311312313314315316317318319320321322323324325326327328329330331332333334335336337338339340341342343344345346347348349350351352353354355356357358359360361362363364365366367368369370371372373374375376377378379380381382383384385386387388389390391392393394395396397398399400401402403404405406407408409410411412413414415416417418419420421422423424425426427428429430431432433434435436437438439440441442443444445446447448449450451452453454455456457458459460461462463464465466467468469470471472473474475476477478479480481482483484485486487488489490491492493494495496497498499500501502503504505506507508509510511512513514515516517518519520521522523524525526527528529530531532533534535536537538539540541542543544545546547548549550551552553554555556557558559560561562563564565566567568569570571572573574575576577578579580581582583584585586587588589590591592593594595596597598599600601602603604605606607608609610611612613614615616617618619620621622623624625626627628629630631632633634635636637638639640641642643644645646647648649650651652653654655656657658659660661662663664665666667668669670671672673674675676677678679680681682683684685686687688689690691692693694695696697698699700701702703704705706707708709710711712713714715716717718719720721722723724725726727728729730731732733734735736737738739740741742743744745746747748749750751752753754755756757758759760761762763764765766767768769770771772773774775776777778779780781782783784785786787788789790791792793794795796797798799800801802803804805806807808809810811812813814815816817818819820821822823824825826827828829830831832833834835836837838839840841842843844845846847848849850851852853854855856857858859860861862863864865866867868869870871872873874875876877878879880881882883884885886887888889890891892893894895896897898899900901902903904905906907908909910911912913914915916917918919920921922923924925926927928929930931932933934935936937938939940941942943944945946947948949950951952953954955956957958959960961962963964965966967968969970971972973974975976977978979980981982983984985986987988989990991992993994995996997998999100010011002100310041005100610071008100910101011101210131014101510161017101810191020102110221023102410251026102710281029103010311032103310341035103610371038103910401041104210431044104510461047104810491050105110521053105410551056105710581059106010611062106310641065106610671068106910701071107210731074107510761077107810791080108110821083108410851086108710881089109010911092109310941095109610971098109911001101110211031104110511061107110811091110111111121113111411151116111711181119112011211122112311241125112611271128112911301131113211331134113511361137113811391140114111421143114411451146114711481149115011511152115311541155115611571158115911601161116211631164116511661167116811691170117111721173117411751176117711781179118011811182118311841185118611871188118911901191119211931194119511961197119811991200120112021203120412051206120712081209121012111212121312141215121612171218121912201221122212231224122512261227122812291230123112321233123412351236123712381239124012411242124312441245124612471248124912501251125212531254125512561257125812591260126112621263126412651266126712681269127012711272127312741275127612771278127912801281128212831284128512861287128812891290129112921293129412951296129712981299130013011302130313041305130613071308130913101311131213131314131513161317131813191320132113221323132413251326132713281329133013311332133313341335133613371338133913401341134213431344134513461347134813491350135113521353135413551356135713581359136013611362136313641365136613671368136913701371137213731374137513761377137813791380138113821383138413851386138713881389139013911392139313941395139613971398139914001401140214031404140514061407140814091410141114121413141414151416141714181419142014211422142314241425142614271428142914301431143214331434143514361437143814391440144114421443144414451446144714481449145014511452145314541455145614571458145914601461146214631464146514661467146814691470147114721473147414751476147714781479148014811482148314841485148614871488148914901491149214931494149514961497149814991500150115021503150415051506150715081509151015111512151315141515151615171518151915201521152215231524152515261527152815291530153115321533153415351536153715381539154015411542154315441545154615471548154915501551155215531554155515561557155815591560156115621563156415651566156715681569157015711572157315741575157615771578157915801581158215831584158515861587158815891590159115921593159415951596159715981599160016011602160316041605160616071608160916101611161216131614161516161617161816191620162116221623162416251626162716281629163016311632163316341635163616371638163916401641164216431644164516461647164816491650165116521653165416551656165716581659166016611662166316641665166616671668166916701671167216731674167516761677167816791680168116821683168416851686168716881689169016911692169316941695169616971698169917001701170217031704170517061707170817091710171117121713171417151716171717181719172017211722172317241725172617271728172917301731173217331734173517361737173817391740174117421743174417451746174717481749175017511752175317541755175617571758175917601761176217631764176517661767176817691770177117721773177417751776177717781779178017811782178317841785178617871788178917901791179217931794179517961797179817991800180118021803180418051806180718081809181018111812181318141815181618171818181918201821182218231824182518261827182818291830183118321833183418351836183718381839184018411842184318441845184618471848184918501851185218531854185518561857185818591860186118621863186418651866186718681869187018711872187318741875187618771878187918801881188218831884188518861887188818891890189118921893189418951896189718981899190019011902190319041905190619071908190919101911191219131914191519161917191819191920192119221923192419251926192719281929193019311932193319341935193619371938193919401941194219431944194519461947194819491950195119521953195419551956195719581959196019611962196319641965196619671968196919701971197219731974197519761977197819791980198119821983198419851986198719881989199019911992199319941995199619971998199920002001200220032004200520062007200820092010201120122013201420152016201720182019202020212022202320242025202620272028202920302031203220332034203520362037203820392040204120422043204420452046204720482049205020512052205320542055205620572058205920602061206220632064206520662067206820692070207120722073207420752076207720782079208020812082208320842085208620872088208920902091209220932094209520962097209820992100210121022103210421052106210721082109211021112112211321142115211621172118211921202121212221232124212521262127212821292130213121322133213421352136213721382139214021412142214321442145214621472148214921502151215221532154215521562157215821592160216121622163216421652166216721682169217021712172217321742175217621772178217921802181218221832184218521862187218821892190219121922193219421952196219721982199220022012202220322042205220622072208220922102211221222132214221522162217221822192220222122222223222422252226222722282229223022312232223322342235223622372238223922402241224222432244224522462247224822492250225122522253225422552256225722582259226022612262226322642265226622672268226922702271227222732274227522762277227822792280228122822283228422852286228722882289229022912292229322942295229622972298229923002301230223032304230523062307230823092310231123122313231423152316231723182319232023212322232323242325232623272328232923302331233223332334233523362337233823392340234123422343234423452346234723482349235023512352235323542355235623572358235923602361236223632364236523662367236823692370237123722373237423752376237723782379238023812382238323842385238623872388238923902391239223932394239523962397239823992400240124022403240424052406240724082409241024112412241324142415241624172418241924202421242224232424242524262427242824292430243124322433243424352436243724382439244024412442244324442445244624472448244924502451245224532454245524562457245824592460246124622463246424652466246724682469247024712472247324742475247624772478247924802481248224832484248524862487248824892490249124922493249424952496249724982499250025012502250325042505250625072508250925102511251225132514251525162517251825192520252125222523252425252526252725282529253025312532253325342535253625372538253925402541254225432544254525462547254825492550255125522553255425552556255725582559256025612562256325642565256625672568256925702571257225732574257525762577257825792580258125822583258425852586258725882589259025912592259325942595259625972598259926002601260226032604260526062607260826092610261126122613261426152616261726182619262026212622262326242625262626272628262926302631263226332634263526362637263826392640264126422643264426452646264726482649265026512652265326542655265626572658265926602661266226632664266526662667266826692670267126722673267426752676267726782679268026812682268326842685268626872688268926902691269226932694269526962697269826992700270127022703270427052706270727082709271027112712271327142715271627172718271927202721272227232724272527262727272827292730273127322733273427352736273727382739274027412742274327442745274627472748274927502751275227532754275527562757275827592760276127622763276427652766276727682769277027712772277327742775277627772778277927802781278227832784278527862787278827892790279127922793279427952796
Total results: 67086