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

GitHub topics: vectorized-computation

awesome-simd/awesome-simd

A curated list of awesome SIMD frameworks, libraries and software

Size: 64.5 KB - Last synced at: 30 days ago - Pushed at: 9 months ago - Stars: 181 - Forks: 16

google-research/batch-ppo

Efficient Batched Reinforcement Learning in TensorFlow

Language: Python - Size: 147 KB - Last synced at: 16 days ago - Pushed at: over 6 years ago - Stars: 967 - Forks: 147

piotte13/SIMD-Visualiser

A tool to graphically visualize SIMD code

Language: JavaScript - Size: 28.4 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 677 - Forks: 43

KuiBaDB/KuiBaDB

Another OLAP database

Language: Rust - Size: 632 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 318 - Forks: 22

bedbad/justpyplot

Plot in NumPy arrays directly, overlay NumPy plots straight over video real-time, plot in Jupyter without a single loop

Language: Python - Size: 30.4 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 68 - Forks: 4

evarga/mpi-primer

This is a teaching material aimed to demonstrate the powerfulness of the SPMD paradigm with MPI.

Language: Python - Size: 107 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

ciusji/sql_vectorization_compilation

Collection of experiments to carve out the differences between two types of relational query processing engines: Vectorizing (interpretation based) engines and compiling engines.

Language: C++ - Size: 461 KB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 1

Samxx97/Fuzzy-Clustering

An Implementation of fuzzy clustering algorithms in Numpy

Language: Python - Size: 170 KB - Last synced at: 7 days ago - Pushed at: almost 4 years ago - Stars: 6 - Forks: 0

peferragut/image-processing-mc920

For the UNICAMP's discipline of Introduction to Digital Image Processing

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

kmario23/PyTorch-Padawan

Exercises, Descriptions, and Visualizations to build intuitions and confidence in working with PyTorch for accelerated Scientific Computing

Language: Jupyter Notebook - Size: 455 KB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 1

sahmad98/vstring

Vectroized String Helper Functions

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

prabhupavitra/NumPy-Guide-for-Data-Science

A Hands-On NumPy Tutorial for Data Scientists

Language: Jupyter Notebook - Size: 117 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 1

harmim/vut-avs-labs

Architektury výpočetních systémů - Cvičení

Language: C++ - Size: 3.63 MB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

koeppl/packed_string

String functions using word-packing

Language: C++ - Size: 153 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 0

a-poliakov/discords_discovery

Поиск диссонансов временного ряда

Language: C++ - Size: 134 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

givens/array_tools

Matlab Array Tools

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

geoye/fast_boltzmann

Fast computation of the Boltzmann Entropy of a numerical or nominal 2-D data array.

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

nopperl/vectorized-image-binarization

Vectorized implementation of the image binarization algorithm of Su et al. (2010)

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

mhaseebtariq/doppel-speller

An ML+NLP solution for linking misspelled titles with the true titles

Language: Python - Size: 2.86 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 0

OEmiliatanO/matrix_multiplication_comparison

Matrix multiplication speed comparison

Language: C++ - Size: 61.3 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

anilsathyan7/ConvAcc

Accelerating convolution using numba, cupy and xnor in python

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

sugatagh/Implementing-Logistic-Regression-from-Scratch

While it is convenient to use advanced libraries for day-to-day modeling, it does not give insight into the details of what really happens underneath, when we run the codes. In this work, we implement a logistic regression model manually from scratch, without using any advanced library, to understand how it works.

Language: Jupyter Notebook - Size: 571 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

rashidch/Machine-Learning-with-Andrew-Ng-on-Coursera

This repository shows code of programming tasks which I completed during Machine Learning course on Coursera.

Language: Matlab - Size: 20.9 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0

xkrejc70/mit-AVS-project1

AVS - Computation Systems Architectures - Project: Sequence code optimization (vectorization)

Language: C++ - Size: 25.3 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

tugrul512bit/oofrng

Thomas Wang's random number generation function implicitly parallelized & pipelined at speed of 0.6 cycles per 32bit integer.

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

harmim/vut-avs-project1

Architektury výpočetních systémů - Projekt - Optimalizace sekvenčního kódu

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

xstupi00/Artificial-neural-network

Computation Systems Architectures - Project - Sequence code optimization

Language: C++ - Size: 10.8 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

ayushsharma-crypto/Bias-Variance-Tradeoff

A python code for demonstration of Bias-Variance TradeOff concept in Machine Learning

Language: Jupyter Notebook - Size: 341 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Victor-Martinez-Pozos/Display-Controler-LIBtft144 Fork of BLavery/LIBtft144

In this repo I improve the performance of the LIBtft144 controller using numpy and vector operations, and use it to show in real-time the image stream from my raspberry-pi camera on a SPI 144 display

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

Jeffresh/Gradient-descent-feature-scaling

A way to speed up gradient descent is having each feature in the same range.

Language: MATLAB - Size: 26.4 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

TSunny007/CS231n

Deep Learning for Computer Vision at Stanford University

Language: Jupyter Notebook - Size: 153 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

tanmayv25/Machine-Learning-Coursera

This repository includes my solutions to the Machine Learning Assignments offered on coursera.

Language: Matlab - Size: 20.3 MB - Last synced at: 9 days ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

Related Keywords
vectorized-computation 32 machine-learning 5 python 5 numpy 5 openmp 5 vectorization 4 vut-fit 4 parallel-computing 4 simd 3 matlab 3 vut 3 python3 3 avs 3 machine-learning-algorithms 2 distributed-computing 2 hdf5 2 neuronal-network 2 papi 2 numba 2 data-science 2 deep-learning 2 string 2 intrinsics 2 avx2 2 quality-assessment 1 landscape-ecology 1 entropy 1 boltzmann 1 thermodynamic 1 image-binarization 1 containerisation 1 docker 1 fast-jaccard 1 jaccard 1 levenshtein 1 vec 1 unpad-array 1 demo 1 circular-shift 1 xeon-phi 1 openmp-parallelization 1 discords-discovery 1 c 1 processor-architecture 1 sorting 1 numpy-tutorial 1 jupyter-notebook 1 fancyindexing 1 aggregations 1 transaction 1 misspelled 1 binary-classification 1 gradient-descent-algorithm 1 logistic-regression 1 regularization 1 anomaly-detection 1 recommender-system 1 supervised-machine-learning 1 unsupervised-learning 1 fast 1 random-number-generators 1 bias-variance 1 bias-variance-tradeoff 1 ml 1 raspberry-pi 1 feature-scaling 1 gradient-descent 1 computer-vision 1 nearest-matches 1 nlp 1 sparse-matrix-multiplication 1 vectorized-levenshtein 1 matrix 1 matrix-multiplication 1 binary-convolutions 1 bitpacking 1 convolution2d 1 cuda 1 cupy 1 fast-convolutions 1 im2col 1 parallelization 1 popcount 1 python-cuda 1 xnor-convolutions 1 transactions 1 matplotlib-figures 1 matplotlib-python 1 plot 1 plot-in-numpy 1 plotting 1 plotting-directly-numpy 1 plotting-in-numpy 1 plotting-in-python 1 vectorized 1 vectorized-solutions 1 animated-gif 1 argument-parsing 1 dynamic-scheduling 1 educational-project 1