diff --git a/includes/data/software.yml b/includes/data/software.yml
index 7b1bf4591..4b1a53442 100644
--- a/includes/data/software.yml
+++ b/includes/data/software.yml
@@ -2222,13 +2222,14 @@ software_modules:
- {description: Gmsh is an open source 3D finite element mesh generator with
a built-in CAD engine and post-processor., markedDefault: false, versionName: 4.10.1}
- categories: math, numerical library
- defaultVersionName: 2.9.0
- description: FLINT is a C library for doing number theory.
- package: flint
- url: https://flintlib.org/
+ defaultVersionName: 2.0.8_py36
+ description: gmpy2 is a C-coded Python extension module that supports multiple-precision
+ arithmetic.
+ package: py-gmpy2
+ url: https://gmpy2.readthedocs.io/
versions:
- - {description: FLINT is a C library for doing number theory., markedDefault: false,
- versionName: 2.9.0}
+ - {description: gmpy2 is a C-coded Python extension module that supports multiple-precision
+ arithmetic., markedDefault: false, versionName: 2.0.8_py36}
- categories: math, statistics
defaultVersionName: 1.3.1093
description: RStudio is an integrated development environment (IDE) for R. It
@@ -2291,30 +2292,16 @@ software_modules:
arch: {gpu: 1}
versionName: 1.0.0_py39
- categories: math, numerical library
- defaultVersionName: 1.1.0_py27
- description: The SciPy library provides many user-friendly and efficient numerical
- routines such as routines for numerical integration and optimization.
- package: py-scipy
- url: https://www.scipy.org/scipylib
+ defaultVersionName: 7.4.0
+ description: SuiteSparse is a suite of sparse matrix algorithms.
+ package: suitesparse
+ url: https://people.engr.tamu.edu/davis/suitesparse.html
versions:
- - {description: The SciPy library provides many user-friendly and efficient
- numerical routines such as routines for numerical integration and optimization.,
- family: scipy, markedDefault: false, versionName: 1.1.0_py36}
- - {description: The SciPy library provides many user-friendly and efficient
- numerical routines such as routines for numerical integration and optimization.,
- family: scipy, markedDefault: false, versionName: 1.4.1_py36}
- - {description: The SciPy library provides many user-friendly and efficient
- numerical routines such as routines for numerical integration and optimization.,
- family: scipy, markedDefault: false, versionName: 1.6.3_py39}
- - {description: The SciPy library provides many user-friendly and efficient
- numerical routines such as routines for numerical integration and optimization.,
- family: scipy, markedDefault: false, versionName: 1.10.1_py39}
- - {description: The SciPy library provides many user-friendly and efficient
- numerical routines such as routines for numerical integration and optimization.,
- family: scipy, markedDefault: false, versionName: 1.12.0_py312}
- - {description: The SciPy library provides many user-friendly and efficient
- numerical routines such as routines for numerical integration and optimization.,
- family: scipy, markedDefault: true, versionName: 1.1.0_py27}
+ - description: SuiteSparse is a suite of sparse matrix algorithms.
+ markedDefault: false
+ properties:
+ arch: {gpu: 1}
+ versionName: 7.4.0
- categories: math, symbolic
defaultVersionName: 1.11.1_py39
description: SymPy is a Python library for symbolic mathematics.
@@ -2398,6 +2385,16 @@ software_modules:
properties:
parallel: {mpi: 1}
versionName: 2.20.0
+ - categories: math, machine learning
+ defaultVersionName: 4.39.1_py312
+ description: Hugging Face Transformers provides APIs and tools to easily download
+ and train state-of-the-art pretrained models.
+ package: py-transformers
+ url: https://huggingface.co/docs/transformers
+ versions:
+ - {description: Hugging Face Transformers provides APIs and tools to easily
+ download and train state-of-the-art pretrained models., markedDefault: false,
+ versionName: 4.39.1_py312}
- categories: math, numerical library
defaultVersionName: 1.6.0
description: TetGen provides various features to generate good quality and adaptive
@@ -2423,39 +2420,31 @@ software_modules:
from Bayesian hierarchical models using Markov chain Monte Carlo (MCMC).,
markedDefault: false, versionName: 4.3.1}
- categories: math, numerical library
- defaultVersionName: 1.14.3_py27
- description: NumPy is the fundamental package for scientific computing with
- Python.
- package: py-numpy
- url: http://www.numpy.org
+ defaultVersionName: 3.1.0
+ description: libflame is a portable library for dense matrix computations, providing
+ much of the functionality present in LAPACK
+ package: libflame
+ url: https://github.com/amd/libflame
versions:
- - {description: NumPy is the fundamental package for scientific computing with
- Python., markedDefault: false, versionName: 1.14.3_py36}
- - {description: NumPy is the fundamental package for scientific computing with
- Python., markedDefault: false, versionName: 1.17.2_py36}
- - {description: NumPy is the fundamental package for scientific computing with
- Python., markedDefault: false, versionName: 1.18.1_py36}
- - {description: NumPy is the fundamental package for scientific computing with
- Python., markedDefault: false, versionName: 1.19.2_py36}
- - {description: NumPy is the fundamental package for scientific computing with
- Python., markedDefault: false, versionName: 1.20.3_py39}
- - {description: NumPy is the fundamental package for scientific computing with
- Python., markedDefault: false, versionName: 1.24.2_py39}
- - {description: NumPy is the fundamental package for scientific computing with
- Python., markedDefault: false, versionName: 1.26.3_py312}
- - {description: NumPy is the fundamental package for scientific computing with
- Python., markedDefault: true, versionName: 1.14.3_py27}
- - categories: math, deep learning
- defaultVersionName: 8.5.1.7_py39
- description: Python bindings for the TensorRT library.
- package: py-tensorrt
- url: https://developer.nvidia.com/tensorrt
+ - {description: 'libflame is a portable library for dense matrix computations,
+ providing much of the functionality present in LAPACK', markedDefault: false,
+ versionName: '2.1'}
+ - {description: 'libflame is a portable library for dense matrix computations,
+ providing much of the functionality present in LAPACK', markedDefault: false,
+ versionName: 2.2.4}
+ - {description: 'libflame is a portable library for dense matrix computations,
+ providing much of the functionality present in LAPACK', markedDefault: false,
+ versionName: 3.1.0}
+ - categories: math, optimization
+ defaultVersionName: 2.10.0_py39
+ description: Optuna is an automatic hyperparameter optimization software framework,
+ particularly designed for machine learning.
+ package: py-optuna
+ url: https://optuna.readthedocs.io/
versions:
- - description: Python bindings for the TensorRT library.
- markedDefault: false
- properties:
- arch: {gpu: 1}
- versionName: 8.5.1.7_py39
+ - {description: 'Optuna is an automatic hyperparameter optimization software
+ framework, particularly designed for machine learning.', markedDefault: false,
+ versionName: 2.10.0_py39}
- categories: math, numerical library
defaultVersionName: 1.4.1
description: 'harminv is a program designed to solve the problem of harmonic
@@ -2557,6 +2546,35 @@ software_modules:
- {description: LIBXSMM is a library for small dense and small sparse matrix-matrix
multiplications as well as for deep learning primitives such as small convolutions,
markedDefault: false, versionName: '1.17'}
+ - categories: math, optimization
+ defaultVersionName: 2.6.2
+ description: NLopt is a free/open-source library for nonlinear optimization.
+ package: nlopt
+ url: https://nlopt.readthedocs.io/
+ versions:
+ - {description: NLopt is a free/open-source library for nonlinear optimization.,
+ markedDefault: false, versionName: 2.6.2}
+ - categories: math, deep learning
+ defaultVersionName: 0.12.1_py27
+ description: Horovod is a distributed training framework for TensorFlow. The
+ goal of Horovod is to make distributed Deep Learning fast and easy to use.
+ package: py-horovod
+ url: https://github.com/uber/horovod
+ versions:
+ - description: Horovod is a distributed training framework for TensorFlow. The
+ goal of Horovod is to make distributed Deep Learning fast and easy to use.
+ markedDefault: false
+ properties:
+ arch: {gpu: 1}
+ parallel: {mpi: 1}
+ versionName: 0.12.1_py36
+ - description: Horovod is a distributed training framework for TensorFlow. The
+ goal of Horovod is to make distributed Deep Learning fast and easy to use.
+ markedDefault: true
+ properties:
+ arch: {gpu: 1}
+ parallel: {mpi: 1}
+ versionName: 0.12.1_py27
- categories: math, numerical library
defaultVersionName: 3.1.2_py39
description: Efficient matrix representations for working with tabular data.
@@ -2565,6 +2583,17 @@ software_modules:
versions:
- {description: Efficient matrix representations for working with tabular data.,
markedDefault: false, versionName: 3.1.2_py39}
+ - categories: math, deep learning
+ defaultVersionName: 8.5.1.7_py39
+ description: Python bindings for the TensorRT library.
+ package: py-tensorrt
+ url: https://developer.nvidia.com/tensorrt
+ versions:
+ - description: Python bindings for the TensorRT library.
+ markedDefault: false
+ properties:
+ arch: {gpu: 1}
+ versionName: 8.5.1.7_py39
- categories: math, numerical library
defaultVersionName: 1.0.248
description: Extra precise basic linear algebra subroutines.
@@ -2582,24 +2611,13 @@ software_modules:
versions:
- {description: Gym is a toolkit for developing and comparing reinforcement
learning algorithms., markedDefault: false, versionName: 0.21.0_py39}
- - categories: math, optimization
- defaultVersionName: 2.6.2
- description: NLopt is a free/open-source library for nonlinear optimization.
- package: nlopt
- url: https://nlopt.readthedocs.io/
- versions:
- - {description: NLopt is a free/open-source library for nonlinear optimization.,
- markedDefault: false, versionName: 2.6.2}
- - categories: math, optimization
- defaultVersionName: 2.10.0_py39
- description: Optuna is an automatic hyperparameter optimization software framework,
- particularly designed for machine learning.
- package: py-optuna
- url: https://optuna.readthedocs.io/
+ - categories: math, numerical library
+ defaultVersionName: 3.18.2_py39
+ description: Python bindings for SLEPc.
+ package: py-slepc4py
+ url: https://slepc.upv.es/
versions:
- - {description: 'Optuna is an automatic hyperparameter optimization software
- framework, particularly designed for machine learning.', markedDefault: false,
- versionName: 2.10.0_py39}
+ - {description: Python bindings for SLEPc., markedDefault: false, versionName: 3.18.2_py39}
- categories: math, technical computing
defaultVersionName: 13.1.0
description: A symbolic language and platform for modern technical computing.
@@ -2611,6 +2629,61 @@ software_modules:
properties:
license: {restricted: 1}
versionName: 13.1.0
+ - categories: math, deep learning
+ defaultVersionName: '20180202'
+ description: Torch is a scientific computing framework with wide support for
+ machine learning algorithms that puts GPUs first.
+ package: torch
+ url: http://torch.ch
+ versions:
+ - description: Torch is a scientific computing framework with wide support for
+ machine learning algorithms that puts GPUs first.
+ markedDefault: false
+ properties:
+ arch: {gpu: 1}
+ versionName: '20180202'
+ - categories: math, statistics
+ defaultVersionName: '15'
+ description: Stata is a complete, integrated statistical software package that
+ provides everything you need for data analysis, data management, and graphics.
+ package: stata
+ url: https://www.stata.com
+ versions:
+ - description: Stata is a complete, integrated statistical software package
+ that provides everything you need for data analysis, data management, and
+ graphics.
+ markedDefault: false
+ properties:
+ license: {restricted: 1}
+ versionName: '14'
+ - description: Stata is a complete, integrated statistical software package
+ that provides everything you need for data analysis, data management, and
+ graphics.
+ markedDefault: false
+ properties:
+ license: {restricted: 1}
+ versionName: '16'
+ - description: Stata is a complete, integrated statistical software package
+ that provides everything you need for data analysis, data management, and
+ graphics.
+ markedDefault: false
+ properties:
+ license: {restricted: 1}
+ versionName: '17'
+ - description: Stata is a complete, integrated statistical software package
+ that provides everything you need for data analysis, data management, and
+ graphics.
+ markedDefault: false
+ properties:
+ license: {restricted: 1}
+ versionName: '18'
+ - description: Stata is a complete, integrated statistical software package
+ that provides everything you need for data analysis, data management, and
+ graphics.
+ markedDefault: true
+ properties:
+ license: {restricted: 1}
+ versionName: '15'
- categories: math, numerical library
defaultVersionName: 4.1.0
description: The MPFR library is a C library for multiple-precision floating-point
@@ -2630,95 +2703,47 @@ software_modules:
versions:
- {description: 'glum is a fast, modern, Python-first GLM estimation library.',
markedDefault: false, versionName: 2.1.2_py39}
- - categories: math, numerical library
- defaultVersionName: 3.1.0
- description: libflame is a portable library for dense matrix computations, providing
- much of the functionality present in LAPACK
- package: libflame
- url: https://github.com/amd/libflame
+ - categories: math, statistics
+ defaultVersionName: 2.9.2_py36
+ description: rpy2 is an interface to R running embedded in a Python process.
+ package: py-rpy2
+ url: https://rpy2.bitbucket.io
versions:
- - {description: 'libflame is a portable library for dense matrix computations,
- providing much of the functionality present in LAPACK', markedDefault: false,
- versionName: '2.1'}
- - {description: 'libflame is a portable library for dense matrix computations,
- providing much of the functionality present in LAPACK', markedDefault: false,
- versionName: 2.2.4}
- - {description: 'libflame is a portable library for dense matrix computations,
- providing much of the functionality present in LAPACK', markedDefault: false,
- versionName: 3.1.0}
- - categories: math, machine learning
- defaultVersionName: 0.19.1_py27
- description: Scikit-learn is a free software machine learning library for the
- Python programming language.
- package: py-scikit-learn
- url: http://scikit-learn.org
+ - {description: rpy2 is an interface to R running embedded in a Python process.,
+ markedDefault: false, versionName: 2.8.6_py27}
+ - {description: rpy2 is an interface to R running embedded in a Python process.,
+ markedDefault: false, versionName: 2.9.2_py36}
+ - categories: math, symbolic
+ defaultVersionName: 5.47.0
+ description: Maxima is a system for the manipulation of symbolic and numerical
+ expressions.
+ package: maxima
+ url: https://maxima.sourceforge.io/
versions:
- - {description: Scikit-learn is a free software machine learning library for
- the Python programming language., markedDefault: false, versionName: 0.19.1_py36}
- - {description: Scikit-learn is a free software machine learning library for
- the Python programming language., markedDefault: false, versionName: 0.24.2_py36}
- - {description: Scikit-learn is a free software machine learning library for
- the Python programming language., markedDefault: false, versionName: 1.0.2_py39}
- - {description: Scikit-learn is a free software machine learning library for
- the Python programming language., markedDefault: false, versionName: 1.3.2_py39}
- - {description: Scikit-learn is a free software machine learning library for
- the Python programming language., markedDefault: true, versionName: 0.19.1_py27}
+ - {description: Maxima is a system for the manipulation of symbolic and numerical
+ expressions., markedDefault: false, versionName: 5.47.0}
- categories: math, deep learning
- defaultVersionName: '20180202'
- description: Torch is a scientific computing framework with wide support for
- machine learning algorithms that puts GPUs first.
- package: torch
- url: http://torch.ch
+ defaultVersionName: 1.0.1_py27
+ description: Theano is a Python library that allows you to define, optimize,
+ and evaluate mathematical expressions involving multi-dimensional arrays efficiently.
+ package: py-theano
+ url: http://deeplearning.net/software/theano
versions:
- - description: Torch is a scientific computing framework with wide support for
- machine learning algorithms that puts GPUs first.
+ - description: Theano is a Python library that allows you to define, optimize,
+ and evaluate mathematical expressions involving multi-dimensional arrays
+ efficiently.
markedDefault: false
properties:
arch: {gpu: 1}
- versionName: '20180202'
- - categories: math, deep learning
- defaultVersionName: 2.1.5_py27
- description: Keras is a high-level neural networks API, written in Python and
- capable of running on top of TensorFlow, CNTK, or Theano.
- package: py-keras
- url: http://keras.io
+ versionName: 1.0.1_py27
+ - categories: math, numerical library
+ defaultVersionName: 2.9.0
+ description: FLINT is a C library for doing number theory.
+ package: flint
+ url: https://flintlib.org/
versions:
- - description: Keras is a high-level neural networks API, written in Python
- and capable of running on top of TensorFlow, CNTK, or Theano.
- markedDefault: false
- properties:
- arch: {gpu: 1}
- versionName: 2.0.8_py27
- - description: Keras is a high-level neural networks API, written in Python
- and capable of running on top of TensorFlow, CNTK, or Theano.
- markedDefault: false
- properties:
- arch: {gpu: 1}
- versionName: 2.1.5_py36
- - description: Keras is a high-level neural networks API, written in Python
- and capable of running on top of TensorFlow, CNTK, or Theano.
- markedDefault: false
- properties:
- arch: {gpu: 1}
- versionName: 2.2.4_py27
- - description: Keras is a high-level neural networks API, written in Python
- and capable of running on top of TensorFlow, CNTK, or Theano.
- markedDefault: false
- properties:
- arch: {gpu: 1}
- versionName: 2.2.4_py36
- - description: Keras is a high-level neural networks API, written in Python
- and capable of running on top of TensorFlow, CNTK, or Theano.
- markedDefault: false
- properties:
- arch: {gpu: 1}
- versionName: 2.3.1_py36
- - description: Keras is a high-level neural networks API, written in Python
- and capable of running on top of TensorFlow, CNTK, or Theano.
- markedDefault: true
- properties:
- arch: {gpu: 1}
- versionName: 2.1.5_py27
+ - {description: FLINT is a C library for doing number theory., markedDefault: false,
+ versionName: 2.9.0}
- categories: math, statistics
defaultVersionName: '1.3'
description: GNU datamash is a command-line program which performs basic numeric,
@@ -2765,16 +2790,19 @@ software_modules:
properties:
arch: {gpu: 1}
versionName: 1.6.3_py27
- - categories: math, statistics
- defaultVersionName: 2.9.2_py36
- description: rpy2 is an interface to R running embedded in a Python process.
- package: py-rpy2
- url: https://rpy2.bitbucket.io
+ - categories: math, numerical library
+ defaultVersionName: 6.2.1
+ description: GMP is a free library for arbitrary precision arithmetic, operating
+ on signed integers, rational numbers, and floating-point numbers.
+ package: gmp
+ url: https://gmplib.org
versions:
- - {description: rpy2 is an interface to R running embedded in a Python process.,
- markedDefault: false, versionName: 2.8.6_py27}
- - {description: rpy2 is an interface to R running embedded in a Python process.,
- markedDefault: false, versionName: 2.9.2_py36}
+ - {description: 'GMP is a free library for arbitrary precision arithmetic, operating
+ on signed integers, rational numbers, and floating-point numbers.', markedDefault: false,
+ versionName: 6.1.2}
+ - {description: 'GMP is a free library for arbitrary precision arithmetic, operating
+ on signed integers, rational numbers, and floating-point numbers.', markedDefault: false,
+ versionName: 6.2.1}
- categories: math, numerical library
defaultVersionName: 2017.1_py27
description: PyUblas provides a seamless glue layer between Numpy and Boost.Ublas
@@ -2802,17 +2830,23 @@ software_modules:
versionName: 0.3.26}
- {description: OpenBLAS is an optimized BLAS library, family: blas, markedDefault: true,
versionName: 0.3.10}
- - categories: math, numerical library
- defaultVersionName: 7.4.0
- description: SuiteSparse is a suite of sparse matrix algorithms.
- package: suitesparse
- url: https://people.engr.tamu.edu/davis/suitesparse.html
+ - categories: math, optimization
+ defaultVersionName: 10.0.1_py39
+ description: The Gurobi Optimizer is a commercial optimization solver for mathematical
+ programming.
+ package: gurobi
+ url: http://www.gurobi.com
versions:
- - description: SuiteSparse is a suite of sparse matrix algorithms.
- markedDefault: false
- properties:
- arch: {gpu: 1}
- versionName: 7.4.0
+ - {description: The Gurobi Optimizer is a commercial optimization solver for
+ mathematical programming., markedDefault: false, versionName: 7.5.1}
+ - {description: The Gurobi Optimizer is a commercial optimization solver for
+ mathematical programming., markedDefault: false, versionName: 8.0.1_py27}
+ - {description: The Gurobi Optimizer is a commercial optimization solver for
+ mathematical programming., markedDefault: false, versionName: 8.0.1_py36}
+ - {description: The Gurobi Optimizer is a commercial optimization solver for
+ mathematical programming., markedDefault: false, versionName: 9.0.3_py36}
+ - {description: The Gurobi Optimizer is a commercial optimization solver for
+ mathematical programming., markedDefault: false, versionName: 10.0.1_py39}
- categories: math, numerical library
defaultVersionName: '2.7'
description: The GNU Scientific Library (GSL) is a numerical library for C and
@@ -2834,30 +2868,68 @@ software_modules:
routines such as random number generators, special functions and least-squares
fitting.', markedDefault: false, versionName: '2.7'}
- categories: math, numerical library
- defaultVersionName: 1.1.2
- description: qrupdate is a Fortran library for fast updates of QR and Cholesky
- decompositions.
- package: qrupdate
- url: https://sourceforge.net/projects/qrupdate/
+ defaultVersionName: 4.0.3
+ description: ParMETIS is an MPI-based parallel library that implements a variety
+ of algorithms for partitioning unstructured graphs, meshes, and for computing
+ fill-reducing orderings of sparse matrices.
+ package: parmetis
+ url: http://glaros.dtc.umn.edu/gkhome/metis/parmetis/overview
versions:
- - {description: qrupdate is a Fortran library for fast updates of QR and Cholesky
- decompositions., markedDefault: false, versionName: 1.1.2}
- - categories: math, computational geometry
- defaultVersionName: '4.10'
- description: polymake is open source software for research in polyhedral geometry.
- package: polymake
- url: https://polymake.org
+ - description: ParMETIS is an MPI-based parallel library that implements a variety
+ of algorithms for partitioning unstructured graphs, meshes, and for computing
+ fill-reducing orderings of sparse matrices.
+ markedDefault: false
+ properties:
+ parallel: {mpi: 1}
+ versionName: 4.0.3
+ - categories: math, numerical library
+ defaultVersionName: 1.14.3_py27
+ description: NumPy is the fundamental package for scientific computing with
+ Python.
+ package: py-numpy
+ url: http://www.numpy.org
versions:
- - {description: polymake is open source software for research in polyhedral
- geometry., markedDefault: false, versionName: '4.10'}
- - categories: math, symbolic
- defaultVersionName: 0.12.3_py39
- description: High-Performance Symbolic Regression in Python and Julia.
- package: py-pysr
- url: https://github.com/MilesCranmer/PySR
+ - {description: NumPy is the fundamental package for scientific computing with
+ Python., markedDefault: false, versionName: 1.14.3_py36}
+ - {description: NumPy is the fundamental package for scientific computing with
+ Python., markedDefault: false, versionName: 1.17.2_py36}
+ - {description: NumPy is the fundamental package for scientific computing with
+ Python., markedDefault: false, versionName: 1.18.1_py36}
+ - {description: NumPy is the fundamental package for scientific computing with
+ Python., markedDefault: false, versionName: 1.19.2_py36}
+ - {description: NumPy is the fundamental package for scientific computing with
+ Python., markedDefault: false, versionName: 1.20.3_py39}
+ - {description: NumPy is the fundamental package for scientific computing with
+ Python., markedDefault: false, versionName: 1.24.2_py39}
+ - {description: NumPy is the fundamental package for scientific computing with
+ Python., markedDefault: false, versionName: 1.26.3_py312}
+ - {description: NumPy is the fundamental package for scientific computing with
+ Python., markedDefault: true, versionName: 1.14.3_py27}
+ - categories: math, numerical library
+ defaultVersionName: 1.1.0_py27
+ description: The SciPy library provides many user-friendly and efficient numerical
+ routines such as routines for numerical integration and optimization.
+ package: py-scipy
+ url: https://www.scipy.org/scipylib
versions:
- - {description: High-Performance Symbolic Regression in Python and Julia., markedDefault: false,
- versionName: 0.12.3_py39}
+ - {description: The SciPy library provides many user-friendly and efficient
+ numerical routines such as routines for numerical integration and optimization.,
+ family: scipy, markedDefault: false, versionName: 1.1.0_py36}
+ - {description: The SciPy library provides many user-friendly and efficient
+ numerical routines such as routines for numerical integration and optimization.,
+ family: scipy, markedDefault: false, versionName: 1.4.1_py36}
+ - {description: The SciPy library provides many user-friendly and efficient
+ numerical routines such as routines for numerical integration and optimization.,
+ family: scipy, markedDefault: false, versionName: 1.6.3_py39}
+ - {description: The SciPy library provides many user-friendly and efficient
+ numerical routines such as routines for numerical integration and optimization.,
+ family: scipy, markedDefault: false, versionName: 1.10.1_py39}
+ - {description: The SciPy library provides many user-friendly and efficient
+ numerical routines such as routines for numerical integration and optimization.,
+ family: scipy, markedDefault: false, versionName: 1.12.0_py312}
+ - {description: The SciPy library provides many user-friendly and efficient
+ numerical routines such as routines for numerical integration and optimization.,
+ family: scipy, markedDefault: true, versionName: 1.1.0_py27}
- categories: math, deep learning
defaultVersionName: 1.5.0.3
description: GPU-accelerated tensor linear algebra library.
@@ -2874,29 +2946,24 @@ software_modules:
properties:
arch: {gpu: 1}
versionName: 1.5.0.3
- - categories: math, deep learning
- defaultVersionName: 1.0.1_py27
- description: Theano is a Python library that allows you to define, optimize,
- and evaluate mathematical expressions involving multi-dimensional arrays efficiently.
- package: py-theano
- url: http://deeplearning.net/software/theano
- versions:
- - description: Theano is a Python library that allows you to define, optimize,
- and evaluate mathematical expressions involving multi-dimensional arrays
- efficiently.
- markedDefault: false
- properties:
- arch: {gpu: 1}
- versionName: 1.0.1_py27
- categories: math, numerical library
- defaultVersionName: 3.1.3
- description: FlexiBLAS is a BLAS and LAPACK wrapper library with runtime exchangeable
- backends.
- package: flexiblas
- url: https://github.com/mpimd-csc/flexiblas
+ defaultVersionName: 1.1.2
+ description: qrupdate is a Fortran library for fast updates of QR and Cholesky
+ decompositions.
+ package: qrupdate
+ url: https://sourceforge.net/projects/qrupdate/
versions:
- - {description: FlexiBLAS is a BLAS and LAPACK wrapper library with runtime
- exchangeable backends., family: blas, markedDefault: false, versionName: 3.1.3}
+ - {description: qrupdate is a Fortran library for fast updates of QR and Cholesky
+ decompositions., markedDefault: false, versionName: 1.1.2}
+ - categories: math, numerical analysis
+ defaultVersionName: 4.2.1
+ description: GNU Octave is a high-level language primarily intended for numerical
+ computations.
+ package: octave
+ url: https://www.gnu.org/software/octave/
+ versions:
+ - {description: GNU Octave is a high-level language primarily intended for numerical
+ computations., markedDefault: false, versionName: 4.2.1}
- categories: math, computational geometry
defaultVersionName: '4.11'
description: A mesh and field I/O library and scientific database.
@@ -2914,19 +2981,17 @@ software_modules:
versions:
- {description: The MPI-IS Mesh Processing Library contains core functions for
manipulating meshes and visualizing them., markedDefault: false, versionName: 0.4_py39}
- - categories: math, numerical library
- defaultVersionName: 6.2.1
- description: GMP is a free library for arbitrary precision arithmetic, operating
- on signed integers, rational numbers, and floating-point numbers.
- package: gmp
- url: https://gmplib.org
+ - categories: math, optimization
+ defaultVersionName: 10.3.0
+ description: Artelys Knitro is an optimization solver for difficult large-scale
+ nonlinear problems.
+ package: knitro
+ url: https://www.artelys.com/en/optimization-tools/knitro
versions:
- - {description: 'GMP is a free library for arbitrary precision arithmetic, operating
- on signed integers, rational numbers, and floating-point numbers.', markedDefault: false,
- versionName: 6.1.2}
- - {description: 'GMP is a free library for arbitrary precision arithmetic, operating
- on signed integers, rational numbers, and floating-point numbers.', markedDefault: false,
- versionName: 6.2.1}
+ - {description: Artelys Knitro is an optimization solver for difficult large-scale
+ nonlinear problems., markedDefault: false, versionName: 12.4.0}
+ - {description: Artelys Knitro is an optimization solver for difficult large-scale
+ nonlinear problems., markedDefault: true, versionName: 10.3.0}
- categories: math, topic modelling
defaultVersionName: 4.2.0_py39
description: Gensim is a Python library for topic modelling, document indexing
@@ -2936,34 +3001,60 @@ software_modules:
versions:
- {description: 'Gensim is a Python library for topic modelling, document indexing
and similarity retrieval with large corpora.', markedDefault: false, versionName: 4.2.0_py39}
- - categories: math, numerical library
- defaultVersionName: 5.1.2
- description: A parallel sparse direct solver.
- package: mumps
- url: http://mumps.enseeiht.fr/
- versions:
- - {description: A parallel sparse direct solver., markedDefault: false, versionName: 5.1.2}
- - categories: math, numerical library
- defaultVersionName: 3.9.0
- description: Collection of Fortran77 subroutines designed to solve large scale
- eigenvalue problems.
- package: arpack
- url: https://github.com/opencollab/arpack-ng
+ - categories: math, deep learning
+ defaultVersionName: 2.1.5_py27
+ description: Keras is a high-level neural networks API, written in Python and
+ capable of running on top of TensorFlow, CNTK, or Theano.
+ package: py-keras
+ url: http://keras.io
versions:
- - {description: Collection of Fortran77 subroutines designed to solve large
- scale eigenvalue problems., markedDefault: false, versionName: 3.5.0}
- - description: Collection of Fortran77 subroutines designed to solve large scale
- eigenvalue problems.
+ - description: Keras is a high-level neural networks API, written in Python
+ and capable of running on top of TensorFlow, CNTK, or Theano.
markedDefault: false
properties:
- parallel: {mpi: 1}
- versionName: 3.7.0
- - description: Collection of Fortran77 subroutines designed to solve large scale
- eigenvalue problems.
+ arch: {gpu: 1}
+ versionName: 2.0.8_py27
+ - description: Keras is a high-level neural networks API, written in Python
+ and capable of running on top of TensorFlow, CNTK, or Theano.
markedDefault: false
properties:
- parallel: {mpi: 1}
- versionName: 3.9.0
+ arch: {gpu: 1}
+ versionName: 2.1.5_py36
+ - description: Keras is a high-level neural networks API, written in Python
+ and capable of running on top of TensorFlow, CNTK, or Theano.
+ markedDefault: false
+ properties:
+ arch: {gpu: 1}
+ versionName: 2.2.4_py27
+ - description: Keras is a high-level neural networks API, written in Python
+ and capable of running on top of TensorFlow, CNTK, or Theano.
+ markedDefault: false
+ properties:
+ arch: {gpu: 1}
+ versionName: 2.2.4_py36
+ - description: Keras is a high-level neural networks API, written in Python
+ and capable of running on top of TensorFlow, CNTK, or Theano.
+ markedDefault: false
+ properties:
+ arch: {gpu: 1}
+ versionName: 2.3.1_py36
+ - description: Keras is a high-level neural networks API, written in Python
+ and capable of running on top of TensorFlow, CNTK, or Theano.
+ markedDefault: true
+ properties:
+ arch: {gpu: 1}
+ versionName: 2.1.5_py27
+ - categories: math, machine learning
+ defaultVersionName: 2.18.0_py312
+ description: Hugging Face Datasets is a library for easily accessing and sharing
+ datasets for Audio, Computer Vision, and Natural Language Processing (NLP)
+ tasks.
+ package: py-datasets
+ url: https://huggingface.co/docs/datasets
+ versions:
+ - {description: 'Hugging Face Datasets is a library for easily accessing and
+ sharing datasets for Audio, Computer Vision, and Natural Language Processing
+ (NLP) tasks.', markedDefault: false, versionName: 2.18.0_py312}
- categories: math, numerical library
defaultVersionName: 2.2.0
description: ScaLAPACK is a library of high-performance linear algebra routines
@@ -2989,32 +3080,45 @@ software_modules:
properties:
parallel: {mpi: 1}
versionName: 2.2.0
- - categories: math, deep learning
- defaultVersionName: 0.17.1_py312
- description: Datasets, model architectures, and common image transformations
- for computer vision for PyTorch.
- package: py-torchvision
- url: http://pytorch.org/vision
+ - categories: math, machine learning
+ defaultVersionName: 0.19.1_py27
+ description: Scikit-learn is a free software machine learning library for the
+ Python programming language.
+ package: py-scikit-learn
+ url: http://scikit-learn.org
versions:
- - {description: 'Datasets, model architectures, and common image transformations
- for computer vision for PyTorch.', markedDefault: false, versionName: 0.15.1_py39}
- - {description: 'Datasets, model architectures, and common image transformations
- for computer vision for PyTorch.', markedDefault: false, versionName: 0.17.1_py312}
+ - {description: Scikit-learn is a free software machine learning library for
+ the Python programming language., markedDefault: false, versionName: 0.19.1_py36}
+ - {description: Scikit-learn is a free software machine learning library for
+ the Python programming language., markedDefault: false, versionName: 0.24.2_py36}
+ - {description: Scikit-learn is a free software machine learning library for
+ the Python programming language., markedDefault: false, versionName: 1.0.2_py39}
+ - {description: Scikit-learn is a free software machine learning library for
+ the Python programming language., markedDefault: false, versionName: 1.3.2_py39}
+ - {description: Scikit-learn is a free software machine learning library for
+ the Python programming language., markedDefault: true, versionName: 0.19.1_py27}
- categories: math, numerical library
- defaultVersionName: 4.0.3
- description: ParMETIS is an MPI-based parallel library that implements a variety
- of algorithms for partitioning unstructured graphs, meshes, and for computing
- fill-reducing orderings of sparse matrices.
- package: parmetis
- url: http://glaros.dtc.umn.edu/gkhome/metis/parmetis/overview
+ defaultVersionName: 3.18.5
+ description: PETSc, the Portable, Extensible Toolkit for Scientific Computation,
+ is a suite of data structures and routines for the scalable (parallel) solution
+ of scientific applications modeled by partial differential equations.
+ package: petsc
+ url: http://petsc.org
versions:
- - description: ParMETIS is an MPI-based parallel library that implements a variety
- of algorithms for partitioning unstructured graphs, meshes, and for computing
- fill-reducing orderings of sparse matrices.
+ - description: PETSc is a suite of data structures and routines for the scalable
+ (parallel) solution of scientific applications modeled by partial differential
+ equations.
markedDefault: false
properties:
parallel: {mpi: 1}
- versionName: 4.0.3
+ versionName: 3.10.3
+ - description: PETSc, the Portable, Extensible Toolkit for Scientific Computation,
+ is a suite of data structures and routines for the scalable (parallel) solution
+ of scientific applications modeled by partial differential equations.
+ markedDefault: false
+ properties:
+ parallel: {mpi: 1}
+ versionName: 3.18.5
- categories: math, numerical library
defaultVersionName: 3.3.10
description: The Fastest Fourier Transform in the West (FFTW) is a software
@@ -3061,6 +3165,22 @@ software_modules:
properties:
parallel: {mpi: 1}
versionName: 6.0.4
+ - categories: math, numerical library
+ defaultVersionName: 3.1.0
+ description: BLIS is a portable software framework for instantiating high-performance
+ BLAS-like dense linear algebra libraries.
+ package: blis
+ url: https://github.com/amd/blis
+ versions:
+ - {description: BLIS is a portable software framework for instantiating high-performance
+ BLAS-like dense linear algebra libraries., family: blas, markedDefault: false,
+ versionName: '2.1'}
+ - {description: BLIS is a portable software framework for instantiating high-performance
+ BLAS-like dense linear algebra libraries., family: blas, markedDefault: false,
+ versionName: 2.2.4}
+ - {description: BLIS is a portable software framework for instantiating high-performance
+ BLAS-like dense linear algebra libraries., family: blas, markedDefault: false,
+ versionName: 3.1.0}
- categories: math, numerical library
defaultVersionName: '4.63'
description: The GLPK (GNU Linear Programming Kit) package is intended for solving
@@ -3072,17 +3192,6 @@ software_modules:
- {description: 'The GLPK (GNU Linear Programming Kit) package is intended for
solving large-scale linear programming (LP), mixed integer programming (MIP),
and other related problems.', markedDefault: false, versionName: '4.63'}
- - categories: math, optimization
- defaultVersionName: 10.3.0
- description: Artelys Knitro is an optimization solver for difficult large-scale
- nonlinear problems.
- package: knitro
- url: https://www.artelys.com/en/optimization-tools/knitro
- versions:
- - {description: Artelys Knitro is an optimization solver for difficult large-scale
- nonlinear problems., markedDefault: false, versionName: 12.4.0}
- - {description: Artelys Knitro is an optimization solver for difficult large-scale
- nonlinear problems., markedDefault: true, versionName: 10.3.0}
- categories: math, numerical library
defaultVersionName: 3.18.2
description: SLEPc is a Scalable Library for Eigenvalue Problem Computations.
@@ -3200,61 +3309,50 @@ software_modules:
markedDefault: false
properties:
arch: {gpu: 1}
- versionName: 8.6.0.163
- - description: NVIDIA cuDNN is a GPU-accelerated library of primitives for deep
- neural networks.
- markedDefault: false
- properties:
- arch: {gpu: 1}
- versionName: 8.9.0.131
- - description: NVIDIA cuDNN is a GPU-accelerated library of primitives for deep
- neural networks.
- markedDefault: false
- properties:
- arch: {gpu: 1}
- versionName: 9.0.0.312
- - categories: math, statistics
- defaultVersionName: '15'
- description: Stata is a complete, integrated statistical software package that
- provides everything you need for data analysis, data management, and graphics.
- package: stata
- url: https://www.stata.com
- versions:
- - description: Stata is a complete, integrated statistical software package
- that provides everything you need for data analysis, data management, and
- graphics.
+ versionName: 8.6.0.163
+ - description: NVIDIA cuDNN is a GPU-accelerated library of primitives for deep
+ neural networks.
markedDefault: false
properties:
- license: {restricted: 1}
- versionName: '14'
- - description: Stata is a complete, integrated statistical software package
- that provides everything you need for data analysis, data management, and
- graphics.
+ arch: {gpu: 1}
+ versionName: 8.9.0.131
+ - description: NVIDIA cuDNN is a GPU-accelerated library of primitives for deep
+ neural networks.
markedDefault: false
properties:
- license: {restricted: 1}
- versionName: '16'
- - description: Stata is a complete, integrated statistical software package
- that provides everything you need for data analysis, data management, and
- graphics.
+ arch: {gpu: 1}
+ versionName: 9.0.0.312
+ - categories: math, numerical library
+ defaultVersionName: 3.9.0
+ description: Collection of Fortran77 subroutines designed to solve large scale
+ eigenvalue problems.
+ package: arpack
+ url: https://github.com/opencollab/arpack-ng
+ versions:
+ - {description: Collection of Fortran77 subroutines designed to solve large
+ scale eigenvalue problems., markedDefault: false, versionName: 3.5.0}
+ - description: Collection of Fortran77 subroutines designed to solve large scale
+ eigenvalue problems.
markedDefault: false
properties:
- license: {restricted: 1}
- versionName: '17'
- - description: Stata is a complete, integrated statistical software package
- that provides everything you need for data analysis, data management, and
- graphics.
+ parallel: {mpi: 1}
+ versionName: 3.7.0
+ - description: Collection of Fortran77 subroutines designed to solve large scale
+ eigenvalue problems.
markedDefault: false
properties:
- license: {restricted: 1}
- versionName: '18'
- - description: Stata is a complete, integrated statistical software package
- that provides everything you need for data analysis, data management, and
- graphics.
- markedDefault: true
- properties:
- license: {restricted: 1}
- versionName: '15'
+ parallel: {mpi: 1}
+ versionName: 3.9.0
+ - categories: math, machine learning
+ defaultVersionName: 0.22.1_py312
+ description: The huggingface_hub library allows you to interact with the Hugging
+ Face Hub, a machine learning platform for creators and collaborators.
+ package: py-huggingface-hub
+ url: https://huggingface.co/docs/huggingface_hub
+ versions:
+ - {description: 'The huggingface_hub library allows you to interact with the
+ Hugging Face Hub, a machine learning platform for creators and collaborators.',
+ markedDefault: false, versionName: 0.22.1_py312}
- categories: math, optimization
defaultVersionName: 6.4.1
description: SUNDIALS is a family of software packages providing robust and
@@ -3266,53 +3364,29 @@ software_modules:
- {description: SUNDIALS is a family of software packages providing robust and
efficient time integrators and nonlinear solvers that can easily be incorporated
into existing simulation codes., markedDefault: false, versionName: 6.4.1}
- - categories: math, numerical library
- defaultVersionName: 3.1.0
- description: BLIS is a portable software framework for instantiating high-performance
- BLAS-like dense linear algebra libraries.
- package: blis
- url: https://github.com/amd/blis
+ - categories: math, machine learning
+ defaultVersionName: 0.4.2_py312
+ description: Simple, safe way to store and distribute tensors.
+ package: py-safetensors
+ url: https://huggingface.co/docs/safetensors
versions:
- - {description: BLIS is a portable software framework for instantiating high-performance
- BLAS-like dense linear algebra libraries., family: blas, markedDefault: false,
- versionName: '2.1'}
- - {description: BLIS is a portable software framework for instantiating high-performance
- BLAS-like dense linear algebra libraries., family: blas, markedDefault: false,
- versionName: 2.2.4}
- - {description: BLIS is a portable software framework for instantiating high-performance
- BLAS-like dense linear algebra libraries., family: blas, markedDefault: false,
- versionName: 3.1.0}
- - categories: math, numerical library
- defaultVersionName: 3.18.5
- description: PETSc, the Portable, Extensible Toolkit for Scientific Computation,
- is a suite of data structures and routines for the scalable (parallel) solution
- of scientific applications modeled by partial differential equations.
- package: petsc
- url: http://petsc.org
+ - {description: 'Simple, safe way to store and distribute tensors.', markedDefault: false,
+ versionName: 0.4.2_py312}
+ - categories: math, statistics
+ defaultVersionName: '9.4'
+ description: SAS is a software suite developed by SAS Institute for advanced
+ analytics, multivariate analyses, business intelligence, data management,
+ and predictive analytics.
+ package: sas
+ url: http://www.sas.com/
versions:
- - description: PETSc is a suite of data structures and routines for the scalable
- (parallel) solution of scientific applications modeled by partial differential
- equations.
- markedDefault: false
- properties:
- parallel: {mpi: 1}
- versionName: 3.10.3
- - description: PETSc, the Portable, Extensible Toolkit for Scientific Computation,
- is a suite of data structures and routines for the scalable (parallel) solution
- of scientific applications modeled by partial differential equations.
+ - description: SAS is a software suite developed by SAS Institute for advanced
+ analytics, multivariate analyses, business intelligence, data management,
+ and predictive analytics.
markedDefault: false
properties:
- parallel: {mpi: 1}
- versionName: 3.18.5
- - categories: math, numerical library
- defaultVersionName: 2.0.8_py36
- description: gmpy2 is a C-coded Python extension module that supports multiple-precision
- arithmetic.
- package: py-gmpy2
- url: https://gmpy2.readthedocs.io/
- versions:
- - {description: gmpy2 is a C-coded Python extension module that supports multiple-precision
- arithmetic., markedDefault: false, versionName: 2.0.8_py36}
+ license: {restricted: 1}
+ versionName: '9.4'
- categories: math, deep learning
defaultVersionName: 1.12.0_py39
description: ONNX is a open format to represent deep learning models.
@@ -3325,6 +3399,21 @@ software_modules:
versionName: 1.8.1_py36}
- {description: ONNX is a open format to represent deep learning models., markedDefault: false,
versionName: 1.12.0_py39}
+ - categories: math, numerical library
+ defaultVersionName: 5.1.2
+ description: A parallel sparse direct solver.
+ package: mumps
+ url: http://mumps.enseeiht.fr/
+ versions:
+ - {description: A parallel sparse direct solver., markedDefault: false, versionName: 5.1.2}
+ - categories: math, computational geometry
+ defaultVersionName: '4.10'
+ description: polymake is open source software for research in polyhedral geometry.
+ package: polymake
+ url: https://polymake.org
+ versions:
+ - {description: polymake is open source software for research in polyhedral
+ geometry., markedDefault: false, versionName: '4.10'}
- categories: math, numerical analysis
defaultVersionName: R2022b
description: MATLAB is a multi-paradigm numerical computing environment and
@@ -3374,39 +3463,16 @@ software_modules:
properties:
license: {restricted: 1}
versionName: R2022b
- - categories: math, statistics
- defaultVersionName: '9.4'
- description: SAS is a software suite developed by SAS Institute for advanced
- analytics, multivariate analyses, business intelligence, data management,
- and predictive analytics.
- package: sas
- url: http://www.sas.com/
- versions:
- - description: SAS is a software suite developed by SAS Institute for advanced
- analytics, multivariate analyses, business intelligence, data management,
- and predictive analytics.
- markedDefault: false
- properties:
- license: {restricted: 1}
- versionName: '9.4'
- - categories: math, numerical library
- defaultVersionName: 3.18.5_py39
- description: Python bindings for PETSc, the Portable, Extensible Toolkit for
- Scientific Computation.
- package: py-petsc4py
- url: http://petsc.org
- versions:
- - {description: 'Python bindings for PETSc, the Portable, Extensible Toolkit
- for Scientific Computation.', markedDefault: false, versionName: 3.18.5_py39}
- - categories: math, numerical analysis
- defaultVersionName: 4.2.1
- description: GNU Octave is a high-level language primarily intended for numerical
- computations.
- package: octave
- url: https://www.gnu.org/software/octave/
- versions:
- - {description: GNU Octave is a high-level language primarily intended for numerical
- computations., markedDefault: false, versionName: 4.2.1}
+ - categories: math, machine learning
+ defaultVersionName: 0.15.2_py312
+ description: Hugging Face Tokenizers provides an implementation of today’s most
+ used tokenizers, with a focus on performance and versatility.T
+ package: py-tokenizers
+ url: https://huggingface.co/docs/tokenizers
+ versions:
+ - {description: 'Hugging Face Tokenizers provides an implementation of today’s
+ most used tokenizers, with a focus on performance and versatility.T', markedDefault: false,
+ versionName: 0.15.2_py312}
- categories: math, statistics
defaultVersionName: 4.2.0
description: R is a free software environment for statistical computing and
@@ -3460,6 +3526,26 @@ software_modules:
properties:
arch: {gpu: 1}
versionName: 12.1.0_py39
+ - categories: math, deep learning
+ defaultVersionName: 0.17.1_py312
+ description: Datasets, model architectures, and common image transformations
+ for computer vision for PyTorch.
+ package: py-torchvision
+ url: http://pytorch.org/vision
+ versions:
+ - {description: 'Datasets, model architectures, and common image transformations
+ for computer vision for PyTorch.', markedDefault: false, versionName: 0.15.1_py39}
+ - {description: 'Datasets, model architectures, and common image transformations
+ for computer vision for PyTorch.', markedDefault: false, versionName: 0.17.1_py312}
+ - categories: math, numerical library
+ defaultVersionName: 3.18.5_py39
+ description: Python bindings for PETSc, the Portable, Extensible Toolkit for
+ Scientific Computation.
+ package: py-petsc4py
+ url: http://petsc.org
+ versions:
+ - {description: 'Python bindings for PETSc, the Portable, Extensible Toolkit
+ for Scientific Computation.', markedDefault: false, versionName: 3.18.5_py39}
- categories: math, computational geometry
defaultVersionName: 7.6.2
description: Open CASCADE Technology (OCCT) is an open-source full-scale 3D
@@ -3470,50 +3556,22 @@ software_modules:
- {description: Open CASCADE Technology (OCCT) is an open-source full-scale
3D geometry library, markedDefault: false, versionName: 7.6.2}
- categories: math, symbolic
- defaultVersionName: 5.47.0
- description: Maxima is a system for the manipulation of symbolic and numerical
- expressions.
- package: maxima
- url: https://maxima.sourceforge.io/
- versions:
- - {description: Maxima is a system for the manipulation of symbolic and numerical
- expressions., markedDefault: false, versionName: 5.47.0}
- - categories: math, optimization
- defaultVersionName: 10.0.1_py39
- description: The Gurobi Optimizer is a commercial optimization solver for mathematical
- programming.
- package: gurobi
- url: http://www.gurobi.com
- versions:
- - {description: The Gurobi Optimizer is a commercial optimization solver for
- mathematical programming., markedDefault: false, versionName: 7.5.1}
- - {description: The Gurobi Optimizer is a commercial optimization solver for
- mathematical programming., markedDefault: false, versionName: 8.0.1_py27}
- - {description: The Gurobi Optimizer is a commercial optimization solver for
- mathematical programming., markedDefault: false, versionName: 8.0.1_py36}
- - {description: The Gurobi Optimizer is a commercial optimization solver for
- mathematical programming., markedDefault: false, versionName: 9.0.3_py36}
- - {description: The Gurobi Optimizer is a commercial optimization solver for
- mathematical programming., markedDefault: false, versionName: 10.0.1_py39}
- - categories: math, deep learning
- defaultVersionName: 1.8_py27
- description: TensorboardX is TensorBoard™ for PyTorch (and Chainer, MXNet, NumPy...)
- package: py-tensorboardx
- url: https://tensorboardx.readthedocs.io
+ defaultVersionName: 0.12.3_py39
+ description: High-Performance Symbolic Regression in Python and Julia.
+ package: py-pysr
+ url: https://github.com/MilesCranmer/PySR
versions:
- - description: TensorboardX is TensorBoard™ for PyTorch (and Chainer, MXNet,
- NumPy...)
- markedDefault: false
- properties:
- arch: {gpu: 1}
- versionName: 1.8_py27
+ - {description: High-Performance Symbolic Regression in Python and Julia., markedDefault: false,
+ versionName: 0.12.3_py39}
- categories: math, numerical library
- defaultVersionName: 3.18.2_py39
- description: Python bindings for SLEPc.
- package: py-slepc4py
- url: https://slepc.upv.es/
+ defaultVersionName: 3.1.3
+ description: FlexiBLAS is a BLAS and LAPACK wrapper library with runtime exchangeable
+ backends.
+ package: flexiblas
+ url: https://github.com/mpimd-csc/flexiblas
versions:
- - {description: Python bindings for SLEPc., markedDefault: false, versionName: 3.18.2_py39}
+ - {description: FlexiBLAS is a BLAS and LAPACK wrapper library with runtime
+ exchangeable backends., family: blas, markedDefault: false, versionName: 3.1.3}
- categories: math, numerical library
defaultVersionName: '2019'
description: Intel Math Kernel Library (Intel MKL) is a library of optimized
@@ -3620,26 +3678,17 @@ software_modules:
maths) for the C++ language, aiming towards a good balance between speed
and ease of use.', markedDefault: false, versionName: 8.200.1}
- categories: math, deep learning
- defaultVersionName: 0.12.1_py27
- description: Horovod is a distributed training framework for TensorFlow. The
- goal of Horovod is to make distributed Deep Learning fast and easy to use.
- package: py-horovod
- url: https://github.com/uber/horovod
+ defaultVersionName: 1.8_py27
+ description: TensorboardX is TensorBoard™ for PyTorch (and Chainer, MXNet, NumPy...)
+ package: py-tensorboardx
+ url: https://tensorboardx.readthedocs.io
versions:
- - description: Horovod is a distributed training framework for TensorFlow. The
- goal of Horovod is to make distributed Deep Learning fast and easy to use.
+ - description: TensorboardX is TensorBoard™ for PyTorch (and Chainer, MXNet,
+ NumPy...)
markedDefault: false
properties:
arch: {gpu: 1}
- parallel: {mpi: 1}
- versionName: 0.12.1_py36
- - description: Horovod is a distributed training framework for TensorFlow. The
- goal of Horovod is to make distributed Deep Learning fast and easy to use.
- markedDefault: true
- properties:
- arch: {gpu: 1}
- parallel: {mpi: 1}
- versionName: 0.12.1_py27
+ versionName: 1.8_py27
- categories: math, deep learning
defaultVersionName: 0.3.0_py27
description: PyTorch is a deep learning framework that puts Python first.
@@ -7336,7 +7385,7 @@ software_modules:
- {description: The GNU Binutils are a collection of binary tools., markedDefault: false,
versionName: '2.38'}
- categories: devel, data
- defaultVersionName: 2.0.1_py39
+ defaultVersionName: 2.2.1_py312
description: pandas is an open source, BSD-licensed library providing high-performance,
easy-to-use data structures and data analysis tools for the Python programming
language.
@@ -7358,6 +7407,9 @@ software_modules:
- {description: 'pandas is an open source, BSD-licensed library providing high-performance,
easy-to-use data structures and data analysis tools for the Python programming
language.', family: pandas, markedDefault: false, versionName: 2.0.1_py39}
+ - {description: 'pandas is an open source, BSD-licensed library providing high-performance,
+ easy-to-use data structures and data analysis tools for the Python programming
+ language.', family: pandas, markedDefault: false, versionName: 2.2.1_py312}
- categories: devel, profiling
defaultVersionName: 3.3.462
description: AMD uProf is a performance analysis tool for applications.
diff --git a/src/docs/software/updates.xml b/src/docs/software/updates.xml
index e21746109..1ea1d4452 100644
--- a/src/docs/software/updates.xml
+++ b/src/docs/software/updates.xml
@@ -5,6 +5,69 @@
Sherlock software update feed
https://www.sherlock.stanford.edu/docs/software/list
+
+ New module: math/py-datasets version 2.18.0_py312
+ Hugging Face Datasets is a library for easily accessing and sharing datasets for Audio, Computer Vision, and Natural Language Processing (NLP) tasks.
+ https://huggingface.co/docs/datasets
+ https://www.sherlock.stanford.edu/docs/software/list/?add:v=2.18.0_py312#py-datasets
+ math, machine learning
+ kilian@stanford.edu (Kilian Cavalotti)
+ Wed, 27 Mar 2024 19:10:33 -0700
+
+
+ New version: math/py-torchvision version 0.17.1_py312
+ Datasets, model architectures, and common image transformations for computer vision for PyTorch.
+ http://pytorch.org/vision
+ https://www.sherlock.stanford.edu/docs/software/list/?add:v=0.17.1_py312#py-torchvision
+ math, deep learning
+ kilian@stanford.edu (Kilian Cavalotti)
+ Wed, 27 Mar 2024 18:57:14 -0700
+
+
+ New version: devel/py-pandas version 2.2.1_py312
+ pandas is an open source, BSD-licensed library providing high-performance, easy-to-use data structures and data analysis tools for the Python programming language.
+ https://pandas.pydata.org/
+ https://www.sherlock.stanford.edu/docs/software/list/?add:v=2.2.1_py312#py-pandas
+ devel, data
+ kilian@stanford.edu (Kilian Cavalotti)
+ Wed, 27 Mar 2024 18:33:04 -0700
+
+
+ New module: math/py-transformers version 4.39.1_py312
+ Hugging Face Transformers provides APIs and tools to easily download and train state-of-the-art pretrained models.
+ https://huggingface.co/docs/transformers
+ https://www.sherlock.stanford.edu/docs/software/list/?add:v=4.39.1_py312#py-transformers
+ math, machine learning
+ kilian@stanford.edu (Kilian Cavalotti)
+ Wed, 27 Mar 2024 18:25:34 -0700
+
+
+ New module: math/py-tokenizers version 0.15.2_py312
+ Hugging Face Tokenizers provides an implementation of today’s most used tokenizers, with a focus on performance and versatility.T
+ https://huggingface.co/docs/tokenizers
+ https://www.sherlock.stanford.edu/docs/software/list/?add:v=0.15.2_py312#py-tokenizers
+ math, machine learning
+ kilian@stanford.edu (Kilian Cavalotti)
+ Wed, 27 Mar 2024 17:50:44 -0700
+
+
+ New module: math/py-safetensors version 0.4.2_py312
+ Simple, safe way to store and distribute tensors.
+ https://huggingface.co/docs/safetensors
+ https://www.sherlock.stanford.edu/docs/software/list/?add:v=0.4.2_py312#py-safetensors
+ math, machine learning
+ kilian@stanford.edu (Kilian Cavalotti)
+ Wed, 27 Mar 2024 17:37:36 -0700
+
+
+ New module: math/py-huggingface-hub version 0.22.1_py312
+ The huggingface_hub library allows you to interact with the Hugging Face Hub, a machine learning platform for creators and collaborators.
+ https://huggingface.co/docs/huggingface_hub
+ https://www.sherlock.stanford.edu/docs/software/list/?add:v=0.22.1_py312#py-huggingface-hub
+ math, machine learning
+ kilian@stanford.edu (Kilian Cavalotti)
+ Wed, 27 Mar 2024 17:25:11 -0700
+ New version: devel/py-ipython version 8.22.2_py312IPython is a command shell for interactive computing in multiple programming languages, originally developed for the Python programming language.