Awesome Open Source
Search
Programming Languages
Languages
All Categories
Categories
About
Search results for pytorch gradient
gradient
x
pytorch
x
100 search results found
Pytorch Cnn Visualizations
⭐
6,883
Pytorch implementation of convolutional neural network visualization techniques
Pytorch Optimizer
⭐
2,882
torch-optimizer -- collection of optimizers for Pytorch
Biggan Pytorch
⭐
2,356
The author's officially unofficial PyTorch BigGAN implementation.
Rlpyt
⭐
1,709
Reinforcement Learning in PyTorch
Functorch
⭐
1,403
functorch is JAX-like composable function transforms for PyTorch.
Sam
⭐
1,261
SAM: Sharpness-Aware Minimization (PyTorch)
Dcnv2
⭐
1,131
Deformable Convolutional Networks v2 with Pytorch
Densenet.pytorch
⭐
632
A PyTorch implementation of DenseNet.
Ghm_detection
⭐
512
The implementation of “Gradient Harmonized Single-stage Detector” published on AAAI 2019.
Backpack
⭐
504
BackPACK - a backpropagation package built on top of PyTorch which efficiently computes quantities other than the gradient.
Grad Cam Pytorch
⭐
438
PyTorch implementation of Grad-CAM, vanilla/guided backpropagation, deconvnet, and occlusion sensitivity maps
Entmax
⭐
378
The entmax mapping and its loss, a family of sparse softmax alternatives.
Yellowfin_pytorch
⭐
293
auto-tuning momentum SGD optimizer
Pytorch Es
⭐
293
Evolution Strategies in PyTorch
Pytorch Cnn Adversarial Attacks
⭐
272
Pytorch implementation of convolutional neural network adversarial attack techniques
Greedy_infomax
⭐
272
Code for the paper: Putting An End to End-to-End: Gradient-Isolated Learning of Representations
Vit Explain
⭐
260
Explainability for Vision Transformers
Multihopkg
⭐
252
Multi-hop knowledge graph reasoning learned via policy gradient with reward shaping and action dropout
Pytorch_misc
⭐
241
Code snippets created for the PyTorch discussion board
Pytorch Maddpg
⭐
231
A pytorch implementation of MADDPG (multi-agent deep deterministic policy gradient)
Torch Dreams
⭐
229
Flexible Feature visualization on PyTorch, for research and art 🔎 💻 🧠 🎨
Mirror
⭐
221
Visualisation tool for CNNs in pytorch
Pytorch Lesson Zh
⭐
214
pytorch 包教不包会
Pytorch Ddpg
⭐
207
Implementation of the Deep Deterministic Policy Gradient (DDPG) using PyTorch
Mcan Vqa
⭐
181
Deep Modular Co-Attention Networks for Visual Question Answering
Spinning Up Basic
⭐
164
Basic versions of agents from Spinning Up in Deep RL written in PyTorch
Pytorch_workplace
⭐
153
Random miniprojects with pytorch.
Pix2latent
⭐
149
Code for: Transforming and Projecting Images into Class-conditional Generative Networks
Adatune
⭐
144
Gradient based Hyperparameter Tuning library in PyTorch
Storchastic
⭐
143
Stochastic Automatic Differentiation library for PyTorch.
Dlg
⭐
141
[NeurIPS 2019] Deep Leakage From Gradients
Stochastic_gradient_push
⭐
141
Stochastic Gradient Push for Distributed Deep Learning
Elasticdeform
⭐
141
Differentiable elastic deformations for N-dimensional images (Python, SciPy, NumPy, TensorFlow, PyTorch).
Path_explain
⭐
134
A repository for explaining feature attributions and feature interactions in deep neural networks.
Pytorch Examples
⭐
123
train models in pytorch, Learn to Rank, Collaborative Filter, Heterogeneous Treatment Effect, Uplift Modeling, etc
Visual Attribution
⭐
117
Pytorch Implementation of recent visual attribution methods for model interpretability
D4pg Pytorch
⭐
116
PyTorch implementation of Distributed Distributional Deterministic Policy Gradients
Noisynaturalgradient
⭐
115
Pytorch Implementation of paper "Noisy Natural Gradient as Variational Inference"
Gradcam.pytorch
⭐
113
Pytorch Implementation of Visual Explanations from Deep Networks via Gradient-based Localization
Scorch
⭐
104
scorch is a deep learning framework in Scala inspired by PyTorch
Pytorch_tutorial
⭐
103
Quick PyTorch introduction and tutorial. Targets computer vision, graphics and machine learning researchers eager to try a new framework.
Gradcam_plus_plus Pytorch
⭐
102
A Simple pytorch implementation of GradCAM and GradCAM++
Dni.pytorch
⭐
102
Implement Decoupled Neural Interfaces using Synthetic Gradients in Pytorch
Wgan Gp
⭐
98
Pytorch implementation of Wasserstein GANs with Gradient Penalty
Runai
⭐
91
Run:AI Python library
Tensorgrad
⭐
90
Differentiable Programming Tensor Networks
Reinforcement_learning
⭐
89
강화학습에 대한 기본적인 알고리즘 구현
Psgd_torch
⭐
86
Pytorch implementation of preconditioned stochastic gradient descent (affine group preconditioner, low-rank approximation preconditioner and more)
Nas With Code
⭐
72
Neural Architecture Search (NAS) papers with code
Rl Workshop
⭐
69
Reinforcement Learning Workshop for Data Science BKK
Pytorch Lightning Snippets
⭐
62
A collection of code snippets for my PyTorch Lightning projects
Hydra
⭐
62
Multi-Task Learning Framework on PyTorch. State-of-the-art methods are implemented to effectively train models on multiple tasks.
Entropy Sgd
⭐
61
Lua implementation of Entropy-SGD
Lola_dice
⭐
61
Pytorch implementation of LOLA (https://arxiv.org/abs/1709.04326) using DiCE (https://arxiv.org/abs/1802.05098)
Pathnet Pytorch
⭐
60
PyTorch implementation of PathNet: Evolution Channels Gradient Descent in Super Neural Networks
Pytorch Complex Tensor
⭐
55
Unofficial complex tensor and scalar support for Pytorch
Pytorch Pcgrad
⭐
53
Pytorch reimplementation for "Gradient Surgery for Multi-Task Learning"
Pytorch Sqrtm
⭐
49
Matrix square root with gradient support for PyTorch
Berkeleydeeprlcourse Homework Pytorch
⭐
49
Assignments for CS294-112 Fall2018 in Pytorch
Neural Net Optimization
⭐
49
PyTorch implementations of recent optimization algorithms for deep learning.
Memory Efficient Maml
⭐
48
Memory efficient MAML using gradient checkpointing
Torch_cg
⭐
48
Preconditioned Conjugate Gradient in Pytorch
Mixed Precision Pytorch
⭐
46
Training with FP16 weights in PyTorch
Pytorch Word2vec
⭐
40
Grasp
⭐
40
Code for "Picking Winning Tickets Before Training by Preserving Gradient Flow" https://openreview.net/pdf?id=SkgsACVKPH
How_to_write_cuda_extensions_in_pytorch
⭐
39
How to write cuda kernels or c functions in pytorch, especially for former caffe users.
Parle
⭐
38
Proxprop
⭐
35
Proximal Backpropagation - a neural network training algorithm that takes implicit instead of explicit gradient steps
Policy Gradient Methods
⭐
35
Implementation of Algorithms from the Policy Gradient Family. Currently includes: A2C, A3C, DDPG, TD3, SAC
Xdream
⭐
34
gradient-free act max for visual neurons
Regan
⭐
32
ReGAN: Sequence GAN using RE[INFORCE|LAX|BAR] based PG estimators
Pyrl
⭐
29
PyRL - Reinforcement Learning Framework in Pytorch (Policy Gradient, DQN, DDPG, TD3, PPO, SAC, etc.)
Fast Individual Gradients With Autodiff
⭐
26
Deform_conv3d_pytorch_op
⭐
25
An Operation for 3D Deformable Convolution in Pytorch 0.3
Gradient_starvation
⭐
24
Gradient Starvation: A Learning Proclivity in Neural Networks
Pytorch Pl Variance Reduction
⭐
24
Low-variance Black-box Gradient Estimates for the Plackett-Luce Distribution, AAAI 2020 and NeurIPS 2019 Bayesian Deep Learning Workshop
Ddpg Pytorch
⭐
21
Deep Deterministic Policy Gradient implemented in PyTorch for DeepMind Control Suite
Gradient Boosted Normalizing Flows
⭐
21
We got a stew going!
Gradcam
⭐
20
A PyTorch implementation of Grad-CAM based on ICCV 2017 paper "Grad-CAM: Visual Explanations from Deep Networks via Gradient-based Localization"
Grad Cnns
⭐
19
Code and manuscript for "Efficient Per-Example Gradient Computations in Convolutional Neural Networks"
Adaptive_gd
⭐
19
Adaptive gradient descent without descent
Gradflow Check
⭐
18
Check gradient flow in Pytorch
Learning To Learn By Pytorch
⭐
18
A simple re-implementation for "Learning to learn by gradient descent by gradient descent "by PyTorch
Pytorch Rdpg
⭐
18
PyTorch Implementation of the RDPG (Recurrent Deterministic Policy Gradient)
Gbml
⭐
17
A collection of Gradient-Based Meta-Learning Algorithms with pytorch
Proxgradpytorch
⭐
15
PyTorch implementation of Proximal Gradient Algorithms a la Parikh and Boyd (2014). Useful for Auto-Sizing (Murray and Chiang 2015, Murray et al. 2019).
Policy Gradient Methods
⭐
15
Modular PyTorch implementation of policy gradient methods
Gee
⭐
14
Pytorch implementation of GEE: A Gradient-based Explainable Variational Autoencoder for Network Anomaly Detection
Autograd Lib
⭐
14
Learning To Learn By Gradient Descent By Gradient Descent
⭐
14
Pytorch version of NIPS'16 "Learning to learn by gradient descent by gradient descent"
Torch Reparametrised Mixture Distribution
⭐
14
PyTorch implementation of the mixture distribution family with implicit reparametrisation gradients.
Pytorch_ps_mpi
⭐
12
PyTorch parameter server with MPI
Cfg Gan
⭐
12
CFG-GAN: Composite functional gradient learning of generative adversarial models
Actor Critic Pytorch
⭐
12
Policy Gradient Actor-Critic PyTorch | Lunar Lander v2
Cgds Package
⭐
12
Package for CGD and ACGD optimizers
Pytorch Es Tic Tac Toe
⭐
11
Evolution Strategies in PyTorch (Tic-tac-toe)
Novograd Pytorch
⭐
11
pytorch implement of NovoGrad Optimizer
Count Sketch Optimizers
⭐
10
A compressed adaptive optimizer for training large-scale deep learning models using PyTorch
Dgs
⭐
10
Dual-way gradient sparsification approach for async DNN training, based on PyTorch.
Torchhalp
⭐
10
Related Searches
Python Pytorch (15,943)
Deep Learning Pytorch (7,533)
Jupyter Notebook Pytorch (4,892)
Machine Learning Pytorch (2,934)
Dataset Pytorch (1,848)
Pytorch Convolutional Neural Networks (1,777)
Pytorch Neural Network (1,631)
Python Gradient (1,485)
Pytorch Natural Language Processing (1,408)
Pytorch Computer Vision (1,230)
1-100 of 100 search results
Privacy
|
About
|
Terms
|
Follow Us On Twitter
Copyright 2018-2025 Awesome Open Source. All rights reserved.