aqeelanwar / conv_layers_animation
Animation of standard and transposed convolutional layers
☆37Updated 2 years ago
Alternatives and similar repositories for conv_layers_animation:
Users that are interested in conv_layers_animation are comparing it to the libraries listed below
- a mini Deep Learning framework supporting GPU accelerations written with CUDA☆32Updated 4 years ago
- TensorFlow port of PyTorch Image Models (timm) - image models with pretrained weights.☆286Updated 4 months ago
- A library that contains a rich collection of performant PyTorch model metrics, a simple interface to create new metrics, a toolkit to fac…☆225Updated 3 weeks ago
- Revisions and implementations of modern Convolutional Neural Networks architectures in TensorFlow and Keras☆345Updated 2 years ago
- Implementation of the generalized 2D convolution with dilation from scratch in Python and NumPy☆53Updated 4 years ago
- My repo for training neural nets using pytorch-lightning and hydra☆215Updated 6 months ago
- Context Manager to profile the forward and backward times of PyTorch's nn.Module☆84Updated last year
- DiffQ performs differentiable quantization using pseudo quantization noise. It can automatically tune the number of bits used per weight …☆235Updated last year
- torchview: visualize pytorch models☆864Updated last week
- Just some miscellaneous utility functions / decorators / modules related to Pytorch and Accelerate to help speed up implementation of new…☆120Updated 6 months ago
- graftr: an interactive shell to view and edit PyTorch checkpoints.☆111Updated 4 years ago
- PyTorch 101 series covering everything from the basic building blocks all the way to building custom architectures.☆256Updated 4 years ago
- A Numpy implementation of a Convolutional Neural Network: slow & fast (im2col/col2im).☆54Updated last year
- torch::deploy (multipy for non-torch uses) is a system that lets you get around the GIL problem by running multiple Python interpreters i…☆178Updated last month
- Estimate/count FLOPS for a given neural network using pytorch☆303Updated 2 years ago
- A simple program to calculate and visualize the FLOPs and Parameters of Pytorch models, with handy CLI and easy-to-use Python API.☆125Updated 2 months ago
- High-quality Neural Networks for Computer Vision 😎☆443Updated 2 years ago
- A library to inspect and extract intermediate layers of PyTorch models.☆471Updated 2 years ago
- Original transformer paper: Implementation of Vaswani, Ashish, et al. "Attention is all you need." Advances in neural information process…☆231Updated 9 months ago
- Scailable ONNX python tools☆95Updated 3 months ago
- Simple Byte pair Encoding mechanism used for tokenization process . written purely in C☆123Updated 2 months ago
- Accelerate PyTorch models with ONNX Runtime☆358Updated 5 months ago
- Code release for "Dropout Reduces Underfitting"☆311Updated last year
- Implementation of the Adan (ADAptive Nesterov momentum algorithm) Optimizer in Pytorch☆251Updated 2 years ago
- SpinalNet: Deep Neural Network with Gradual Input☆171Updated 7 months ago
- Framework for writing deep learning training loops. Lightweight, and retaining full freedom to design as you see fits. It handles checkpo…☆107Updated 10 months ago
- Provides symbolic API for model creation in PyTorch.☆63Updated 4 months ago
- Documentation for Ross Wightman's timm image model library☆300Updated 9 months ago
- Escaping the Big Data Paradigm with Compact Transformers, 2021 (Train your Vision Transformers in 30 mins on CIFAR-10 with a single GPU!)☆510Updated 3 months ago
- Collection of PyTorch Lightning implementations of Generative Adversarial Network varieties presented in research papers.☆166Updated 2 years ago