Summary
machine-learning
photons-and-neutrons machine learning
This metapackage will install all the machine learning software for
X-ray photons-and-neutrons PAN
Description
For a better overview of the project's availability as a Debian package, each head row has a color code according to this scheme:
If you discover a project which looks like a good candidate for PAN Blend
to you, or if you have prepared an unofficial Debian package, please do not hesitate to
send a description of that project to the PAN Blend mailing list
Links to other tasks
|
PAN Blend machine-learning packages
Official Debian packages with high relevance
keras-doc
CPU/GPU math expression compiler for Python (docs)
|
Versions of package keras-doc |
Release | Version | Architectures |
buster | 2.2.4-1 | all |
|
License: DFSG free
|
Keras is a Python library for machine learning based on deep (multi-
layered) artificial neural networks (DNN), which follows a minimalistic
and modular design with a focus on fast experimentation.
Features of DNNs like neural layers, cost functions, optimizers,
initialization schemes, activation functions and regularization schemes
are available in Keras a standalone modules which can be plugged together
as wanted to create sequence models or more complex architectures.
Keras supports convolutions neural networks (CNN, used for image
recognition resp. classification) and recurrent neural networks (RNN,
suitable for sequence analysis like in natural language processing).
It runs as an abstraction layer on the top of Theano (math expression
compiler) by default, which makes it possible to accelerate the computations
by using (GP)GPU devices. Alternatively, Keras could run on Google's
TensorFlow (not yet available in Debian).
This package contains the documentation for Keras.
|
|
libopencv-dnn-dev
development files for libopencv-dnn406t64
|
Versions of package libopencv-dnn-dev |
Release | Version | Architectures |
sid | 4.6.0+dfsg-14 | amd64,arm64,armel,armhf,i386,mips64el,ppc64el,riscv64,s390x |
trixie | 4.6.0+dfsg-14 | amd64,arm64,armel,armhf,i386,mips64el,ppc64el,riscv64,s390x |
bookworm | 4.6.0+dfsg-12 | amd64,arm64,armel,armhf,i386,mips64el,mipsel,ppc64el,s390x |
experimental | 4.10.0+dfsg-1 | amd64,arm64,armel,armhf,i386,mips64el,ppc64el,riscv64,s390x |
bullseye | 4.5.1+dfsg-5 | amd64,arm64,armel,armhf,i386,mips64el,mipsel,ppc64el,s390x |
upstream | 4.11.0 |
|
License: DFSG free
|
This package contains the header files and static library needed to compile
in deep neural network module.
The Open Computer Vision Library is a collection of algorithms and sample
code for various computer vision problems. The library is compatible with
IPL (Intel's Image Processing Library) and, if available, can use IPP
(Intel's Integrated Performance Primitives) for better performance.
OpenCV provides low level portable data types and operators, and a set
of high level functionalities for video acquisition, image processing and
analysis, structural analysis, motion analysis and object tracking, object
recognition, camera calibration and 3D reconstruction.
Please cite:
Gary Bradski and Adrian Kaehler:
Learning OpenCV: Computer Vision with the OpenCV Library
(2008)
|
|
libopencv-dnn4.5
computer vision Deep neural network module
|
Versions of package libopencv-dnn4.5 |
Release | Version | Architectures |
bullseye | 4.5.1+dfsg-5 | amd64,arm64,armel,armhf,i386,mips64el,mipsel,ppc64el,s390x |
upstream | 4.11.0 |
|
License: DFSG free
|
This package contains the OpenCV (Open Computer Vision) deep neural network
module.
The Open Computer Vision Library is a collection of algorithms and sample
code for various computer vision problems. The library is compatible with
IPL (Intel's Image Processing Library) and, if available, can use IPP
(Intel's Integrated Performance Primitives) for better performance.
OpenCV provides low level portable data types and operators, and a set
of high level functionalities for video acquisition, image processing and
analysis, structural analysis, motion analysis and object tracking, object
recognition, camera calibration and 3D reconstruction.
Please cite:
Gary Bradski and Adrian Kaehler:
Learning OpenCV: Computer Vision with the OpenCV Library
(2008)
|
|
libtorch-test
Tensors and Dynamic neural networks in Python (Test Binaries)
|
Versions of package libtorch-test |
Release | Version | Architectures |
bullseye | 1.7.1-7 | amd64,arm64,armhf,ppc64el,s390x |
sid | 2.5.1+dfsg-4 | amd64,arm64,ppc64el,riscv64,s390x |
trixie | 2.5.1+dfsg-4 | amd64,arm64,ppc64el,riscv64,s390x |
bookworm | 1.13.1+dfsg-4 | amd64,arm64,ppc64el,s390x |
|
License: DFSG free
|
PyTorch is a Python package that provides two high-level features:
(1) Tensor computation (like NumPy) with strong GPU acceleration
(2) Deep neural networks built on a tape-based autograd system
You can reuse your favorite Python packages such as NumPy, SciPy and Cython
to extend PyTorch when needed.
This is the CPU-only version of PyTorch (Test Binaries).
Please cite:
Adam Paszke, Sam Gross, Francisco Massa, Adam Lerer, James Bradbury, Gregory Chanan, Trevor Killeen, Zeming Lin, Natalia Gimelshein, Luca Antiga, Alban Desmaison, Andreas Kopf, Edward Yang, Zachary DeVito, Martin Raison, Alykhan Tejani, Sasank Chilamkurthy, Benoit Steiner, Lu Fang, Junjie Bai and Soumith Chintala:
|
|
libtorch-thnn
libTHNN.so of Neural Network Package for Torch Framework
|
Versions of package libtorch-thnn |
Release | Version | Architectures |
buster | 0~20171002-g8726825+dfsg-4 | amd64,armhf,i386 |
|
License: DFSG free
|
This package provides an easy and modular way to build and train
simple or complex neural networks using Torch Framework.
This package contains libTHNN.so , backend library for lua-torch-nn.
|
|
python-tpot-doc
documentation and examples for TPOT
|
Versions of package python-tpot-doc |
Release | Version | Architectures |
bullseye | 0.11.7+dfsg-1 | all |
|
License: DFSG free
|
Consider TPOT your Data Science Assistant. TPOT is a Python Automated Machine
Learning tool that optimizes machine learning pipelines using genetic
programming.
TPOT will automate the most tedious part of machine learning by intelligently
exploring thousands of possible pipelines to find the best one for your data.
Once TPOT is finished searching (or you get tired of waiting), it provides you
with the Python code for the best pipeline it found so you can tinker with the
pipeline from there.
TPOT is built on top of scikit-learn, so all of the code it generates should
look familiar... if you're familiar with scikit-learn, anyway.
This package contains the documentation, example scripts, and tutorials for
TPOT.
|
|
python3-brian
simulator for spiking neural networks
|
Versions of package python3-brian |
Release | Version | Architectures |
trixie | 2.7.1+ds-2 | all |
bookworm | 2.5.1-3 | all |
bullseye | 2.4.2-6 | all |
sid | 2.8.0-1 | all |
|
License: DFSG free
|
Brian is a clock-driven simulator for spiking neural networks. It is
designed with an emphasis on flexibility and extensibility, for rapid
development and refinement of neural models. Neuron models are
specified by sets of user-specified differential equations, threshold
conditions and reset conditions (given as strings). The focus is
primarily on networks of single compartment neuron models (e.g. leaky
integrate-and-fire or Hodgkin-Huxley type neurons). Features include:
- a system for specifying quantities with physical dimensions
- exact numerical integration for linear differential equations
- Euler, Runge-Kutta and exponential Euler integration for nonlinear
differential equations
- synaptic connections with delays
- short-term and long-term plasticity (spike-timing dependent plasticity)
- a library of standard model components, including integrate-and-fire
equations, synapses and ionic currents
- a toolbox for automatically fitting spiking neuron models to
electrophysiological recordings
|
|
python3-eagerpy
Wrapper around various Python multidimensional array types
|
Versions of package python3-eagerpy |
Release | Version | Architectures |
bullseye | 0.29.0-3 | all |
bookworm | 0.30.0-3 | all |
trixie | 0.30.0-3 | all |
sid | 0.30.0-3 | all |
|
License: DFSG free
|
EagerPy is a Python framework that lets you write code that automatically
works natively with PyTorch, TensorFlow, JAX, and NumPy.
|
|
python3-keras
deep learning framework running on Theano or TensorFlow
|
Versions of package python3-keras |
Release | Version | Architectures |
bullseye | 2.3.1+dfsg-3 | all |
buster | 2.2.4-1 | all |
|
License: DFSG free
|
Keras is a Python library for machine learning based on deep (multi-
layered) artificial neural networks (DNN), which follows a minimalistic
and modular design with a focus on fast experimentation.
Features of DNNs like neural layers, cost functions, optimizers,
initialization schemes, activation functions and regularization schemes
are available in Keras a standalone modules which can be plugged together
as wanted to create sequence models or more complex architectures.
Keras supports convolutions neural networks (CNN, used for image
recognition resp. classification) and recurrent neural networks (RNN,
suitable for sequence analysis like in natural language processing).
It runs as an abstraction layer on the top of Theano (math expression
compiler) by default, which makes it possible to accelerate the computations
by using (GP)GPU devices. Alternatively, Keras could run on Google's
TensorFlow (not yet available in Debian).
|
|
python3-keras-applications
popular models and pre-trained weights for the Keras deep learning framework
|
Versions of package python3-keras-applications |
Release | Version | Architectures |
bookworm | 1.0.8+ds-1 | all |
buster | 1.0.6-1 | all |
bullseye | 1.0.8+ds-1 | all |
trixie | 1.0.8+ds-2 | all |
sid | 1.0.8+ds-2 | all |
|
License: DFSG free
|
Keras is a Python library for machine learning based on deep (multi-
layered) artificial neural networks (DNN), which follows a minimalistic
and modular design with a focus on fast experimentation.
Features of DNNs like neural layers, cost functions, optimizers,
initialization schemes, activation functions and regularization schemes
are available in Keras a standalone modules which can be plugged together
as wanted to create sequence models or more complex architectures.
Keras supports convolutions neural networks (CNN, used for image
recognition resp. classification) and recurrent neural networks (RNN,
suitable for sequence analysis like in natural language processing).
It runs as an abstraction layer on the top of Theano (math expression
compiler) by default, which makes it possible to accelerate the computations
by using (GP)GPU devices. Alternatively, Keras could run on Google's
TensorFlow (not yet available in Debian).
Keras Applications is the applications module of the Keras deep
learning library. It provides model definitions and pre-trained
weights for a number of popular architectures, such as VGG16, ResNet50,
Xception, MobileNet, and more.
|
|
python3-keras-preprocessing
data preprocessing module for the Keras deep learning framework
|
Versions of package python3-keras-preprocessing |
Release | Version | Architectures |
trixie | 1.1.2-1 | all |
bullseye | 1.1.0+ds-1 | all |
bookworm | 1.1.0+ds-1 | all |
sid | 1.1.2-1 | all |
buster | 1.0.5-1 | all |
|
License: DFSG free
|
Keras is a Python library for machine learning based on deep (multi-
layered) artificial neural networks (DNN), which follows a minimalistic
and modular design with a focus on fast experimentation.
Features of DNNs like neural layers, cost functions, optimizers,
initialization schemes, activation functions and regularization schemes
are available in Keras a standalone modules which can be plugged together
as wanted to create sequence models or more complex architectures.
Keras supports convolutions neural networks (CNN, used for image
recognition resp. classification) and recurrent neural networks (RNN,
suitable for sequence analysis like in natural language processing).
It runs as an abstraction layer on the top of Theano (math expression
compiler) by default, which makes it possible to accelerate the computations
by using (GP)GPU devices. Alternatively, Keras could run on Google's
TensorFlow (not yet available in Debian).
Keras Preprocessing is the data preprocessing and data augmentation
module of the Keras deep learning library. It provides utilities for
working with image data, text data, and sequence data.
|
|
python3-lasagne
deep learning library build on the top of Theano (Python3 modules)
|
Versions of package python3-lasagne |
Release | Version | Architectures |
buster | 0.1+git20181019.a61b76f-1 | all |
stretch | 0.1+git20160728.8b66737-2 | all |
|
License: DFSG free
|
Lasagne is a Python library to build and train deep (multi-layered) artificial
neural networks on the top of Theano (math expression compiler). In comparison
to other abstraction layers for that like e.g. Keras, it abstracts Theano as
little as possible.
Lasagne supports networks like Convolutional Neural Networks (CNN, mostly used
for image recognition resp. classification) and the Long Short-Term Memory type
(LSTM, a subtype of Recurrent Neural Networks, RNN).
This package contains the modules for Python 3.
|
|
python3-mdp
boite à outils modulaire pour le traitement de données
|
Versions of package python3-mdp |
Release | Version | Architectures |
bookworm | 3.6-2 | amd64,arm64,mips64el,ppc64el |
jessie | 3.3-2 | all |
stretch | 3.5-1 | all |
bullseye | 3.6-1.1 | all |
trixie | 3.6-9 | all |
sid | 3.6-9 | all |
|
License: DFSG free
|
Il s’agit d’un cadriciel en Python de traitement de données pour
construire des logiciels complexes de traitement de données en combinant
des algorithmes d’apprentissage automatique largement utilisés dans des
tuyauteries et réseaux. Les algorithmes implémentés incluent l'analyse en
composantes principales (PCA), l'analyse en composantes indépendantes
(ICA), Slow Feature Analysis (SFA — analyse des variations lentes),
Independent Slow Feature Analysis (ISFA), Growing Neural Gas (GNG — réseau
neuronal artificiel incrémental), l’analyse factorielle, l’analyse
discriminante linéaire de Fisher (FDA) et les classifieurs gaussiens.
|
|
python3-onnx
Open Neural Network Exchange (ONNX) (Python)
|
Versions of package python3-onnx |
Release | Version | Architectures |
sid | 1.16.2-1 | amd64,arm64,armel,armhf,i386,mips64el,ppc64el,riscv64,s390x |
trixie | 1.16.2-1 | amd64,arm64,armel,armhf,i386,mips64el,ppc64el,riscv64,s390x |
bullseye | 1.7.0+dfsg-3 | amd64,arm64,armel,armhf,i386,mips64el,mipsel,ppc64el,s390x |
bookworm | 1.12.0-2 | amd64,arm64,armel,armhf,i386,mips64el,mipsel,ppc64el,s390x |
upstream | 1.17.0 |
|
License: DFSG free
|
Open Neural Network Exchange (ONNX) is the first step toward an open ecosystem
that empowers AI developers to choose the right tools as their project evolves.
ONNX provides an open source format for AI models. It defines an extensible
computation graph model, as well as definitions of built-in operators and
standard data types. Initially onnx focuses on the capabilities needed for
inferencing (evaluation).
Caffe2, PyTorch, Microsoft Cognitive Toolkit, Apache MXNet and other tools are
developing ONNX support. Enabling interoperability between different frameworks
and streamlining the path from research to production will increase the speed
of innovation in the AI community.
This package contains the python interface.
|
|
python3-pyclustering
algorithmes d’exploration de données – Python 3
|
Versions of package python3-pyclustering |
Release | Version | Architectures |
sid | 0.10.1.2-2 | all |
trixie | 0.10.1.2-2 | all |
bookworm | 0.10.1.2-2 | all |
bullseye | 0.10.1.2-1 | all |
|
License: DFSG free
|
Cette bibliothèque fournit des outils pour les algorithmes de grappe, les
réseaux à oscillateurs et ceux neuronaux.
Ce paquet installe la bibliothèque pour Python 3.
|
|
python3-sklearn
Python modules for machine learning and data mining - Python 3
|
Versions of package python3-sklearn |
Release | Version | Architectures |
buster | 0.20.2+dfsg-6 | all |
bookworm | 1.2.1+dfsg-1 | all |
sid | 1.4.2+dfsg-7 | all |
bullseye | 0.23.2-5 | all |
stretch | 0.18-5 | all |
trixie | 1.4.2+dfsg-7 | all |
upstream | 1.6.1 |
|
License: DFSG free
|
scikit-learn is a collection of Python modules relevant to
machine/statistical learning and data mining. Non-exhaustive list of
included functionality:
- Gaussian Mixture Models
- Manifold learning
- kNN
- SVM (via LIBSVM)
This package contains the Python 3 version.
|
|
python3-skorch
scikit-learn compatible neural network library that wraps PyTorch
|
Versions of package python3-skorch |
Release | Version | Architectures |
trixie | 1.0.0-1 | all |
bullseye | 0.9.0-3 | all |
sid | 1.0.0-1 | all |
bookworm | 0.12.1-2 | all |
upstream | 1.1.0 |
|
License: DFSG free
|
The goal of skorch is to make it possible to use PyTorch with sklearn. This is
achieved by providing a wrapper around PyTorch that has an sklearn interface.
In that sense, skorch is the spiritual successor to nolearn, but instead of
using Lasagne and Theano, it uses PyTorch.
skorch does not re-invent the wheel, instead getting as much out of your way as
possible. If you are familiar with sklearn and PyTorch, you don’t have to learn
any new concepts, and the syntax should be well known. (If you’re not familiar
with those libraries, it is worth getting familiarized.)
Additionally, skorch abstracts away the training loop, making a lot of
boilerplate code obsolete. A simple net.fit(X, y) is enough. Out of the box,
skorch works with many types of data, be it PyTorch Tensors, NumPy arrays,
Python dicts, and so on. However, if you have other data, extending skorch is
easy to allow for that.
Overall, skorch aims at being as flexible as PyTorch while having a clean
interface as sklearn.
|
|
python3-torch
Tensors and Dynamic neural networks in Python (Python Interface)
|
Versions of package python3-torch |
Release | Version | Architectures |
bookworm | 1.13.1+dfsg-4 | amd64,arm64,ppc64el,s390x |
trixie | 2.5.1+dfsg-4 | amd64,arm64,ppc64el,riscv64,s390x |
sid | 2.5.1+dfsg-4 | amd64,arm64,ppc64el,riscv64,s390x |
bullseye | 1.7.1-7 | amd64,arm64,armhf,ppc64el,s390x |
|
License: DFSG free
|
PyTorch is a Python package that provides two high-level features:
(1) Tensor computation (like NumPy) with strong GPU acceleration
(2) Deep neural networks built on a tape-based autograd system
You can reuse your favorite Python packages such as NumPy, SciPy and Cython
to extend PyTorch when needed.
This is the CPU-only version of PyTorch (Python interface).
Please cite:
Adam Paszke, Sam Gross, Francisco Massa, Adam Lerer, James Bradbury, Gregory Chanan, Trevor Killeen, Zeming Lin, Natalia Gimelshein, Luca Antiga, Alban Desmaison, Andreas Kopf, Edward Yang, Zachary DeVito, Martin Raison, Alykhan Tejani, Sasank Chilamkurthy, Benoit Steiner, Lu Fang, Junjie Bai and Soumith Chintala:
|
|
python3-torch-ignite
High-level library to help with training and evaluating in PyTorch
|
Versions of package python3-torch-ignite |
Release | Version | Architectures |
sid | 0.4.12-1 | all |
bullseye | 0.4.3-1 | all |
upstream | 0.5.1 |
|
License: DFSG free
|
Ignite is a high-level library to help with training and evaluating neural
networks in PyTorch flexibly and transparently.
Features
- Less code than pure PyTorch while ensuring maximum control and simplicity
- Library approach and no program's control inversion
- Extensible API for metrics, experiment managers, and other components
|
|
python3-tpot
Automated Machine Learning tool built on top of scikit-learn
|
Versions of package python3-tpot |
Release | Version | Architectures |
bullseye | 0.11.7+dfsg-1 | all |
|
License: DFSG free
|
Consider TPOT your Data Science Assistant. TPOT is a Python Automated Machine
Learning tool that optimizes machine learning pipelines using genetic
programming.
TPOT will automate the most tedious part of machine learning by intelligently
exploring thousands of possible pipelines to find the best one for your data.
Once TPOT is finished searching (or you get tired of waiting), it provides you
with the Python code for the best pipeline it found so you can tinker with the
pipeline from there.
TPOT is built on top of scikit-learn, so all of the code it generates should
look familiar... if you're familiar with scikit-learn, anyway.
This package contains the Python 3.x version of TPOT.
|
|
Debian packages in contrib or non-free
python3-torch-cuda
Tensors and Dynamic neural networks in Python (Python Interface)
|
Versions of package python3-torch-cuda |
Release | Version | Architectures |
sid | 2.5.1+dfsg-4 (contrib) | amd64,arm64,ppc64el |
|
License: DFSG free, but needs non-free components
|
PyTorch is a Python package that provides two high-level features:
(1) Tensor computation (like NumPy) with strong GPU acceleration
(2) Deep neural networks built on a tape-based autograd system
You can reuse your favorite Python packages such as NumPy, SciPy and Cython
to extend PyTorch when needed.
This is the CUDA version of PyTorch (Python interface).
|
|