Awesome Open Source
Search
Programming Languages
Languages
All Categories
Categories
About
Search results for network pytorch
network
x
pytorch
x
738 search results found
Pytorch
⭐
74,794
Tensors and Dynamic neural networks in Python with strong GPU acceleration
Pytorch Tutorial
⭐
27,137
PyTorch Tutorial for Deep Learning Researchers
The Incredible Pytorch
⭐
10,557
The Incredible PyTorch: a curated list of tutorials, papers, projects, communities and more relating to PyTorch.
Pytorch Tutorial
⭐
7,372
Build your neural network easy and fast, 莫烦Python中文教学
Machine Learning Collection
⭐
6,173
A resource for learning about Machine learning & Deep Learning
Deep Learning V2 Pytorch
⭐
4,973
Projects and exercises for the latest Deep Learning ND program https://www.udacity.com/course/deep-learning-nanod
Topdeeplearning
⭐
4,901
A list of popular github projects related to deep learning
Pytorch Examples
⭐
4,170
Simple examples to introduce PyTorch
D2l Pytorch
⭐
3,933
This project reproduces the book Dive Into Deep Learning (https://d2l.ai/), adapting the code from MXNet into PyTorch.
Pytorch Cifar100
⭐
3,687
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet, WideResNet)
Stargan V2
⭐
3,185
StarGAN v2 - Official PyTorch Implementation (CVPR 2020)
Practicalai Cn
⭐
3,150
AI实战-practicalAI 中文版
Pygcn
⭐
2,952
Graph Convolutional Networks in PyTorch
Flownet2 Pytorch
⭐
2,912
Pytorch implementation of FlowNet 2.0: Evolution of Optical Flow Estimation with Deep Networks
Siamese Triplet
⭐
2,853
Siamese and triplet networks with online pair/triplet mining in PyTorch
Deep Learning Book
⭐
2,650
Repository for "Introduction to Artificial Neural Networks and Deep Learning: A Practical Guide with Applications in Python"
Pytorch_geometric_temporal
⭐
2,386
PyTorch Geometric Temporal: Spatiotemporal Signal Processing with Neural Machine Learning Models (CIKM 2021)
Awesome Network Embedding
⭐
2,218
A curated list of network embedding techniques.
Muzero General
⭐
2,203
MuZero
Awesome Pruning
⭐
2,091
A curated list of neural network pruning resources.
Pytorch Networks
⭐
1,740
Pytorch implementation of cnn network
Deblurgan
⭐
1,657
Image Deblurring using Generative Adversarial Networks
Byol Pytorch
⭐
1,630
Usable Implementation of "Bootstrap Your Own Latent" self-supervised learning, from Deepmind, in Pytorch
Andrew Ng Notes
⭐
1,367
This is Andrew NG Coursera Handwritten Notes.
Torchstat
⭐
1,340
Model analyzer in PyTorch
Rcan
⭐
1,252
PyTorch code for our ECCV 2018 paper "Image Super-Resolution Using Very Deep Residual Channel Attention Networks"
Meshcnn
⭐
1,211
Convolutional Neural Network for 3D meshes in PyTorch
Capsgnn
⭐
1,180
A PyTorch implementation of "Capsule Graph Neural Network" (ICLR 2019).
Cnnimageretrieval Pytorch
⭐
1,174
CNN Image Retrieval in PyTorch: Training and evaluating CNNs for Image Retrieval in PyTorch
Nlp Paper
⭐
1,070
自然语言处理领域下的相关论文(附阅读笔记),复现模型以及数据处理等(代码含TensorFlow和Py
Unet Family
⭐
1,029
Paper and implementation of UNet-related model.
Psmnet
⭐
1,007
Pyramid Stereo Matching Network (CVPR2018)
Rethinking Network Pruning
⭐
997
Rethinking the Value of Network Pruning (Pytorch) (ICLR 2019)
Cv Pretrained Model
⭐
991
A collection of computer vision pre-trained models.
Grokking Pytorch
⭐
969
The Hitchiker's Guide to PyTorch
Alfred
⭐
900
alfred-py: A deep learning utility library for **human**, more detail about the usage of lib to: https://zhuanlan.zhihu.com/p/341446046
Nnaudio
⭐
882
Audio processing by using pytorch 1D convolution network
Gans
⭐
776
Generative Adversarial Networks implemented in PyTorch and Tensorflow
Flownetpytorch
⭐
773
Pytorch implementation of FlowNet by Dosovitskiy et al.
Relational Networks
⭐
746
Pytorch implementation of "A simple neural network module for relational reasoning" (Relational Networks)
Flashtorch
⭐
712
Visualization toolkit for neural networks in PyTorch! Demo -->
Awesome_deep_learning_interpretability
⭐
699
深度学习近年来关于神经网络模型解释性的相关高引用/顶会论文(附带代码)
Graph_transformer_networks
⭐
694
Graph Transformer Networks (Authors' PyTorch implementation for the NeurIPS 19 paper)
Capsule Network Tutorial
⭐
678
Pytorch easy-to-follow Capsule Network tutorial
Facial Similarity With Siamese Networks In Pytorch
⭐
620
Implementing Siamese networks with a contrastive loss for similarity learning
Gnns For Nlp
⭐
619
Tutorial: Graph Neural Networks for Natural Language Processing at EMNLP 2019 and CODS-COMAD 2020
All About The Gan
⭐
602
All About the GANs(Generative Adversarial Networks) - Summarized lists for GAN
Bittensor
⭐
596
Internet-scale Neural Networks
Pytorch Cnn Finetune
⭐
580
Fine-tune pretrained Convolutional Neural Networks with PyTorch
Norse
⭐
580
Deep learning with spiking neural networks (SNNs) in PyTorch.
Cifar Zoo
⭐
575
PyTorch implementation of CNNs for CIFAR benchmark
Semseg
⭐
527
常用的语义分割架构结构综述以及代码复现
Prototypical Networks
⭐
524
Code for the NIPS 2017 Paper "Prototypical Networks for Few-shot Learning"
Octaveconv_pytorch
⭐
520
Pytorch implementation of newly added convolution
Tps_stn_pytorch
⭐
510
PyTorch implementation of Spatial Transformer Network (STN) with Thin Plate Spline (TPS)
Graphwaveletneuralnetwork
⭐
501
A PyTorch implementation of "Graph Wavelet Neural Network" (ICLR 2019)
Ternausnetv2
⭐
500
TernausNetV2: Fully Convolutional Network for Instance Segmentation
Network Slimming
⭐
499
Network Slimming (Pytorch) (ICCV 2017)
Neural Backed Decision Trees
⭐
445
Making decision trees competitive with neural networks on CIFAR10, CIFAR100, TinyImagenet200, Imagenet
Lednet
⭐
425
LEDNet: A Lightweight Encoder-Decoder Network for Real-time Semantic Segmentation
Rexnet
⭐
416
Official Pytorch implementation of ReXNet (Rank eXpansion Network) with pretrained models
Dropblock
⭐
408
Implementation of DropBlock: A regularization method for convolutional networks in PyTorch.
Pytorch Ntm
⭐
398
Neural Turing Machines (NTM) - PyTorch Implementation
Pytorch Neat
⭐
387
Netdissect
⭐
381
Network Dissection http://netdissect.csail.mit.edu for quantifying interpretability of deep CNNs.
Pspnet Pytorch
⭐
377
PyTorch implementation of PSPNet segmentation network
Awesome Gcn
⭐
377
resources for graph convolutional networks (图卷积神经网络相关资源)
Espnetv2
⭐
375
A light-weight, power efficient, and general purpose convolutional neural network
Real Time Network
⭐
374
real-time network architecture for mobile devices and semantic segmentation
Recurrent Visual Attention
⭐
367
A PyTorch Implementation of "Recurrent Models of Visual Attention"
Cspn
⭐
367
Convolutional Spatial Propagation Network
Fcn Pytorch
⭐
366
🚘 Easiest Fully Convolutional Networks
Pywick
⭐
361
High-level batteries-included neural network training library for Pytorch
Dl_pytorch
⭐
361
Code for the Deep Learning with PyTorch lesson
Cavaface
⭐
359
🍻 🚀 🌆 face recognition training project(pytorch)
Bag_of_tricks_for_image_classification_with_convolutional_neural_networks
⭐
352
experiments on Paper <Bag of Tricks for Image Classification with Convolutional Neural Networks> and other useful tricks to improve CNN acc
Awesome Denoise
⭐
350
One-paper-one-short-contribution-summary of all latest image/burst/video Denoising papers with code & citation published in top conference and journal.
Srgan Pytorch
⭐
343
A simple and complete implementation of super-resolution paper.
Edgenets
⭐
340
This repository contains the source code of our work on designing efficient CNNs for computer vision
Slimming
⭐
337
Learning Efficient Convolutional Networks through Network Slimming, In ICCV 2017.
Machine Learning Is All You Need
⭐
337
🔥🌟《Machine Learning 格物志》: ML + DL + RL basic codes and notes by sklearn, PyTorch, TensorFlow, Keras & the most important, from scratch!💪 This repository is ALL You Need!
Pytorch Slimming
⭐
328
Learning Efficient Convolutional Networks through Network Slimming, In ICCV 2017.
Rezero
⭐
326
Official PyTorch Repo for "ReZero is All You Need: Fast Convergence at Large Depth"
How To Read Pytorch
⭐
325
Quick, visual, principled introduction to pytorch code through five colab notebooks.
Inpainting_gmcnn
⭐
324
Image Inpainting via Generative Multi-column Convolutional Neural Networks, NeurIPS2018
Optnet
⭐
321
OptNet: Differentiable Optimization as a Layer in Neural Networks
San
⭐
318
Second-order Attention Network for Single Image Super-resolution (CVPR-2019)
Glasses
⭐
311
High-quality Neural Networks for Computer Vision 😎
Hyperspectral Classification
⭐
309
Hyperspectral-Classification Pytorch
Text Classification Models Pytorch
⭐
309
Implementation of State-of-the-art Text Classification Models in Pytorch
Siamese Pytorch
⭐
308
这是一个孪生神经网络(Siamese network)的库,可进行图片的相似性比较。
Densenet Pytorch
⭐
306
A PyTorch Implementation for Densely Connected Convolutional Networks (DenseNets)
Pytorch Mini Tutorials
⭐
305
Minimal tutorials for PyTorch
Ggnn.pytorch
⭐
302
A PyTorch Implementation of Gated Graph Sequence Neural Networks (GGNN)
Dann
⭐
295
pytorch implementation of Domain-Adversarial Training of Neural Networks
Yolov3 Network Slimming
⭐
294
yolov3 network slimming剪枝的一种实现
Snn_toolbox
⭐
293
Toolbox for converting analog to spiking neural networks (ANN to SNN), and running them in a spiking neuron simulator.
Ffa Net
⭐
286
FFA-Net: Feature Fusion Attention Network for Single Image Dehazing
Pose Residual Network Pytorch
⭐
282
Code for the Pose Residual Network introduced in 'MultiPoseNet: Fast Multi-Person Pose Estimation using Pose Residual Network' paper https://arxiv.org/abs/1807.04067
C3dpo_nrsfm
⭐
279
C3DPO - Canonical 3D Pose Networks for Non-rigid Structure From Motion.
Related Searches
Python Pytorch (15,943)
Python Network (11,547)
Deep Learning Pytorch (7,533)
Python Neural Network (7,064)
Jupyter Notebook Pytorch (4,892)
Jupyter Notebook Network (3,562)
Deep Learning Network (3,467)
Javascript Network (3,112)
Machine Learning Pytorch (2,934)
C Plus Plus Network (2,127)
1-100 of 738 search results
Next >
Privacy
|
About
|
Terms
|
Follow Us On Twitter
Copyright 2018-2025 Awesome Open Source. All rights reserved.