All Projects → NDTensors.jl → Similar Projects or Alternatives

95 Open source projects that are alternatives of or similar to NDTensors.jl

Librec
LibRec: A Leading Java Library for Recommender Systems, see
Stars: ✭ 3,045 (+10775%)
Mutual labels:  sparse, tensor
GenericTensor
The only library allowing to create Tensors (matrices extension) with custom types
Stars: ✭ 42 (+50%)
Mutual labels:  tensor
Nexus
Experimental tensor-typed deep learning
Stars: ✭ 244 (+771.43%)
Mutual labels:  tensor
Laser
The HPC toolbox: fused matrix multiplication, convolution, data-parallel strided tensor primitives, OpenMP facilities, SIMD, JIT Assembler, CPU detection, state-of-the-art vectorized BLAS for floats and integers
Stars: ✭ 191 (+582.14%)
Mutual labels:  tensor
bbhtm
bare bone Hierarchial Temporal Memory
Stars: ✭ 14 (-50%)
Mutual labels:  sparse
Tensor
A library and extension that provides objects for scientific computing in PHP.
Stars: ✭ 146 (+421.43%)
Mutual labels:  tensor
Tensor
package tensor provides efficient and generic n-dimensional arrays in Go that are useful for machine learning and deep learning purposes
Stars: ✭ 222 (+692.86%)
Mutual labels:  tensor
TensorCast.jl
It slices, it dices, it splices!
Stars: ✭ 106 (+278.57%)
Mutual labels:  tensor
BTAS
Basic Tensor Algebra Subroutines
Stars: ✭ 35 (+25%)
Mutual labels:  tensor
Hptt
High-Performance Tensor Transpose library
Stars: ✭ 141 (+403.57%)
Mutual labels:  tensor
Tensorflow Gpu Macosx
Unoffcial NVIDIA CUDA GPU support version of Google Tensorflow for MAC OSX
Stars: ✭ 103 (+267.86%)
Mutual labels:  tensor
eigen
Owl's OCaml Interface to Eigen3 C++ Library
Stars: ✭ 30 (+7.14%)
Mutual labels:  tensor
scikit tt
Tensor Train Toolbox
Stars: ✭ 52 (+85.71%)
Mutual labels:  tensor
genieclust
Genie++ Fast and Robust Hierarchical Clustering with Noise Point Detection - for Python and R
Stars: ✭ 34 (+21.43%)
Mutual labels:  sparse
PuzzleLib
Deep Learning framework with NVIDIA & AMD support
Stars: ✭ 52 (+85.71%)
Mutual labels:  tensor
Tullio.jl
Stars: ✭ 231 (+725%)
Mutual labels:  tensor
DI-treetensor
Let DI-treetensor help you simplify the structure processing!(树形运算一不小心就逻辑混乱?DI-treetensor快速帮你搞定)
Stars: ✭ 134 (+378.57%)
Mutual labels:  tensor
Tenseal
A library for doing homomorphic encryption operations on tensors
Stars: ✭ 197 (+603.57%)
Mutual labels:  tensor
eddl
European Distributed Deep Learning (EDDL) library. A general-purpose library initially developed to cover deep learning needs in healthcare use cases within the DeepHealth project.
Stars: ✭ 31 (+10.71%)
Mutual labels:  tensor
Tinytpu
Implementation of a Tensor Processing Unit for embedded systems and the IoT.
Stars: ✭ 153 (+446.43%)
Mutual labels:  tensor
raptor
General, high performance algebraic multigrid solver
Stars: ✭ 50 (+78.57%)
Mutual labels:  sparse
Mtensor
A C++ Cuda Tensor Lazy Computing Library
Stars: ✭ 115 (+310.71%)
Mutual labels:  tensor
NDScala
N-dimensional arrays in Scala 3. Think NumPy ndarray, but type-safe over shapes, array/axis labels & numeric data types
Stars: ✭ 37 (+32.14%)
Mutual labels:  tensor
MKLSparse.jl
Make available to Julia the sparse functionality in MKL
Stars: ✭ 42 (+50%)
Mutual labels:  sparse
Pytorch Wrapper
Provides a systematic and extensible way to build, train, evaluate, and tune deep learning models using PyTorch.
Stars: ✭ 92 (+228.57%)
Mutual labels:  tensor
Hyperlearn
50% faster, 50% less RAM Machine Learning. Numba rewritten Sklearn. SVD, NNMF, PCA, LinearReg, RidgeReg, Randomized, Truncated SVD/PCA, CSR Matrices all 50+% faster
Stars: ✭ 1,204 (+4200%)
Mutual labels:  tensor
keras-neural-graph-fingerprint
Keras implementation of Neural Graph Fingerprints as proposed by Duvenaud et al., 2015
Stars: ✭ 47 (+67.86%)
Mutual labels:  tensor
Pytorch Book
PyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation (《深度学习框架PyTorch:入门与实战》)
Stars: ✭ 9,546 (+33992.86%)
Mutual labels:  tensor
sparse-octree
A sparse octree data structure.
Stars: ✭ 68 (+142.86%)
Mutual labels:  sparse
e-verest
EVEREST: e-Versatile Research Stick for peoples
Stars: ✭ 21 (-25%)
Mutual labels:  tensor
sparse dot
Python wrapper for Intel Math Kernel Library (MKL) matrix multiplication
Stars: ✭ 38 (+35.71%)
Mutual labels:  sparse
tensority
Strongly typed multidimensional array library for OCaml
Stars: ✭ 44 (+57.14%)
Mutual labels:  tensor
Xtensor Python
Python bindings for xtensor
Stars: ✭ 248 (+785.71%)
Mutual labels:  tensor
analisis-numerico-computo-cientifico
Análisis numérico y cómputo científico
Stars: ✭ 42 (+50%)
Mutual labels:  tensor
Einops
Deep learning operations reinvented (for pytorch, tensorflow, jax and others)
Stars: ✭ 4,022 (+14264.29%)
Mutual labels:  tensor
ostd
Online Stochastic Tensor Decomposition for Background Subtraction in Multispectral Video Sequences
Stars: ✭ 21 (-25%)
Mutual labels:  tensor
Tensoroperations.jl
Julia package for tensor contractions and related operations
Stars: ✭ 230 (+721.43%)
Mutual labels:  tensor
systemds
An open source ML system for the end-to-end data science lifecycle
Stars: ✭ 38 (+35.71%)
Mutual labels:  tensor
Norse
Deep learning with spiking neural networks (SNNs) in PyTorch.
Stars: ✭ 211 (+653.57%)
Mutual labels:  tensor
Xtensor.jl
Julia package for xtensor-julia
Stars: ✭ 38 (+35.71%)
Mutual labels:  tensor
Compute.scala
Scientific computing with N-dimensional arrays
Stars: ✭ 191 (+582.14%)
Mutual labels:  tensor
EasySparse
Sparse learning in TensorFlow using data acquired from Spark.
Stars: ✭ 21 (-25%)
Mutual labels:  sparse
Mars
Mars is a tensor-based unified framework for large-scale data computation which scales numpy, pandas, scikit-learn and Python functions.
Stars: ✭ 2,308 (+8142.86%)
Mutual labels:  tensor
pytorch-examples-cn
用例子学习PyTorch1.0(Learning PyTorch with Examples 中文翻译与学习)
Stars: ✭ 54 (+92.86%)
Mutual labels:  tensor
Tensorflow Cheatsheet
My personal reference for Tensorflow
Stars: ✭ 147 (+425%)
Mutual labels:  tensor
Etaler
A flexable HTM (Hierarchical Temporal Memory) framework with full GPU support.
Stars: ✭ 79 (+182.14%)
Mutual labels:  tensor
L2
l2 is a fast, Pytorch-style Tensor+Autograd library written in Rust
Stars: ✭ 126 (+350%)
Mutual labels:  tensor
Tensors.jl
Efficient computations with symmetric and non-symmetric tensors with support for automatic differentiation.
Stars: ✭ 142 (+407.14%)
Mutual labels:  tensor
Pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
Stars: ✭ 52,811 (+188510.71%)
Mutual labels:  tensor
grblas
Python wrapper around GraphBLAS
Stars: ✭ 22 (-21.43%)
Mutual labels:  sparse
Deepnet
Deep.Net machine learning framework for F#
Stars: ✭ 99 (+253.57%)
Mutual labels:  tensor
OLSTEC
OnLine Low-rank Subspace tracking by TEnsor CP Decomposition in Matlab: Version 1.0.1
Stars: ✭ 30 (+7.14%)
Mutual labels:  tensor
Pytorch2c
A Python module for compiling PyTorch graphs to C
Stars: ✭ 86 (+207.14%)
Mutual labels:  tensor
tabmat
Efficient matrix representations for working with tabular data
Stars: ✭ 70 (+150%)
Mutual labels:  sparse
tentris
Tentris is a tensor-based RDF triple store with SPARQL support.
Stars: ✭ 34 (+21.43%)
Mutual labels:  tensor
dlaudio
Master thesis: Structured Auto-Encoder with application to Music Genre Recognition (code)
Stars: ✭ 14 (-50%)
Mutual labels:  sparse
torch
TensorLy-Torch: Deep Tensor Learning with TensorLy and PyTorch
Stars: ✭ 36 (+28.57%)
Mutual labels:  tensor
TensorAlgDiff
Automatic Differentiation for Tensor Algebras
Stars: ✭ 26 (-7.14%)
Mutual labels:  tensor
Tensorial.jl
Statically sized tensors and related operations for Julia
Stars: ✭ 18 (-35.71%)
Mutual labels:  tensor
Gisola
Gisola: A High Performance Computing application for real-time Moment Tensor inversion
Stars: ✭ 35 (+25%)
Mutual labels:  tensor
1-60 of 95 similar projects