Topic: "tensor"
pytorch/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
Language: Python - Size: 1.1 GB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 95,740 - Forks: 26,160
tracel-ai/burn
Burn is a next generation tensor library and Deep Learning Framework that doesn't compromise on flexibility, efficiency and portability.
Language: Rust - Size: 66.8 MB - Last synced at: 4 days ago - Pushed at: 6 days ago - Stars: 13,701 - Forks: 757
apache/tvm
Open Machine Learning Compiler Framework
Language: Python - Size: 113 MB - Last synced at: 6 days ago - Pushed at: 7 days ago - Stars: 12,936 - Forks: 3,739
chenyuntc/pytorch-book
PyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation (《深度学习框架PyTorch:入门与实战》)
Language: Jupyter Notebook - Size: 119 MB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 12,680 - Forks: 3,768
cupy/cupy
NumPy & SciPy for GPU
Language: Python - Size: 43.8 MB - Last synced at: 6 days ago - Pushed at: 7 days ago - Stars: 10,673 - Forks: 980
arogozhnikov/einops
Flexible and powerful tensor operations for readable and reliable code (for pytorch, jax, TF and others)
Language: Python - Size: 3.02 MB - Last synced at: 18 days ago - Pushed at: about 1 month ago - Stars: 9,307 - Forks: 391
vespa-engine/vespa
AI + Data, online. https://vespa.ai
Language: Java - Size: 449 MB - Last synced at: 3 days ago - Pushed at: 4 days ago - Stars: 6,679 - Forks: 686
MegEngine/MegEngine
MegEngine 是一个快速、可拓展、易于使用且支持自动求导的深度学习框架
Language: C++ - Size: 30 MB - Last synced at: 7 months ago - Pushed at: about 1 year ago - Stars: 4,792 - Forks: 544
pytorch/executorch
On-device AI across mobile, embedded and edge for PyTorch
Language: Python - Size: 280 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 3,888 - Forks: 770
guoguibing/librec
LibRec: A Leading Java Library for Recommender Systems, see
Language: Java - Size: 83.6 MB - Last synced at: 7 months ago - Pushed at: over 2 years ago - Stars: 3,251 - Forks: 1,030
hosseinmoein/DataFrame
C++ DataFrame for statistical, financial, and ML analysis in modern C++
Language: C++ - Size: 48.1 MB - Last synced at: 4 days ago - Pushed at: 6 days ago - Stars: 2,877 - Forks: 352
elixir-nx/nx
Multi-dimensional arrays (tensors) and numerical definitions for Elixir
Language: Elixir - Size: 6.98 MB - Last synced at: 4 days ago - Pushed at: 5 days ago - Stars: 2,838 - Forks: 213
mars-project/mars
Mars is a tensor-based unified framework for large-scale data computation which scales numpy, pandas, scikit-learn and Python functions.
Language: Python - Size: 37 MB - Last synced at: 4 months ago - Pushed at: almost 2 years ago - Stars: 2,742 - Forks: 326
merrymercy/awesome-tensor-compilers
A list of awesome compiler projects and papers for tensor computation and deep learning.
Size: 98.6 KB - Last synced at: 11 days ago - Pushed at: about 1 year ago - Stars: 2,698 - Forks: 323
unslothai/hyperlearn
2-2000x faster ML algos, 50% less memory usage, works on all hardware - new and old.
Language: Jupyter Notebook - Size: 46.7 MB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 2,314 - Forks: 148
tairov/llama2.mojo
Inference Llama 2 in one file of pure 🔥
Language: Mojo - Size: 2.6 MB - Last synced at: 6 days ago - Pushed at: 25 days ago - Stars: 2,115 - Forks: 136
chelsea0x3b/dfdx
Deep learning in Rust, with shape checked tensors and neural networks
Language: Rust - Size: 2.6 MB - Last synced at: 2 days ago - Pushed at: over 1 year ago - Stars: 1,880 - Forks: 105
tensorly/tensorly
TensorLy: Tensor Learning in Python.
Language: Python - Size: 16 MB - Last synced at: 27 days ago - Pushed at: about 1 month ago - Stars: 1,644 - Forks: 300
mratsim/Arraymancer
A fast, ergonomic and portable tensor library in Nim with a deep learning focus for CPU, GPU and embedded devices via OpenMP, Cuda and OpenCL backends
Language: Nim - Size: 3.81 MB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 1,380 - Forks: 95
tensor-compiler/taco
The Tensor Algebra Compiler (taco) computes sparse tensor expressions on CPUs and GPUs
Language: C++ - Size: 6.77 MB - Last synced at: 7 months ago - Pushed at: 8 months ago - Stars: 1,301 - Forks: 194
dmlc/dlpack
common in-memory tensor structure
Language: C++ - Size: 2.19 MB - Last synced at: 12 days ago - Pushed at: 14 days ago - Stars: 1,120 - Forks: 156
OpenMined/TenSEAL
A library for doing homomorphic encryption operations on tensors
Language: C++ - Size: 4.13 MB - Last synced at: 27 days ago - Pushed at: 10 months ago - Stars: 983 - Forks: 168
dgasmith/opt_einsum
⚡️Optimizing einsum functions in NumPy, Tensorflow, Dask, and more with contraction order optimization.
Language: Python - Size: 4.07 MB - Last synced at: 2 days ago - Pushed at: 6 months ago - Stars: 963 - Forks: 76
libxsmm/libxsmm
Library for specialized dense and sparse matrix operations, and deep learning primitives.
Language: C - Size: 297 MB - Last synced at: 4 days ago - Pushed at: 8 days ago - Stars: 927 - Forks: 199
egison/egison
The Egison Programming Language
Language: Haskell - Size: 8.5 MB - Last synced at: 3 months ago - Pushed at: about 3 years ago - Stars: 920 - Forks: 31
andrewssobral/lrslibrary
Low-Rank and Sparse Tools for Background Modeling and Subtraction in Videos
Language: MATLAB - Size: 61.8 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 875 - Forks: 379
norse/norse
Deep learning with spiking neural networks (SNNs) in PyTorch.
Language: Python - Size: 110 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 771 - Forks: 92
OAID/AutoKernel
AutoKernel 是一个简单易用,低门槛的自动算子优化工具,提高深度学习算法部署效率。
Language: C++ - Size: 5.91 MB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 739 - Forks: 94
xwying/torchshow
Visualize PyTorch tensors with a single line of code.
Language: Python - Size: 7.63 MB - Last synced at: 27 days ago - Pushed at: 4 months ago - Stars: 703 - Forks: 16
zdevito/ATen
ATen: A TENsor library for C++11
Language: C++ - Size: 20.3 MB - Last synced at: 7 months ago - Pushed at: about 6 years ago - Stars: 694 - Forks: 127
mcabbott/Tullio.jl
⅀
Language: Julia - Size: 977 KB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 648 - Forks: 29
DiffSharp/DiffSharp
DiffSharp: Differentiable Functional Programming
Language: F# - Size: 162 MB - Last synced at: 19 days ago - Pushed at: over 1 year ago - Stars: 607 - Forks: 70
QuantumKitHub/TensorOperations.jl
Julia package for tensor contractions and related operations
Language: Julia - Size: 2.77 MB - Last synced at: 12 days ago - Pushed at: 30 days ago - Stars: 544 - Forks: 66
raskr/rust-autograd
Tensors and differentiable operations (like TensorFlow) in Rust
Language: Rust - Size: 1000 KB - Last synced at: 11 days ago - Pushed at: almost 3 years ago - Stars: 499 - Forks: 38
analyticalrohit/pytorch_fundamentals
Introduction to PyTorch, covering tensor initialization, operations, indexing, and reshaping.
Language: Jupyter Notebook - Size: 525 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 497 - Forks: 67
chakravala/Grassmann.jl
⟨Grassmann-Clifford-Hodge⟩ multilinear differential geometric algebra
Language: Julia - Size: 3.24 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 496 - Forks: 40
jofrfu/tinyTPU
Implementation of a Tensor Processing Unit for embedded systems and the IoT.
Language: VHDL - Size: 1.42 MB - Last synced at: 7 months ago - Pushed at: almost 7 years ago - Stars: 465 - Forks: 66
basalt-org/basalt 📦
A Machine Learning framework from scratch in Pure Mojo 🔥
Language: Mojo - Size: 12.9 MB - Last synced at: 6 months ago - Pushed at: 11 months ago - Stars: 444 - Forks: 30
LaurentMazare/ocaml-torch
OCaml bindings for PyTorch
Language: OCaml - Size: 8.87 MB - Last synced at: 7 months ago - Pushed at: about 1 year ago - Stars: 425 - Forks: 38
blitzpp/blitz
Blitz++ Multi-Dimensional Array Library for C++
Language: C++ - Size: 19.6 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 413 - Forks: 82
NiuTrans/NiuTensor
NiuTensor is an open-source toolkit developed by a joint team from NLP Lab. at Northeastern University and the NiuTrans Team. It provides tensor utilities to create and train neural networks.
Language: C++ - Size: 17.9 MB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 385 - Forks: 172
gorgonia/tensor
package tensor provides efficient and generic n-dimensional arrays in Go that are useful for machine learning and deep learning purposes
Language: Go - Size: 1.48 MB - Last synced at: 14 days ago - Pushed at: 9 months ago - Stars: 377 - Forks: 56
stared/thinking-in-tensors-writing-in-pytorch
Thinking in tensors, writing in PyTorch (a hands-on deep learning intro)
Language: Jupyter Notebook - Size: 1.55 MB - Last synced at: 7 months ago - Pushed at: 12 months ago - Stars: 365 - Forks: 43
xtensor-stack/xtensor-python
Python bindings for xtensor
Language: C++ - Size: 533 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 362 - Forks: 67
thomasahle/tensorgrad
Machine Learning with Symbolic Tensors
Language: Python - Size: 20.9 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 348 - Forks: 16
apache/tvm-vta
Open, Modular, Deep Learning Accelerator
Language: Scala - Size: 1.29 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 312 - Forks: 86
mratsim/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
Language: Nim - Size: 3.65 MB - Last synced at: 23 days ago - Pushed at: almost 2 years ago - Stars: 290 - Forks: 14
RubixML/Tensor
A library and extension that provides objects for scientific computing in PHP.
Language: PHP - Size: 1.99 MB - Last synced at: 4 months ago - Pushed at: 9 months ago - Stars: 264 - Forks: 32
ctongfei/nexus
Experimental tensor-typed deep learning
Language: Scala - Size: 3.37 MB - Last synced at: 4 months ago - Pushed at: over 6 years ago - Stars: 258 - Forks: 16
jcmgray/cotengra
Hyper optimized contraction trees for large tensor networks and einsums
Language: Python - Size: 11.9 MB - Last synced at: 18 days ago - Pushed at: 20 days ago - Stars: 229 - Forks: 35
zhongkaifu/Seq2SeqSharp
Seq2SeqSharp is a tensor based fast & flexible deep neural network framework written by .NET (C#). It has many highlighted features, such as automatic differentiation, different network types (Transformer, LSTM, BiLSTM and so on), multi-GPUs supported, cross-platforms (Windows, Linux, x86, x64, ARM), multimodal model for text and images and so on.
Language: C# - Size: 432 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 209 - Forks: 42
opendilab/DI-treetensor
Let DI-treetensor help you simplify the structure processing!(树形运算一不小心就逻辑混乱?DI-treetensor快速帮你搞定)
Language: Python - Size: 74.5 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 207 - Forks: 4
ThoughtWorksInc/Compute.scala
Scientific computing with N-dimensional arrays
Language: Scala - Size: 3.54 MB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 200 - Forks: 19
springer13/hptt
High-Performance Tensor Transpose library
Language: C++ - Size: 818 KB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 200 - Forks: 49
bilal2vec/L2
l2 is a fast, Pytorch-style Tensor+Autograd library written in Rust
Language: Rust - Size: 1.24 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 197 - Forks: 19
Ferrite-FEM/Tensors.jl
Efficient computations with symmetric and non-symmetric tensors with support for automatic differentiation.
Language: Julia - Size: 1.97 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 180 - Forks: 38
NumPower/numpower
PHP extension for efficient scientific computing and array manipulation with GPU support
Language: PHP - Size: 526 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 172 - Forks: 4
seung-lab/cloud-volume
Read and write Neuroglancer datasets programmatically.
Language: Python - Size: 66.1 MB - Last synced at: 3 days ago - Pushed at: 7 days ago - Stars: 168 - Forks: 52
matazure/mtensor
a c++/cuda template library for tensor lazy evaluation
Language: C++ - Size: 1000 KB - Last synced at: 8 months ago - Pushed at: over 2 years ago - Stars: 161 - Forks: 38
jcmgray/autoray
Abstract your array operations.
Language: Python - Size: 2.87 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 159 - Forks: 11
Marco-Christiani/zigrad
A deep learning framework built on an autograd engine with high level abstractions and low level control.
Language: Zig - Size: 25.9 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 158 - Forks: 9
vlang/vtl
The V Tensor Library
Language: V - Size: 3.78 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 156 - Forks: 20
louishenrifranc/Tensorflow-Cheatsheet
My personal reference for Tensorflow
Size: 31.3 KB - Last synced at: 5 months ago - Pushed at: over 8 years ago - Stars: 153 - Forks: 48
bytedeco/storch
GPU accelerated deep learning and numeric computing for Scala 3.
Language: Scala - Size: 12.8 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 151 - Forks: 13
harrisonvanderbyl/rwkvstic
Framework agnostic python runtime for RWKV models
Language: Python - Size: 3.94 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 146 - Forks: 16
mcabbott/TensorCast.jl
It slices, it dices, it splices!
Language: Julia - Size: 1.07 MB - Last synced at: about 2 months ago - Pushed at: 8 months ago - Stars: 139 - Forks: 11
roastduck/FreeTensor
A language and compiler for irregular tensor programs.
Language: C++ - Size: 3.02 GB - Last synced at: 9 months ago - Pushed at: about 1 year ago - Stars: 138 - Forks: 10
bshoshany/OGRe
An object-oriented general relativity package for Mathematica.
Language: Mathematica - Size: 4.12 MB - Last synced at: 3 days ago - Pushed at: over 1 year ago - Stars: 138 - Forks: 22
PGelss/scikit_tt
Tensor Train Toolbox
Language: Python - Size: 37.2 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 124 - Forks: 25
can-lehmann/exprgrad
An experimental deep learning framework for Nim based on a differentiable array programming language
Language: Nim - Size: 303 KB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 121 - Forks: 1
boostorg/ublas
Boost.uBlas
Language: C++ - Size: 46.9 MB - Last synced at: 7 months ago - Pushed at: 9 months ago - Stars: 116 - Forks: 152
EtienneCmb/tensorpac
Phase-Amplitude Coupling under Python
Language: Python - Size: 117 MB - Last synced at: 16 days ago - Pushed at: over 1 year ago - Stars: 116 - Forks: 33
emer/etable
Data table structure in Go, now developed at https://github.com/cogentcore/core/tree/main/tensor
Language: Go - Size: 1.08 MB - Last synced at: 10 months ago - Pushed at: over 1 year ago - Stars: 115 - Forks: 7
adtzlr/ttb
Tensor Toolbox for Modern Fortran
Language: Fortran - Size: 3.86 MB - Last synced at: 5 days ago - Pushed at: 3 months ago - Stars: 114 - Forks: 34
gagolews/deepr
Deep R Programming (Open-Access Textbook)
Size: 119 MB - Last synced at: 4 months ago - Pushed at: 11 months ago - Stars: 110 - Forks: 4
palle-k/DL4S
Accelerated tensor operations and dynamic neural networks based on reverse mode automatic differentiation for every device that can run Swift - from watchOS to Linux
Language: Swift - Size: 19.5 MB - Last synced at: 28 days ago - Pushed at: about 2 years ago - Stars: 110 - Forks: 13
apache/tvm-rfcs
A home for the final text of all TVM RFCs.
Size: 30.6 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 109 - Forks: 79
daminstudio/hodu
Rust ML toolkit. Prototype to production. All in one.
Language: Rust - Size: 10.7 MB - Last synced at: 4 days ago - Pushed at: 6 days ago - Stars: 104 - Forks: 4
zylo117/tensorflow-gpu-macosx
Unoffcial NVIDIA CUDA GPU support version of Google Tensorflow for MAC OSX
Language: C++ - Size: 124 MB - Last synced at: 27 days ago - Pushed at: about 1 year ago - Stars: 102 - Forks: 22
DeepMLNet/DeepNet
Deep.Net machine learning framework for F#
Language: F# - Size: 230 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 102 - Forks: 9
etaler/Etaler
A flexable HTM (Hierarchical Temporal Memory) framework with full GPU support.
Language: C++ - Size: 73.8 MB - Last synced at: 6 months ago - Pushed at: almost 3 years ago - Stars: 95 - Forks: 15
jkoutsikakis/pytorch-wrapper
Provides a systematic and extensible way to build, train, evaluate, and tune deep learning models using PyTorch.
Language: Python - Size: 246 KB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 94 - Forks: 18
lantiga/pytorch2c
A Python module for compiling PyTorch graphs to C
Language: Python - Size: 46.9 KB - Last synced at: 8 months ago - Pushed at: almost 8 years ago - Stars: 91 - Forks: 9
andrewssobral/mtt
MATLAB Tensor Tools
Language: MATLAB - Size: 27.2 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 89 - Forks: 46
RedisAI/redisai-py
Python client for RedisAI
Language: Python - Size: 91.9 MB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 89 - Forks: 13
tensorly/torch
TensorLy-Torch: Deep Tensor Learning with TensorLy and PyTorch
Language: Python - Size: 3.81 MB - Last synced at: 12 days ago - Pushed at: over 1 year ago - Stars: 81 - Forks: 17
IDouble/Deep-Learning-Machine-Learning-AI-TensorFlow-Python
🐍 A Collection of Notes for Learning & Understanding Deep Learning / Machine Learning / Artificial Intelligence (AI) with TensorFlow 🐍
Language: Python - Size: 4.79 MB - Last synced at: 3 days ago - Pushed at: almost 2 years ago - Stars: 76 - Forks: 13
bat67/pytorch-examples-cn
用例子学习PyTorch1.0(Learning PyTorch with Examples 中文翻译与学习)
Language: Jupyter Notebook - Size: 131 KB - Last synced at: 6 months ago - Pushed at: almost 7 years ago - Stars: 75 - Forks: 18
ShadenSmith/splatt
The Surprisingly ParalleL spArse Tensor Toolkit.
Language: C - Size: 15 MB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 72 - Forks: 29
cascala/galileo
Scala Math - Numerical (Matlab-like) and Symbolic (Mathematica-like) tool
Language: Scala - Size: 186 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 67 - Forks: 6
petronetto/pytorch-alpine
A very small PyTorch container in Alpine Linux
Size: 15.6 KB - Last synced at: 8 months ago - Pushed at: almost 8 years ago - Stars: 67 - Forks: 6
keith2018/TinyGPT
Tiny C++ LLM inference implementation from scratch
Language: C++ - Size: 10.2 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 65 - Forks: 11
xlang-foundation/xlang
A next-generation dynamic and high-performance language for AI and IOT with natural born distributed computing ability.
Language: C - Size: 163 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 64 - Forks: 39
KeitaNakamura/Tensorial.jl
Statically sized tensors and related operations for Julia
Language: Julia - Size: 4.58 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 63 - Forks: 3
Einsums/Einsums
Provides compile-time contraction pattern analysis to determine optimal tensor operation to perform.
Language: C++ - Size: 42.1 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 62 - Forks: 11
dice-group/tentris-research-project
Tentris is a tensor-based triplestore that natively supports worst-case optimal joins. This is the research version of Tentris. A commercial version is available at https://github.com/tentris/tentris.
Language: C++ - Size: 9.21 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 62 - Forks: 10
t4minka/ccml
simple autodiff library
Language: Objective-C - Size: 95.7 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 62 - Forks: 2
numeric-rust/numeric
N-dimensional matrix class for Rust
Language: Rust - Size: 984 KB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 62 - Forks: 9
Quantum-Flytrap/quantum-tensors
Quantum Tensors - NPM package for sparse matrix operations for quantum information and computing
Language: TypeScript - Size: 1.63 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 59 - Forks: 13
puzzlelib/PuzzleLib
Deep Learning framework with NVIDIA & AMD support
Language: Python - Size: 698 KB - Last synced at: 3 months ago - Pushed at: about 3 years ago - Stars: 59 - Forks: 12