#
tensor
Here are 274 public repositories matching this topic...
PyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation (《深度学习框架PyTorch:入门与实战》)
deep-learning
jupyter-notebook
nn
pytorch
autograd
caption
gan
image-classification
tensorboard
tensor
neural-style
visdom
pytorch-tutorials
pytorch-tutorials-cn
charrnn
neuraltalk
-
Updated
Jul 13, 2020 - Jupyter Notebook
Open deep learning compiler stack for cpu, gpu and specialized accelerators
javascript
machine-learning
performance
deep-learning
metal
compiler
gpu
vulkan
opencl
tensor
spirv
rocm
tvm
-
Updated
Oct 1, 2020 - Python
LibRec: A Leading Java Library for Recommender Systems, see
java
matrix
collaborative-filtering
matrix-factorization
systems
sparse
recommender
tensor-factorization
collaborative
tensor
factorization
filtering
recommender-systems
recommendation-algorithms
probabilistic-graphical-models
-
Updated
Sep 27, 2020 - Java
1
wjsi
commented
Jun 23, 2020
Support Series.median()
Deep learning operations reinvented (for pytorch, tensorflow, chainer, gluon and others)
-
Updated
Sep 11, 2020 - Python
50% faster, 50% less RAM Machine Learning. Numba rewritten Sklearn. SVD, NNMF, PCA, LinearReg, RidgeReg, Randomized, Truncated SVD/PCA, CSR Matrices all 50+% faster
python
data-science
machine-learning
statistics
research
deep-learning
neural-network
gpu
optimization
scikit-learn
pytorch
econometrics
data-analysis
tensor
regression-models
statsmodels
-
Updated
Sep 18, 2020 - Jupyter Notebook
TensorLy: Tensor Learning in Python.
python
machine-learning
decomposition
tensor
tensor-algebra
tensorly
tensor-learning
tensor-regressions
tensor-methods
-
Updated
Oct 1, 2020 - Python
The Egison Programming Language
programming-language
mahjong
functional-programming
graph
computer-algebra
pattern-matching
notation
multiset
differential-geometry
tensor
computer-algebra-system
egison
egison-mathematics-notebook
egison-library
-
Updated
Sep 29, 2020 - Haskell
The Tensor Algebra Compiler (taco) computes sparse tensor expressions on CPUs and GPUs
-
Updated
Sep 30, 2020 - C++
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
iot
machine-learning
nim
deep-learning
opencl
linear-algebra
automatic-differentiation
openmp
parallel-computing
cuda
autograd
gpgpu
neural-networks
high-performance-computing
ndarray
tensor
gpu-computing
multidimensional-arrays
cudnn
matrix-library
-
Updated
Sep 12, 2020 - Nim
Low-Rank and Sparse Tools for Background Modeling and Subtraction in Videos
matlab
matrix
matrix-factorization
tensor
lin
rpca
matrix-completion
tensor-decomposition
subspace-tracking
subspace-learning
zhou
-
Updated
Apr 23, 2020 - MATLAB
RFC for common in-memory tensor structure and operator interface for deep learning system
-
Updated
Jul 1, 2020 - C
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.
-
Updated
Sep 14, 2020 - C++
-
Updated
Aug 19, 2020 - Python
DiffSharp: Differentiable Functional Programming
-
Updated
Sep 30, 2020 - F#
OCaml bindings for PyTorch
-
Updated
Sep 24, 2020 - OCaml
Thinking in tensors, writing in PyTorch (a hands-on deep learning intro)
-
Updated
Sep 9, 2020 - Jupyter Notebook
⟨Leibniz-Grassmann-Clifford⟩ differential geometric algebra / multivector simplicial complex
topology
algebra
math
computer-algebra
linear-algebra
automatic-differentiation
quantum-computing
sparse
quaternion
complex-numbers
computational-geometry
differential-geometry
tensor
lie-groups
tensor-algebra
geometric-algebra
clifford-algebras
differentiable-programming
-
Updated
Sep 17, 2020 - Julia
Experimental tensor-typed deep learning
-
Updated
Sep 12, 2019 - Scala
Blitz++ Multi-Dimensional Array Library for C++
hpc
high-performance
vector
array
blitz
template-metaprogramming
numerical-calculations
scientific-computing
tensor
numerics
cpp-library
array-manipulations
partial-evaluators
numerical-computation
multi-dimensional-array
-
Updated
Sep 7, 2020 - C++
vendor independent deep learning library, compiler and inference framework microcomputers and micro-controllers
python
arduino
machine-learning
performance
deep-neural-networks
deep-learning
microcontrollers
neural-network
compiler
raspberrypi
llvm
odroid
tensor
arm64
sparkfun-products
edge-devices
onnx
dnn-compiler
dnnc
inference-framework
-
Updated
Aug 25, 2020 - C++
BryceBeagle
commented
Oct 10, 2018
Numpy has a way to rotate matrices by increments of 90 degrees using their rot90 method that uses transposes and flips.
There is a transpose method for Tensors, but no way of flipping the Tensor that I see.
Is there a way of properly rotating a Tensor/Dense currently, other than through manual iteration over the
Atry
commented
Mar 29, 2018
The Scaladoc should be similar to numpy's API reference
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
deep-learning
assembler
parallel
openmp
jit
simd
matrix-multiplication
high-performance-computing
blas
convolution
tensor
compiler-optimization
gemm
runtime-cpu-detection
-
Updated
Nov 9, 2019 - Nim
My personal reference for Tensorflow
-
Updated
Aug 9, 2017
Tensors and differentiable operations (like TensorFlow) in Rust
-
Updated
Aug 15, 2020 - Rust
Improve this page
Add a description, image, and links to the tensor topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the tensor topic, visit your repo's landing page and select "manage topics."
Compiling against the C++ API on macOS using GCC-9.3, and cmake seems to use a bad flag:
... -fopenmp -D_GLIBCXX_USE_CXX11_ABI= -std=c++14 ...-- note how it "blanks out" the_GLIBCXX_USE_CXX11_ABIvariable. This causes the compiler to fail in the stdlib: