All Projects → Deformable Kernels → Similar Projects or Alternatives

695 Open source projects that are alternatives of or similar to Deformable Kernels

3dunderworld Sls Gpu cpu
A structured light scanner
Stars: ✭ 157 (-5.42%)
Mutual labels:  cuda
Redis Operator
Redis operator build a Highly Available Redis cluster with Sentinel atop Kubernetes
Stars: ✭ 125 (-24.7%)
Mutual labels:  operator
Remotery
Single C file, Realtime CPU/GPU Profiler with Remote Web Viewer
Stars: ✭ 1,908 (+1049.4%)
Mutual labels:  cuda
Vim Operator Surround
Vim operator mapping to enclose text objects with surrounds like paren, quote and so on.
Stars: ✭ 124 (-25.3%)
Mutual labels:  operator
Multi Gpu Programming Models
Examples demonstrating available options to program multiple GPUs in a single node or a cluster
Stars: ✭ 165 (-0.6%)
Mutual labels:  cuda
Pcl
PyTorch code for "Prototypical Contrastive Learning of Unsupervised Representations"
Stars: ✭ 124 (-25.3%)
Mutual labels:  representation-learning
Attribute Aware Attention
[ACM MM 2018] Attribute-Aware Attention Model for Fine-grained Representation Learning
Stars: ✭ 143 (-13.86%)
Mutual labels:  representation-learning
Onemkl
oneAPI Math Kernel Library (oneMKL) Interfaces
Stars: ✭ 122 (-26.51%)
Mutual labels:  cuda
Cumf als
CUDA Matrix Factorization Library with Alternating Least Square (ALS)
Stars: ✭ 154 (-7.23%)
Mutual labels:  cuda
Gontroller
Go library to create resilient feedback loop/control controllers.
Stars: ✭ 121 (-27.11%)
Mutual labels:  operator
Redis Operator
Redis Operator creates/configures/manages Redis clusters atop Kubernetes
Stars: ✭ 142 (-14.46%)
Mutual labels:  operator
Knn cuda
Fast K-Nearest Neighbor search with GPU
Stars: ✭ 119 (-28.31%)
Mutual labels:  cuda
Sporco
Sparse Optimisation Research Code
Stars: ✭ 164 (-1.2%)
Mutual labels:  cuda
Etcd Operator
etcd operator creates/configures/manages etcd clusters atop Kubernetes
Stars: ✭ 1,579 (+851.2%)
Mutual labels:  operator
Ctranslate2
Fast inference engine for OpenNMT models
Stars: ✭ 140 (-15.66%)
Mutual labels:  cuda
Mtensor
A C++ Cuda Tensor Lazy Computing Library
Stars: ✭ 115 (-30.72%)
Mutual labels:  cuda
Dsmnet
Domain-invariant Stereo Matching Networks
Stars: ✭ 153 (-7.83%)
Mutual labels:  cuda
Pytorch spn
Extension package for spatial propagation network in pytorch.
Stars: ✭ 114 (-31.33%)
Mutual labels:  cuda
Autoregressive Predictive Coding
Autoregressive Predictive Coding: An unsupervised autoregressive model for speech representation learning
Stars: ✭ 138 (-16.87%)
Mutual labels:  representation-learning
Tensorflow Object Detection Tutorial
The purpose of this tutorial is to learn how to install and prepare TensorFlow framework to train your own convolutional neural network object detection classifier for multiple objects, starting from scratch
Stars: ✭ 113 (-31.93%)
Mutual labels:  cuda
Primitiv
A Neural Network Toolkit.
Stars: ✭ 164 (-1.2%)
Mutual labels:  cuda
Sigver wiwd
Learned representation for Offline Handwritten Signature Verification. Models and code to extract features from signature images.
Stars: ✭ 112 (-32.53%)
Mutual labels:  representation-learning
Spanet
Spatial Attentive Single-Image Deraining with a High Quality Real Rain Dataset (CVPR'19)
Stars: ✭ 136 (-18.07%)
Mutual labels:  cuda
Futhark
💥💻💥 A data-parallel functional programming language
Stars: ✭ 1,641 (+888.55%)
Mutual labels:  cuda
Argocd Operator
A Kubernetes operator for managing Argo CD clusters.
Stars: ✭ 151 (-9.04%)
Mutual labels:  operator
Cuhe
CUDA Homomorphic Encryption Library
Stars: ✭ 109 (-34.34%)
Mutual labels:  cuda
Partial Order Pruning
Partial Order Pruning: for Best Speed/Accuracy Trade-off in Neural Architecture Search
Stars: ✭ 135 (-18.67%)
Mutual labels:  cuda
Torch Mesh Isect
Stars: ✭ 107 (-35.54%)
Mutual labels:  cuda
Nats Streaming Operator
NATS Streaming Operator
Stars: ✭ 167 (+0.6%)
Mutual labels:  operator
Dace
DaCe - Data Centric Parallel Programming
Stars: ✭ 106 (-36.14%)
Mutual labels:  cuda
Role2vec
A scalable Gensim implementation of "Learning Role-based Graph Embeddings" (IJCAI 2018).
Stars: ✭ 134 (-19.28%)
Mutual labels:  representation-learning
Cuda Winograd
Fast CUDA Kernels for ResNet Inference.
Stars: ✭ 104 (-37.35%)
Mutual labels:  cuda
Jetson
Helmut Hoffer von Ankershoffen experimenting with arm64 based NVIDIA Jetson (Nano and AGX Xavier) edge devices running Kubernetes (K8s) for machine learning (ML) including Jupyter Notebooks, TensorFlow Training and TensorFlow Serving using CUDA for smart IoT.
Stars: ✭ 151 (-9.04%)
Mutual labels:  cuda
Sert
Semantic Entity Retrieval Toolkit
Stars: ✭ 100 (-39.76%)
Mutual labels:  representation-learning
Postgres Operator
Postgres operator creates and manages PostgreSQL clusters running in Kubernetes
Stars: ✭ 2,194 (+1221.69%)
Mutual labels:  operator
Deepnet
Deep.Net machine learning framework for F#
Stars: ✭ 99 (-40.36%)
Mutual labels:  cuda
Console
Management UI for MinIO and MinIO operator
Stars: ✭ 159 (-4.22%)
Mutual labels:  operator
Extending Jax
Extending JAX with custom C++ and CUDA code
Stars: ✭ 98 (-40.96%)
Mutual labels:  cuda
Alma
ALgoloid with MAcros -- a language with Algol-family syntax where macros take center stage
Stars: ✭ 132 (-20.48%)
Mutual labels:  operator
Pynvvl
A Python wrapper of NVIDIA Video Loader (NVVL) with CuPy for fast video loading with Python
Stars: ✭ 95 (-42.77%)
Mutual labels:  cuda
Lantern
Stars: ✭ 150 (-9.64%)
Mutual labels:  cuda
Fbtt Embedding
This is a Tensor Train based compression library to compress sparse embedding tables used in large-scale machine learning models such as recommendation and natural language processing. We showed this library can reduce the total model size by up to 100x in Facebook’s open sourced DLRM model while achieving same model quality. Our implementation is faster than the state-of-the-art implementations. Existing the state-of-the-art library also decompresses the whole embedding tables on the fly therefore they do not provide memory reduction during runtime of the training. Our library decompresses only the requested rows therefore can provide 10,000 times memory footprint reduction per embedding table. The library also includes a software cache to store a portion of the entries in the table in decompressed format for faster lookup and process.
Stars: ✭ 92 (-44.58%)
Mutual labels:  cuda
Libcudacxx
The C++ Standard Library for your entire system.
Stars: ✭ 1,861 (+1021.08%)
Mutual labels:  cuda
Numer
Numeric Erlang - vector and matrix operations with CUDA. Heavily inspired by Pteracuda - https://github.com/kevsmith/pteracuda
Stars: ✭ 91 (-45.18%)
Mutual labels:  cuda
Jcuda
JCuda - Java bindings for CUDA
Stars: ✭ 165 (-0.6%)
Mutual labels:  cuda
Elasticfusion
Real-time dense visual SLAM system
Stars: ✭ 1,298 (+681.93%)
Mutual labels:  cuda
Eunomia
A GitOps Operator for Kubernetes
Stars: ✭ 130 (-21.69%)
Mutual labels:  operator
Aurora
Minimal Deep Learning library is written in Python/Cython/C++ and Numpy/CUDA/cuDNN.
Stars: ✭ 90 (-45.78%)
Mutual labels:  cuda
Ginkgo
Numerical linear algebra software package
Stars: ✭ 149 (-10.24%)
Mutual labels:  cuda
Halloc
A fast and highly scalable GPU dynamic memory allocator
Stars: ✭ 89 (-46.39%)
Mutual labels:  cuda
Hyte
EMNLP 2018: HyTE: Hyperplane-based Temporally aware Knowledge Graph Embedding
Stars: ✭ 130 (-21.69%)
Mutual labels:  representation-learning
Deep Learning With Cats
Deep learning with cats (^._.^)
Stars: ✭ 1,290 (+677.11%)
Mutual labels:  cuda
Clojurecuda
Clojure library for CUDA development
Stars: ✭ 158 (-4.82%)
Mutual labels:  cuda
Agency
Execution primitives for C++
Stars: ✭ 127 (-23.49%)
Mutual labels:  cuda
Harbor Operator
Kubernetes operator for Harbor service components
Stars: ✭ 130 (-21.69%)
Mutual labels:  operator
Floor
A C++ Compute/Graphics Library and Toolchain enabling same-source CUDA/Host/Metal/OpenCL/Vulkan C++ programming and execution.
Stars: ✭ 166 (+0%)
Mutual labels:  cuda
Quda
QUDA is a library for performing calculations in lattice QCD on GPUs.
Stars: ✭ 166 (+0%)
Mutual labels:  cuda
Opencuda
Stars: ✭ 164 (-1.2%)
Mutual labels:  cuda
Xmrminer
🐜 A CUDA based miner for Monero
Stars: ✭ 158 (-4.82%)
Mutual labels:  cuda
Optical Flow Filter
A real time optical flow algorithm implemented on GPU
Stars: ✭ 146 (-12.05%)
Mutual labels:  cuda
61-120 of 695 similar projects