An open API service providing repository metadata for many open source software ecosystems.

Topic: "sparse"

xori/set-sparse

A simple function that sets the FSCTL_SET_SPARSE Windows flag to save space in sparse files.

Language: JavaScript - Size: 174 KB - Last synced at: 7 days ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

zhengkd95/DPCP

Dual principal component pursuit

Language: Matlab - Size: 4.88 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 1

rrwen/slides-kd-stlearn

Presentation titled "Self-taught Learning: Transfer Learning from Unlabeled Data" for Knowledge Discovery course at Ryerson University

Language: HTML - Size: 6.88 MB - Last synced at: 23 days ago - Pushed at: about 8 years ago - Stars: 3 - Forks: 1

stdlib-js/array-to-sparse-iterator

Create an iterator from a sparse array-like object.

Language: JavaScript - Size: 1.32 MB - Last synced at: 14 days ago - Pushed at: about 2 months ago - Stars: 2 - Forks: 0

bragg13/sae-fmri-extractor

Neuroscience meets ML: Encoding Human Brain Activity Through Sparse Autoencoders. Using SAE to extract relevant features from fMRI data.

Language: Python - Size: 104 MB - Last synced at: 25 days ago - Pushed at: about 2 months ago - Stars: 2 - Forks: 0

tmsalab/slcm

Perform a Bayesian estimation of the exploratory Sparse Latent Class Model for Binary Data described by Chen, Y., Culpepper, S. A., and Liang, F. (2020) <https://doi.org/10.1007/s11336-019-09693-2>

Language: C++ - Size: 429 KB - Last synced at: 27 days ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0

flaport/umfpack-rs

Some UMFPACK bindings for rust.

Language: Rust - Size: 769 KB - Last synced at: 17 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 1

HoShiMin/Ranger

Fast sparsed range intersection

Language: C++ - Size: 22.5 KB - Last synced at: 5 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 2

DeMoriarty/DOKSparse

sparse DOK tensors on GPU, pytorch

Language: Cuda - Size: 331 KB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

jcrichard/firls

Norm Constrained Generalised Linear Model using numpy, numba and scipy.

Language: Python - Size: 461 KB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 1

mabdullahsoyturk/Torch-Sputnik

PyTorch bindings for SpMM and SDDMM operations in Sputnik library.

Language: Python - Size: 262 KB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

BaseMax/SparseMatrixLinkedListGo

Sparse-Matrix Linked-List Go is a sparse matrix implementation in Go using a linked list. This is a data structure that stores only non-zero values in a matrix. This is useful when you have a lot of zeros in your matrix. This data structure is also useful when you want to perform operations on sparse matrices.

Language: Go - Size: 22.5 KB - Last synced at: 2 days ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

GhadaSokar/AFAF

[ECMLPKDD 2022] "Avoiding Forgetting and Allowing Forward Transfer in Continual Learning via Sparse Networks" by by Ghada Sokar, Decebal Constantin Mocanu, and Mykola Pechenizkiy.

Language: Python - Size: 21.5 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

sympiler/smp-format

Sparse Mathematical Programming Format.

Language: C++ - Size: 277 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 3

DXist/sparse_linear_assignment

Rust implementation of auction algorithms for linear assignment problem

Language: Rust - Size: 114 KB - Last synced at: 24 days ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 1

bicv/Perrinet16EUVIP

Material and ms for the paper caracterizing sparseness of coefficients in natural images

Language: Jupyter Notebook - Size: 105 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 1

ahojukka5/VertexFinder.jl

The need to determine pseudoperipheral vertices arises from several graph-theoretical approaches for ordering sparse matrix equations. This package implements George-Liu algorithm for finding a pseudoperipheral vertex in a graph aiming at returning a vertex having a large eccentricity.

Language: Julia - Size: 8.79 KB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

laurentperrinet/PerrinetBednar15

Edge co-occurrences can account for rapid categorization of natural versus animal images

Language: Jupyter Notebook - Size: 305 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

FireFlyForLife/FlatValueMap

A sparse map to dense vector container for C++

Language: C++ - Size: 146 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

kayibal/sparsity

Sparse data processing toolbox. It builds on top of pandas and scipy to provide DataFrame like API to work with sparse categorical data.

Language: C - Size: 1.27 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 4

bicv/Perrinet2015BICV_sparse

Material and ms for the paper @

Language: TeX - Size: 78.2 MB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 2

jw3126/SimpleSparseArrays.jl

Simple arbitrary dimension sparse arrays

Language: Julia - Size: 8.79 KB - Last synced at: 21 days ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

overshiki/products-net-pytorch

pytorch version of products network for CTR prediction, the original code is in tensorflow: https://github.com/Atomu2014/product-nets

Language: Python - Size: 8.79 KB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 0

krm58/Biclustering-SSVD

Implementation of the sparse singular value decomposition algorithm (Lee et al., 2010) to be used for Biclustering; Duke STA663 Final Project

Language: Jupyter Notebook - Size: 14.6 MB - Last synced at: 9 months ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 6

EhsanEqlimi/Sparse-UBI-S3-V1

A new algorithm for mixing matrix identification in under-determined cases based on k-sparse component analysis (k-SCA)

Language: Matlab - Size: 5.86 KB - Last synced at: about 2 years ago - Pushed at: almost 9 years ago - Stars: 2 - Forks: 0

riccardoserraino/Synergy-extraction-from-filtered-EMG-dataset-with-NMF-models

Experimental approach for sEMG signal analysis and synergies extraction for robotic hand gestures, based and analysis evaluation and terminal input decisions..

Language: Python - Size: 6.84 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

stdlib-js/array-to-sparse-iterator-right

Create an iterator from a sparse array-like object, iterating from right to left.

Language: JavaScript - Size: 1.35 MB - Last synced at: 6 days ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

hgb-bin-proteomics/CandidateVectorSearch

Searching for peptide candidates using sparse matrix + matrix/vector multiplication.

Language: C++ - Size: 200 MB - Last synced at: 15 days ago - Pushed at: 4 months ago - Stars: 1 - Forks: 1

hgb-bin-proteomics/CandidateSearch

Proof-of-concept implementation of a search engine that uses sparse matrix multiplication to identify the best peptide candidates for a given mass spectrum.

Language: C# - Size: 388 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 1

Efficient-Scalable-Machine-Learning/DeepRewire

Easily create and optimize PyTorch networks as in the Deep Rewiring paper (https://igi-web.tugraz.at/PDF/241.pdf). Install using 'pip install deep_rewire'

Language: Python - Size: 238 KB - Last synced at: 15 days ago - Pushed at: 9 months ago - Stars: 1 - Forks: 1

BrosnanYuen/RayBNN_Sparse

Sparse Matrix Library for GPUs, CPUs, and FPGAs via CUDA, OpenCL, and oneAPI

Language: Rust - Size: 104 KB - Last synced at: 19 days ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

KVVat/ktextrd

Kotlin Ext2/3/4 image reader for andorid factory images

Language: Kotlin - Size: 3.17 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

Konstantin8105/sparse

Transpilated CSparse from C to Go

Language: C - Size: 3.15 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

bicv/SparseEdges

A framework to build a sparse representation of edges in images.

Language: Jupyter Notebook - Size: 591 MB - Last synced at: 22 days ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 1

0xnu/phtree

PH-tree (Permutation Hierarchical Tree) implementation in Go.

Language: Go - Size: 16.6 KB - Last synced at: 24 days ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

oomol-lab/sparse-file-js

Create / Resize sparse file with Node.js

Language: TypeScript - Size: 42 KB - Last synced at: 6 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

sky24h/SIS_from_Sparse_Layouts

Code for the paper "Diffusion-based Semantic Image Synthesis from Sparse Layouts" (CGI 2023)

Language: Python - Size: 203 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

ItsNiklas/sparse-gaussian-processes

📊 Using my own sparse methods in a GP example.

Language: Jupyter Notebook - Size: 25.7 MB - Last synced at: 6 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

quanyumath/WTTC

Nonconvex Optimization for Third Order Tensor Completion Under Wavelet Transform

Language: MATLAB - Size: 2.3 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

BaseMax/SparsePolynomialLinkedListC

This is a C implementation of a sparse polynomial linked-list. This is a good example of how to use a linked-list in C. By using a linked-list, we can store a sparse polynomial in a memory efficient way. Sparse polynomials are polynomials that have a lot of terms with a coefficient of 0.

Language: C - Size: 54.7 KB - Last synced at: 2 days ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

felipemarkson/sparse_complex

An simple solver for sparse complex linear systems based on Eigen::SparseLU.

Language: Rust - Size: 225 KB - Last synced at: 28 days ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 1

AlessioMongelluzzo/FISinFIS_Apriori_Python

Python implementation of FISinFIS Apriori algorithm for PAR and NAR mining from Frequent and Infrequent ItemSets.

Language: Python - Size: 1.4 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 1

ymtoo/SparseDistanceMatrices.jl

Sparse Distance Matrices

Language: Julia - Size: 26.4 KB - Last synced at: about 1 month ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 1

wrathematics/spar

Sparse Allreduce

Language: C++ - Size: 934 KB - Last synced at: 28 days ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

vgupta123/SCDV Fork of dheeraj7596/SCDV

Implementation of our source code of our EMNLP 2017 paper Sparse Composite Document Vectors Sparse Composite Document Vectors using soft clustering over distributional representations

Language: Python - Size: 39.2 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

laurentperrinet/BoutinRuffierPerrinet17spars

Code and material for the poster presented at SPARS

Language: Jupyter Notebook - Size: 114 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

jxy/chebyshev

Chebyshev approximation in Nim

Language: HTML - Size: 19.5 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

astef/SparseNumerics

Numbers stored as the positions of 1's in their binary form, useful for math with power of 2 towers

Language: C# - Size: 21.5 KB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 1

andrew-grechkin/sparse

a simple tool to pipe standard input into a sparse file

Language: C++ - Size: 18.6 KB - Last synced at: about 1 hour ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

pulinagrawal/self-taught

A TensorFlow based Python library for autoencoders. Specifically a sparse autoencoder and implementing self-taught learning paradigm.

Language: Jupyter Notebook - Size: 21.2 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

xtracko/spectre

Deconvolution of hi-res GC/MS spectra

Language: Python - Size: 84 KB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

alimpfard/sparse-ndarray

Sparse N-Dimensional Arrays

Language: C - Size: 44.9 KB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

ivan386/sparse_light

sparse file at random position

Language: JavaScript - Size: 3.91 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

jeffhain/ejml_mult_sparse

Fast sparse multiplication for EJML RowD1Matrix64F matrices.

Language: Java - Size: 11.7 KB - Last synced at: about 2 years ago - Pushed at: about 9 years ago - Stars: 1 - Forks: 0

capital5/sparsejs Fork of steventhomson/sparsejs

SparseJS flattens deeply-nested objects into sparse objects.

Language: JavaScript - Size: 156 KB - Last synced at: about 1 year ago - Pushed at: over 9 years ago - Stars: 1 - Forks: 0

chabir/Most-Popular-R-packages

Language: Python - Size: 34.5 MB - Last synced at: about 2 years ago - Pushed at: over 9 years ago - Stars: 1 - Forks: 0

evjeesm/sparse

Sparse Array for C

Language: C - Size: 849 KB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

SeveriSuominen/rapid-svo

Single-header fast dynamic sparse voxel octree implementation using integer coordinates and Morton codes.

Language: C++ - Size: 20.5 KB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

vkardon/dircpy

Preserve file sparseness while copying a file or a directory

Language: C++ - Size: 28.3 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

hgb-bin-proteomics/CandidateVectorSearch_template

Template repository for custom backends in MS Annika.

Language: C++ - Size: 15.6 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

kamarya/sam

Sparse Associative Memory (SAM)

Language: C++ - Size: 89.8 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 2

cuiyuheng/parsex-frontend Fork of intsig-textin/parsex-frontend

如需体验TextIn文档解析,请访问 https://cc.co/16YSIy

Size: 21.1 MB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

zahraatashgahi/Neuron-Attribution

[ECAI 2024] Unveiling the Power of Sparse Neural Networks for Feature Selection

Language: Python - Size: 594 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Siegel-Lab/libSps

O(1) region count queries using sparse prefix sums

Language: C++ - Size: 4.63 MB - Last synced at: 7 days ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

harsh306/loramaster

Low rank and Sprase fineuning for foundation models

Language: Python - Size: 1.95 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

laurentperrinet/2024-04_sparse-representations

Course @ NeuroSchool PhD Program in Neuroscience

Language: Jupyter Notebook - Size: 913 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

TushaarGVS/togepi

Toeplitz-based Generative Pre-training

Language: Jupyter Notebook - Size: 18.7 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

udawtr/takapack-go

Simple sparse matrix solver with LU decomposition or CG method

Language: Go - Size: 10.7 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

vguillemot/sparseCorrespondenceAnalysis

The reproducible code associated with the paper "From Plain to Sparse Correspondence Analysis: A Principal Component Analysis Approach"

Language: R - Size: 758 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

inria-thoth/SUnAA

Sparse Unmixing using Archetypal Analysis

Language: Python - Size: 352 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

guyshur/sparda

A sparse dataframe-like data structure.

Language: Python - Size: 14.6 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

jamesETsmith/mtxio

Matrix Market IO

Language: C - Size: 116 KB - Last synced at: 21 days ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

legionus/vim-semind

vim integration with semind from sparse

Language: Vim Script - Size: 4.88 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

felipemarkson/klusolve-wasm

The KLUSolver for WebAssembly

Language: C - Size: 18.5 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

Ruiping-LIU/SparseCA0

Sparse Correspondence Analysis for Large Contingency Tables

Size: 38.1 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

hilmiugurpolat/sparse-matrix-multiplication

sparse matrix multiplication

Language: C - Size: 42 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

BaseMax/SparsePolynomialGo

A Go package for working with sparse polynomials. (Based on Array List data structure)

Language: Go - Size: 1.2 MB - Last synced at: 2 days ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ZhuoQu/Sparse_multivariate_functional_clustering

This link shows the codes in the paper: Robust Two-Layer Partition Clustering of Sparse Multivariate Functional Data. Please read readme.file first.

Language: R - Size: 5.6 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

mohanadtalat91/Sparse-Array-Matrix

Implementation of Sparse 1D-Array & 2D-Arrray [Matrix] using Linked list

Language: C++ - Size: 462 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

dipterix/spfda

Functional Group Bridge for Simultaneous Regression and Support Estimation (https://arxiv.org/abs/2006.10163)

Language: R - Size: 1.9 MB - Last synced at: 26 days ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

diiigle/TreeSAT

3D Summed Volume Table with focus on sparse data

Language: Jupyter Notebook - Size: 413 KB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

adi-g15/graphMat-rs

3D Sparse Matrix library, for efficient memory usage, at the cost of a bit more CPU usage

Language: Rust - Size: 211 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

gotsysdba/exa-sparse-snapshot

Exadata Sparse Clone Snapshots

Language: Shell - Size: 654 KB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

AndrewB330/SparseJS

A small JavaScript library that allows you to work efficiently with sparse matrices.

Language: JavaScript - Size: 71.3 KB - Last synced at: 1 day ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

ahojukka5/GraphOrdering.jl

GraphOrdering.jl is a package focused on a problem of renumbering vertices of a graph such a way that the bandwidth of the sparse matrix is minimized. In other words: find a permutation of system of equations which minimized the fill-in of sparse matrix during matrix factorization. The functionality of the package corresponds to the symrcm function of MATLAB.

Language: Julia - Size: 406 KB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

dmitry-kabanov/sparray Fork of espath/sparray

Sparse multidimensional arrays in Python

Size: 7.81 KB - Last synced at: 1 day ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

guhjy/sail Fork of sahirbhatnagar/sail

sparse additive interaction learning

Language: R - Size: 34.9 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

abhinav-upadhyay/sparsepandas

Sparse array support for Pandas as an extension array

Language: Python - Size: 23.4 KB - Last synced at: 1 day ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

sehyoun/sparse_grid

Sparse Grid

Size: 1000 Bytes - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

ivan386/sparser.js

script for sparse random blocks in files (torrent, ed2k, tth, ipfs)

Language: JavaScript - Size: 9.77 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 1

expd/Nijinsky

Sparse Redis Bitmap in Node.js

Language: JavaScript - Size: 6.84 KB - Last synced at: 12 months ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

IBPA/SparseNN

SparseNN for torch7

Language: Lua - Size: 117 KB - Last synced at: about 1 year ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

h03dan/RecurrentSparseAutoencoder

Recurrent Sparse Autoencoder

Last synced at: about 2 years ago - Stars: 0 - Forks: 0

R6/Tsetlin-machine-units

Implements the Tsetlin Machine, Coalesced Tsetlin Machine, Convolutional Tsetlin Machine, Regression Tsetlin Machine, and Weighted Tsetlin Machine, with support for continuous features, drop clause, Type III Feedback, focused negative sampling, multi-task

Language: Python - Size: 256 MB - Last synced at: about 1 year ago - Stars: 0 - Forks: 0