[go: up one dir, main page]

Showing 54 open source projects for "sparse matrix"

View related business solutions
  • Gen AI apps are built with MongoDB Atlas Icon
    Gen AI apps are built with MongoDB Atlas

    The database for AI-powered applications.

    MongoDB Atlas is the developer-friendly database used to build, scale, and run gen AI and LLM-powered apps—without needing a separate vector database. Atlas offers built-in vector search, global availability across 115+ regions, and flexible document modeling. Start building AI apps faster, all in one place.
    Start Free
  • La version gratuite d'Auth0 s'enrichit ! Icon
    La version gratuite d'Auth0 s'enrichit !

    Gratuit pour 25 000 utilisateurs avec intégration Okta illimitée : concentrez-vous sur le développement de vos applications.

    Vous l'avez demandé, nous l'avons fait ! Les versions gratuite et payante d'Auth0 incluent des options qui vous permettent de développer, déployer et faire évoluer vos applications en toute sécurité. Utilisez Auth0 dès maintenant pour découvrir tous ses avantages.
    Essayez Auth0 gratuitement
  • 1
    SuiteSparse

    SuiteSparse

    The official SuiteSparse library: a suite of sparse matrix algorithms

    The official SuiteSparse library: a suite of sparse matrix algorithms authored or co-authored by Tim Davis, Texas A&M University.
    Downloads: 5 This Week
    Last Update:
    See Project
  • 2
    CasADi

    CasADi

    CasADi is a symbolic framework for numeric optimization

    CasADi is a symbolic framework for numeric optimization implementing automatic differentiation in forward and reverse modes on sparse matrix-valued computational graphs. It supports self-contained C-code generation and interfaces state-of-the-art codes such as SUNDIALS, IPOPT, etc. It can be used in C++, Python, or Matlab/Octave. CasADi's backbone is a symbolic framework implementing forward and reverse modes of AD on expression graphs to construct gradients, large-and-sparse Jacobians...
    Downloads: 27 This Week
    Last Update:
    See Project
  • 3
    libCEED

    libCEED

    CEED Library: Code for Efficient Extensible Discretizations

    ... of the documentation. One of the challenges with high-order methods is that a global sparse matrix is no longer a good representation of a high-order linear operator, both with respect to the FLOPs needed for its evaluation, as well as the memory transfer needed for a matvec. Thus, high-order methods require a new "format" that still represents a linear (or more generally non-linear) operator, but not through a sparse matrix.
    Downloads: 2 This Week
    Last Update:
    See Project
  • 4
    Rotations.jl

    Rotations.jl

    Julia implementations for different rotation parameterizations

    3D rotations made easy in Julia. This package implements various 3D rotation parameterizations and defines conversions between them. At their heart, each rotation parameterization is a 3×3 unitary (orthogonal) matrix (based on the StaticArrays.jl package), and acts to rotate a 3-vector about the origin through matrix-vector multiplication. While the RotMatrix type is a dense representation of a 3×3 matrix, we also have sparse (or computed, rather) representations such as quaternions, angle-axis...
    Downloads: 1 This Week
    Last Update:
    See Project
  • MongoDB Atlas runs apps anywhere Icon
    MongoDB Atlas runs apps anywhere

    Deploy in 115+ regions with the modern database for every enterprise.

    MongoDB Atlas gives you the freedom to build and run modern applications anywhere—across AWS, Azure, and Google Cloud. With global availability in over 115 regions, Atlas lets you deploy close to your users, meet compliance needs, and scale with confidence across any geography.
    Start Free
  • 5
    Armadillo

    Armadillo

    fast C++ library for linear algebra & scientific computing

    * Fast C++ library for linear algebra (matrix maths) and scientific computing * Easy to use functions and syntax, deliberately similar to Matlab / Octave * Uses template meta-programming techniques to increase efficiency * Provides user-friendly wrappers for OpenBLAS, Intel MKL, LAPACK, ATLAS, ARPACK, SuperLU and FFTW libraries * Useful for machine learning, pattern recognition, signal processing, bioinformatics, statistics, finance, etc. * Downloads: http://arma.sourceforge.net...
    Leader badge">
    Downloads: 2,275 This Week
    Last Update:
    See Project
  • 6
    LRSLibrary

    LRSLibrary

    Low-Rank and Sparse Tools for Background Modeling and Subtraction

    LRSLibrary is a MATLAB library offering a broad collection of low-rank plus sparse decomposition algorithms, primarily aimed at background/foreground modeling from videos (background subtraction) and related computer vision tasks. Compatibility across MATLAB versions (tested in R2014–R2017) The library includes matrix and tensor methods (over 100 algorithms) and has been tested across MATLAB versions from R2014 onward. The algorithms can also be adapted to other computer vision or machine...
    Downloads: 8 This Week
    Last Update:
    See Project
  • 7
    falkordb

    falkordb

    A super fast Graph Database

    A super fast Graph Database uses GraphBLAS under the hood for its sparse adjacency matrix graph representation. Our goal is to provide the best Knowledge Graph for LLM (GraphRAG).
    Downloads: 0 This Week
    Last Update:
    See Project
  • 8
    A sparse matrix solver for electric power systems, based on the KLU library from University of Florida.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 9
    DiffEqOperators.jl

    DiffEqOperators.jl

    Linear operators for discretizations of differential equations

    ... with a convolution routine from NNlib.jl. Care is taken to give efficiency by avoiding unnecessary allocations, using purpose-built stencil compilers, allowing GPUs and parallelism, etc. Any operator can be concretized as an Array, a BandedMatrix or a sparse matrix.
    Downloads: 0 This Week
    Last Update:
    See Project
  • FusionAuth: Authentication and User Management Software Icon
    FusionAuth: Authentication and User Management Software

    Offer your users flexible authentication options, including passwords, passwordless, single sign-on (SSO), and multi-factor authentication (MFA).

    FusionAuth adds login, registration, SSO, MFA, and a bazillion other features to your app in days - not months.
    Learn More
  • 10
    MLPACK is a C++ machine learning library with emphasis on scalability, speed, and ease-of-use. Its aim is to make machine learning possible for novice users by means of a simple, consistent API, while simultaneously exploiting C++ language features to provide maximum performance and flexibility for expert users. * More info + downloads: https://mlpack.org * Git repo: https://github.com/mlpack/mlpack
    Downloads: 0 This Week
    Last Update:
    See Project
  • 11
    librsb

    librsb

    A shared memory parallel sparse matrix library including Sparse BLAS.

    librsb is a library for sparse matrix computations featuring the Recursive Sparse Blocks (RSB) matrix format. This format allows cache efficient and multi-threaded (that is, shared memory parallel) operations on large sparse matrices. The most common operations necessary to iterative solvers are available, e.g.: matrix-vector multiplication, triangular solution, rows/columns scaling, diagonal extraction / setting, blocks extraction, norm computation, formats conversion. The RSB format...
    Downloads: 8 This Week
    Last Update:
    See Project
  • 12
    Tensor Algebra Compiler

    Tensor Algebra Compiler

    The Tensor Algebra Compiler (taco) computes sparse tensor expressions

    A fast and versatile compiler-based library for sparse linear and tensor algebra. TACO can be used to implement sparse linear and tensor algebra applications in a wide range of domains. TACO supports a wide range of sparse (and dense) linear/tensor algebra computations, from simpler ones like sparse matrix-vector multiplication to more complex ones like MTTKRP on higher-order sparse tensors. Tensors can be stored in a variety of storage formats, including commonly-used sparse matrix and tensor...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 13
    CasADi
    A symbolic framework for C++, Python and Octave implementing automatic differentiation by source code transformation in forward and reverse modes on sparse matrix-valued computational graphs.
    Downloads: 13 This Week
    Last Update:
    See Project
  • 14
    BlockSparse

    BlockSparse

    Efficient GPU kernels for block-sparse matrix multiplication

    The blocksparse repository provides efficient GPU kernels (TensorFlow custom ops) for block-sparse matrix multiplication and convolution operations. The idea is to exploit block-level sparsity — i.e. treat matrices or weight tensors as composed of blocks, many of which may be zero or unused — to save compute and memory when sparsity patterns are structured. This is particularly useful in models like Sparse Transformers, where attention matrices or intermediate layers may adopt block-sparse...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 15
    DD-AVX ver.2

    DD-AVX ver.2

    Library of High Precision Sparse Matrix Operations Accelerated by AVX

    ....hogehoge
    Downloads: 0 This Week
    Last Update:
    See Project
  • 16

    ViennaCL

    Linear algebra and solver library using CUDA, OpenCL, and OpenMP

    ViennaCL provides high level C++ interfaces for linear algebra routines on CPUs and GPUs using CUDA, OpenCL, and OpenMP. The focus is on generic implementations of iterative solvers often used for large linear systems and simple integration into existing projects.
    Leader badge">
    Downloads: 45 This Week
    Last Update:
    See Project
  • 17
    Universal Java Matrix Package

    Universal Java Matrix Package

    sparse and dense matrix, linear algebra, visualization, big data

    The Universal Java Matrix Package (UJMP) is an open source Java library which provides sparse and dense matrix classes, as well as a large number of calculations for linear algebra such as matrix multiplication or matrix inverse. Operations such as mean, correlation, standard deviation, replacement of missing values or the calculation of mutual information are supported, too. The Universal Java Matrix Package provides various visualization methods, import and export filters for a large...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 18

    LightSpMV

    lightweight GPU-based sparse matrix-vector multiplication (SpMV)

    LightSpMV is a novel CUDA-compatible sparse matrix-vector multiplication (SpMv) algorithm using the standard compressed sparse row (CSR) storage format. We have evaluated LightSpMV using various sparse matrices and further compared it to the CSR-based SpMV subprograms in the state-of-the-art CUSP and cuSPARSE. Performance evaluation reveals that on a single Tesla K40c GPU, LightSpMV is superior to both CUSP and cuSPARSE, with a speedup of up to 2.60 and 2.63 over CUSP, and up to 1.93 and 1.79...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 19

    Immutable Sparse Wave Trees (WaveTree)

    Realtime bigdata tool for bit strings up to 2^63 based on AVL forest

    ... of that as Bits, subranges of them, and ints for sizes of its parts. Expansion ability for other kinds of compression, since Bits is a Java interface. Main functions on bits are substring, concat, number of 0 or 1 bits, and number of bits (size). All those operations can be done millions of times per second regardless of size because the AVL forest reuses existing branches recursively. Theres a scalar (originally for copy/pasting subranges of sounds) and a bit Java package. Sparse n dimensional matrix.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 20

    Fluid Gravity 3way

    there are 3 observers to every curve, each seeing the other 2

    ... pressing against eachother after falling from random positions in 6 flat (x y z/size red green blue) or n dimensional sparse network of such bellcurves which overlap eachother to display the subtle changes in shape and dimension, and if you run it a few more times it sometimes randomly gets large or some parts very dark and moving inside the other, and I think I saw that electron orbital with the donut around the center and vibrating outward on the 2 axis. Jar files contain source code.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 21

    LRPR

    Low Rank Page Rank: A matlab project in sparse matrix computation

    The problem of Pagerank is a simple one to state: Given a collection of websites, how do we rank them? The primary way of formulating this utilizes a transition matrix which relates how web pages interact with each other. We investigate what the effect of a low rank approximation for the transition matrix has on the power method and an inner-outer iteration for solving the Pagerank problem. The purpose of the low rank approximation is two fold: (1) to reduce memory requirements (2...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 22

    ViennaCLBench

    OpenCL linear algebra benchmark GUI for CPUs, GPUs, and MIC

    ViennaCLBench provides a graphical user interface for collecting benchmark data for common OpenCL-accelerated linear algebra operations as implemented in the linear algebra library ViennaCL.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 23
    MAtrix Sparse not much Computational Toolkit
    Downloads: 0 This Week
    Last Update:
    See Project
  • 24
    SL2

    SL2

    SL2 (= SLSL) - A Simple Linear Systems Library

    SL2 is a C++ template library for solving systems of linear equations, providing the most common algorithms for dense and sparse systems. It uses OpenMP for parallelization and has no other dependencies. As the name suggests, SL2's implementation is staightforward with a focus on clear concepts, easy usage and understandable code.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 25

    YAFEMS

    Yet Another Finite Element Method Solver

    YAFEMS (Yet Another Finite Element Method Solver) is a FEM solver for Linux and WIndows that reads a MED mesh file produced by Salome (http://www.salome-platform.org/) with certain groups created into the mesh, and with the help of an input text file (.yaf), performs a 3D or 2D plane stress or plane strain analysis and creates results in plain text format and in MED format. This way a complete analysis can be carried inside Salome, where a mesh file can be created, exported and read by...
    Downloads: 0 This Week
    Last Update:
    See Project
  • Previous
  • You're on page 1
  • 2
  • 3
  • Next