Topic: "pytorch-implementation"
aladdinpersson/Machine-Learning-Collection
A resource for learning about Machine learning & Deep Learning
Language: Python - Size: 118 MB - Last synced at: 27 days ago - Pushed at: 10 months ago - Stars: 8,096 - Forks: 2,759

zyddnys/manga-image-translator
Translate manga/image 一键翻译各类图片内文字 https://cotrans.touhou.ai/
Language: Python - Size: 65.8 MB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 7,841 - Forks: 750

AntixK/PyTorch-VAE
A Collection of Variational Autoencoders (VAE) in PyTorch.
Language: Python - Size: 45.4 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 7,151 - Forks: 1,130

bentrevett/pytorch-seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Language: Jupyter Notebook - Size: 6.02 MB - Last synced at: 26 days ago - Pushed at: over 1 year ago - Stars: 5,564 - Forks: 1,361

christianversloot/machine-learning-articles
🧠💬 Articles I wrote about machine learning, archived from MachineCurve.com.
Size: 77.7 MB - Last synced at: 26 days ago - Pushed at: 12 months ago - Stars: 3,622 - Forks: 768

podgorskiy/ALAE
[CVPR2020] Adversarial Latent Autoencoders
Language: Python - Size: 203 MB - Last synced at: 25 days ago - Pushed at: over 4 years ago - Stars: 3,523 - Forks: 555

chaofengc/IQA-PyTorch
👁️ 🖼️ 🔥PyTorch Toolbox for Image Quality Assessment, including PSNR, SSIM, LPIPS, FID, NIQE, NRQM(Ma), MUSIQ, TOPIQ, NIMA, DBCNN, BRISQUE, PI and more...
Language: Python - Size: 26.2 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 2,554 - Forks: 209

gordicaleksa/pytorch-GAT
My implementation of the original GAT paper (Veličković et al.). I've additionally included the playground.py file for visualizing the Cora dataset, GAT embeddings, an attention mechanism, and entropy histograms. I've supported both Cora (transductive) and PPI (inductive) examples!
Language: Jupyter Notebook - Size: 25.2 MB - Last synced at: 4 days ago - Pushed at: over 2 years ago - Stars: 2,554 - Forks: 338

sthalles/SimCLR
PyTorch implementation of SimCLR: A Simple Framework for Contrastive Learning of Visual Representations
Language: Jupyter Notebook - Size: 80.5 MB - Last synced at: 25 days ago - Pushed at: over 1 year ago - Stars: 2,401 - Forks: 478

sjtuytc/UnboundedNeRFPytorch
State-of-the-art, simple, fast unbounded / large-scale NeRFs.
Language: Python - Size: 79.4 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 1,339 - Forks: 118

MIC-DKFZ/medicaldetectiontoolkit
The Medical Detection Toolkit contains 2D + 3D implementations of prevalent object detectors such as Mask R-CNN, Retina Net, Retina U-Net, as well as a training and inference framework focused on dealing with medical images.
Language: Python - Size: 4.35 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 1,327 - Forks: 294

dailenson/SDT
This repository is the official implementation of Disentangling Writer and Character Styles for Handwriting Generation (CVPR 2023)
Language: Python - Size: 5.04 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1,151 - Forks: 95

bentrevett/pytorch-image-classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Language: Jupyter Notebook - Size: 88.3 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 1,023 - Forks: 253

LibCity/Bigscity-LibCity
LibCity: An Open Library for Urban Spatial-temporal Data Mining
Language: Python - Size: 39.3 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 962 - Forks: 169

piEsposito/blitz-bayesian-deep-learning
A simple and extensible library to create Bayesian Neural Network layers on PyTorch.
Language: Python - Size: 324 KB - Last synced at: 25 days ago - Pushed at: over 1 year ago - Stars: 958 - Forks: 110

hkproj/pytorch-stable-diffusion
Stable Diffusion implemented from scratch in PyTorch
Language: Jupyter Notebook - Size: 1.08 MB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 863 - Forks: 174

zhmiao/OpenLongTailRecognition-OLTR
Pytorch implementation for "Large-Scale Long-Tailed Recognition in an Open World" (CVPR 2019 ORAL)
Language: Python - Size: 2.18 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 862 - Forks: 130

ddlBoJack/emotion2vec
[ACL 2024] Official PyTorch code for extracting features and training downstream models with emotion2vec: Self-Supervised Pre-Training for Speech Emotion Representation
Language: Python - Size: 9.79 MB - Last synced at: 25 days ago - Pushed at: 6 months ago - Stars: 851 - Forks: 61

EvelynFan/FaceFormer
[CVPR 2022] FaceFormer: Speech-Driven 3D Facial Animation with Transformers
Language: Python - Size: 8.6 MB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 847 - Forks: 140

AviSoori1x/makeMoE
From scratch implementation of a sparse mixture of experts language model inspired by Andrej Karpathy's makemore :)
Language: Jupyter Notebook - Size: 6.96 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 686 - Forks: 73

KarhouTam/FL-bench
Benchmark of federated learning. Dedicated to the community. 🤗
Language: Python - Size: 8.55 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 603 - Forks: 100

soobinseo/Transformer-TTS
A Pytorch Implementation of "Neural Speech Synthesis with Transformer Network"
Language: Python - Size: 2.47 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 599 - Forks: 128

miguelvr/dropblock
Implementation of DropBlock: A regularization method for convolutional networks in PyTorch.
Language: Python - Size: 48.8 KB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 596 - Forks: 95

MIC-DKFZ/nnDetection
nnDetection is a self-configuring framework for 3D (volumetric) medical object detection which can be applied to new data sets without manual intervention. It includes guides for 12 data sets that were used to develop and evaluate the performance of the proposed method.
Language: Python - Size: 1.25 MB - Last synced at: 17 days ago - Pushed at: 12 months ago - Stars: 585 - Forks: 107

thohemp/6DRepNet
Official Pytorch implementation of 6DRepNet: 6D Rotation representation for unconstrained head pose estimation.
Language: Python - Size: 102 KB - Last synced at: about 1 month ago - Pushed at: 12 months ago - Stars: 584 - Forks: 84

EricGuo5513/text-to-motion
Official implementation for "Generating Diverse and Natural 3D Human Motions from Texts (CVPR2022)."
Language: Python - Size: 18.3 MB - Last synced at: 6 days ago - Pushed at: 10 months ago - Stars: 583 - Forks: 46

jackaduma/CycleGAN-VC2
Voice Conversion by CycleGAN (语音克隆/语音转换): CycleGAN-VC2
Language: Python - Size: 85 MB - Last synced at: 30 days ago - Pushed at: about 2 years ago - Stars: 558 - Forks: 109

d-li14/mobilenetv3.pytorch
74.3% MobileNetV3-Large and 67.2% MobileNetV3-Small model on ImageNet
Language: Python - Size: 106 MB - Last synced at: 30 days ago - Pushed at: over 2 years ago - Stars: 543 - Forks: 130

liusongxiang/StarGAN-Voice-Conversion
This is a pytorch implementation of the paper: StarGAN-VC: Non-parallel many-to-many voice conversion with star generative adversarial networks
Language: Python - Size: 2.58 MB - Last synced at: 7 months ago - Pushed at: over 5 years ago - Stars: 515 - Forks: 93

HavenFeng/photometric_optimization
Photometric optimization code for creating the FLAME texture space and other applications
Language: Python - Size: 3.36 MB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 490 - Forks: 93

changzy00/pytorch-attention
🦖Pytorch implementation of popular Attention Mechanisms, Vision Transformers, MLP-Like models and CNNs.🔥🔥🔥
Language: Python - Size: 3.5 MB - Last synced at: 8 days ago - Pushed at: over 1 year ago - Stars: 485 - Forks: 46

d-li14/efficientnetv2.pytorch
PyTorch implementation of EfficientNetV2 family
Language: Python - Size: 20.5 KB - Last synced at: 29 days ago - Pushed at: over 3 years ago - Stars: 474 - Forks: 94

changjonathanc/minLoRA
minLoRA: a minimal PyTorch library that allows you to apply LoRA to any PyTorch model.
Language: Jupyter Notebook - Size: 15.6 KB - Last synced at: 10 days ago - Pushed at: about 2 years ago - Stars: 464 - Forks: 30

eagle705/pytorch-bert-crf-ner
KoBERT와 CRF로 만든 한국어 개체명인식기 (BERT+CRF based Named Entity Recognition model for Korean)
Language: Jupyter Notebook - Size: 26.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 460 - Forks: 110

vaibhawvipul/First-steps-towards-Deep-Learning
This is an open sourced book on deep learning.
Language: CSS - Size: 1.65 MB - Last synced at: 4 days ago - Pushed at: over 2 years ago - Stars: 437 - Forks: 71

omerbsezer/Fast-Pytorch 📦
Pytorch Tutorial, Pytorch with Google Colab, Pytorch Implementations: CNN, RNN, DCGAN, Transfer Learning, Chatbot, Pytorch Sample Codes
Language: Jupyter Notebook - Size: 91.4 MB - Last synced at: 3 months ago - Pushed at: about 6 years ago - Stars: 432 - Forks: 101

OutofAi/2D-Gaussian-Splatting
A 2D Gaussian Splatting paper for no obvious reasons. Enjoy!
Language: Jupyter Notebook - Size: 53.7 MB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 427 - Forks: 21

rohan-paul/MachineLearning-DeepLearning-Code-for-my-YouTube-Channel
The full collection of all codes for my Youtube Channel segregated as per topic.
Language: Jupyter Notebook - Size: 144 MB - Last synced at: 30 days ago - Pushed at: over 1 year ago - Stars: 421 - Forks: 202

jhhuang96/ConvLSTM-PyTorch
ConvLSTM/ConvGRU (Encoder-Decoder) with PyTorch on Moving-MNIST
Language: Python - Size: 9.33 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 412 - Forks: 89

jayroxis/PINNs
PyTorch Implementation of Physics-informed Neural Networks
Language: Jupyter Notebook - Size: 1.21 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 409 - Forks: 121

Urinx/alphafold_pytorch
An implementation of the DeepMind's AlphaFold based on PyTorch for research
Language: Python - Size: 19.2 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 395 - Forks: 90

layumi/Seg-Uncertainty
IJCAI2020 & IJCV2021 :city_sunrise: Unsupervised Scene Adaptation with Memory Regularization in vivo
Language: Python - Size: 5.03 MB - Last synced at: 29 days ago - Pushed at: over 1 year ago - Stars: 391 - Forks: 50

huangzh13/StyleGAN.pytorch 📦
A PyTorch implementation for StyleGAN with full features.
Language: Python - Size: 37.2 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 374 - Forks: 75

minar09/cp-vton-plus
Official implementation for "CP-VTON+: Clothing Shape and Texture Preserving Image-Based Virtual Try-On", CVPRW 2020
Language: Python - Size: 419 KB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 372 - Forks: 131

aiff22/PyNET-PyTorch
Generating RGB photos from RAW image files with PyNET (PyTorch)
Language: Python - Size: 34.2 KB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 365 - Forks: 58

barissayil/SentimentAnalysis
Sentiment analysis neural network trained by fine-tuning BERT, ALBERT, or DistilBERT on the Stanford Sentiment Treebank.
Language: Python - Size: 16.6 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 347 - Forks: 46

fh2019ustc/DocTr
The official code for “DocTr: Document Image Transformer for Geometric Unwarping and Illumination Correction”, ACM MM, Oral Paper, 2021.
Language: Python - Size: 50.7 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 340 - Forks: 48

nimarb/pytorch_influence_functions
This is a PyTorch reimplementation of Influence Functions from the ICML2017 best paper: Understanding Black-box Predictions via Influence Functions by Pang Wei Koh and Percy Liang.
Language: Python - Size: 448 KB - Last synced at: 1 day ago - Pushed at: over 1 year ago - Stars: 334 - Forks: 73

mehtadushy/SelecSLS-Pytorch
Reference ImageNet implementation of SelecSLS CNN architecture proposed in the SIGGRAPH 2020 paper "XNect: Real-time Multi-Person 3D Motion Capture with a Single RGB Camera". The repository also includes code for pruning the model based on implicit sparsity emerging from adaptive gradient descent methods, as detailed in the CVPR 2019 paper "On implicit filter level sparsity in Convolutional Neural Networks".
Language: Python - Size: 108 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 331 - Forks: 44

tkat0/PyTorch_BlazeFace
Unofficial PyTorch implementation of BlazeFace
Language: Python - Size: 13.7 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 323 - Forks: 57

dailenson/One-DM
Official Code for ECCV 2024 paper — One-Shot Diffusion Mimicker for Handwritten Text Generation
Language: Python - Size: 4.85 MB - Last synced at: 6 months ago - Pushed at: 8 months ago - Stars: 322 - Forks: 31

z-x-yang/CFBI
The official implementation of CFBI(+): Collaborative Video Object Segmentation by (Multi-scale) Foreground-Background Integration.
Language: Python - Size: 3.78 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 322 - Forks: 44

zhaohengyuan1/PAN
(ECCV2020 Workshops) Efficient Image Super-Resolution Using Pixel Attention.
Language: Python - Size: 412 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 320 - Forks: 35

nikhilbarhate99/Hierarchical-Actor-Critic-HAC-PyTorch
PyTorch implementation of Hierarchical Actor Critic (HAC) for OpenAI gym environments
Language: Python - Size: 1010 KB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 316 - Forks: 55

PengBoXiangShang/multigraph_transformer
IEEE TNNLS 2021, transformer, multi-graph transformer, graph, graph classification, sketch recognition, sketch classification, free-hand sketch, official code of the paper "Multi-Graph Transformer for Free-Hand Sketch Recognition"
Language: Python - Size: 2.36 MB - Last synced at: about 1 month ago - Pushed at: about 4 years ago - Stars: 298 - Forks: 32

theeluwin/pytorch-sgns
Skipgram Negative Sampling implemented in PyTorch
Language: Python - Size: 862 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 298 - Forks: 59

d-li14/octconv.pytorch
PyTorch implementation of Octave Convolution with pre-trained Oct-ResNet and Oct-MobileNet models
Language: Python - Size: 135 KB - Last synced at: 21 days ago - Pushed at: almost 5 years ago - Stars: 294 - Forks: 42

maudzung/RTM3D
Unofficial PyTorch implementation of "RTM3D: Real-time Monocular 3D Detection from Object Keypoints for Autonomous Driving" (ECCV 2020)
Language: Python - Size: 4.71 MB - Last synced at: 2 months ago - Pushed at: almost 5 years ago - Stars: 291 - Forks: 63

ZHKKKe/PixelSSL
A PyTorch-based Semi-Supervised Learning (SSL) Codebase for Pixel-wise (Pixel) Vision Tasks [ECCV 2020]
Language: Python - Size: 314 KB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 290 - Forks: 30

rahulvigneswaran/Lottery-Ticket-Hypothesis-in-Pytorch
This repository contains a Pytorch implementation of the paper "The Lottery Ticket Hypothesis: Finding Sparse, Trainable Neural Networks" by Jonathan Frankle and Michael Carbin that can be easily adapted to any model/dataset.
Language: Python - Size: 26.4 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 289 - Forks: 86

QingyongHu/SpinNet
[CVPR 2021] SpinNet: Learning a General Surface Descriptor for 3D Point Cloud Registration
Language: Python - Size: 10 MB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 288 - Forks: 35

junqiangchen/PytorchDeepLearing
Meidcal Image Segmentation Pytorch Version
Language: Python - Size: 7.91 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 287 - Forks: 45

Lotayou/everybody_dance_now_pytorch
A PyTorch Implementation of "Everybody Dance Now" from Berkeley AI lab.
Language: Python - Size: 23.2 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 279 - Forks: 71

bentrevett/pytorch-rl 📦
Tutorials for reinforcement learning in PyTorch and Gym by implementing a few of the popular algorithms. [IN PROGRESS]
Language: Jupyter Notebook - Size: 55.7 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 277 - Forks: 78

RITCHIEHuang/DeepRL_Algorithms
DeepRL algorithms implementation easy for understanding and reading with Pytorch and Tensorflow 2(DQN, REINFORCE, VPG, A2C, TRPO, PPO, DDPG, TD3, SAC)
Language: Python - Size: 8.22 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 276 - Forks: 71

SanghunYun/UDA_pytorch
UDA(Unsupervised Data Augmentation) implemented by pytorch
Language: Python - Size: 36.6 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 276 - Forks: 60

Luodian/Generalizable-Mixture-of-Experts
GMoE could be the next backbone model for many kinds of generalization task.
Language: Python - Size: 2.04 MB - Last synced at: 28 days ago - Pushed at: over 2 years ago - Stars: 270 - Forks: 35

kushalj001/pytorch-question-answering
Important paper implementations for Question Answering using PyTorch
Language: Jupyter Notebook - Size: 12 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 260 - Forks: 49

jfhealthcare/Chexpert
Top 1 solution of Chexpert
Language: Python - Size: 52.5 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 256 - Forks: 94

IIGROUP/MANIQA
[CVPRW 2022] MANIQA: Multi-dimension Attention Network for No-Reference Image Quality Assessment
Language: Python - Size: 5.5 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 255 - Forks: 32

openclimatefix/skillful_nowcasting
Implementation of DeepMind's Deep Generative Model of Radar (DGMR) https://arxiv.org/abs/2104.00954
Language: Python - Size: 218 KB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 249 - Forks: 61

jxzhanggg/nonparaSeq2seqVC_code
Implementation code of non-parallel sequence-to-sequence VC
Language: Python - Size: 215 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 246 - Forks: 58

otenim/GLCIC-PyTorch
A High-Quality PyTorch Implementation of "Globally and Locally Consistent Image Completion".
Language: Python - Size: 7.2 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 245 - Forks: 43

junyuchen245/ViT-V-Net_for_3D_Image_Registration_Pytorch
Vision Transformer for 3D medical image registration (Pytorch).
Language: Python - Size: 6.12 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 245 - Forks: 36

SangbumChoi/MobileHumanPose
This repo is official PyTorch implementation of MobileHumanPose: Toward real-time 3D human pose estimation in mobile devices(CVPRW 2021).
Language: Python - Size: 28 MB - Last synced at: 3 days ago - Pushed at: about 3 years ago - Stars: 245 - Forks: 28

huangtinglin/NGCF-PyTorch
PyTorch Implementation for Neural Graph Collaborative Filtering
Language: Python - Size: 11.4 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 242 - Forks: 64

AdeelH/pytorch-multi-class-focal-loss
An (unofficial) implementation of Focal Loss, as described in the RetinaNet paper, generalized to the multi-class case.
Language: Python - Size: 27.3 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 235 - Forks: 26

hujinsen/pytorch-StarGAN-VC
Fully reproduce the paper of StarGAN-VC. Stable training and Better audio quality .
Language: Python - Size: 79 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 235 - Forks: 59

ashutosh1919/explainable-cnn
📦 PyTorch based visualization package for generating layer-wise explanations for CNNs.
Language: Python - Size: 3.99 MB - Last synced at: 6 days ago - Pushed at: almost 2 years ago - Stars: 230 - Forks: 34

seopbo/nlp_classification
Implementing nlp papers relevant to classification with PyTorch, gluonnlp
Language: Python - Size: 235 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 230 - Forks: 42

scaleway/frontalization
Pytorch deep learning face frontalization model
Language: Python - Size: 25.6 MB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 219 - Forks: 50

memray/OpenNMT-kpg-release
Keyphrase Generation
Language: Jupyter Notebook - Size: 225 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 215 - Forks: 34

DebeshJha/2020-CBMS-DoubleU-Net
DoubleU-Net for Semantic Image Segmentation in TensorFlow & Pytorch (Nominated for Best Paper Award (IEEE CBMS))
Language: Python - Size: 1.5 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 206 - Forks: 66

JingwenWang95/KinectFusion
KinectFusion implemented in Python with PyTorch
Language: Python - Size: 8.44 MB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 206 - Forks: 23

AndrewAtanov/simclr-pytorch
PyTorch implementation of SimCLR: supports multi-GPU training and closely reproduces results
Language: Jupyter Notebook - Size: 1.76 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 205 - Forks: 40

Ahmednull/L2CS-Net
The official PyTorch implementation of L2CS-Net for gaze estimation and tracking
Language: Python - Size: 38.1 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 205 - Forks: 52

daiquocnguyen/ConvKB
A Novel Embedding Model for Knowledge Base Completion Based on Convolutional Neural Network (NAACL 2018) (Pytorch and Tensorflow)
Language: Python - Size: 63.5 MB - Last synced at: 7 months ago - Pushed at: about 4 years ago - Stars: 204 - Forks: 39

huyanxin/phasen
A unofficial Pytorch implementation of Microsoft's PHASEN
Language: Python - Size: 2.07 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 198 - Forks: 47

Karel911/TRACER
TRACER: Extreme Attention Guided Salient Object Tracing Network (AAAI 2022) implementation in PyTorch
Language: Python - Size: 9.63 MB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 196 - Forks: 41

LiMeng95/MultiPoseNet.pytorch
pytorch implementation of MultiPoseNet (ECCV 2018, Muhammed Kocabas et al.)
Language: Python - Size: 5.69 MB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 196 - Forks: 32

himashi92/VT-UNet
[MICCAI2022] This is an official PyTorch implementation for A Robust Volumetric Transformer for Accurate 3D Tumor Segmentation
Language: Python - Size: 7.89 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 193 - Forks: 30

bat67/pytorch-FCN-easiest-demo
PyTorch Implementation of Fully Convolutional Networks (a very simple and easy demo).
Language: Python - Size: 69.2 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 193 - Forks: 72

csinva/gan-vae-pretrained-pytorch
Pretrained GANs + VAEs + classifiers for MNIST/CIFAR in pytorch.
Language: Jupyter Notebook - Size: 98.4 MB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 192 - Forks: 49

amaralibey/MixVPR
MixVPR: Feature Mixing for Visual Place Recognition (WACV 2023)
Language: Python - Size: 1.04 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 191 - Forks: 22

autonise/CRAFT-Remade
Implementation of CRAFT Text Detection
Language: Python - Size: 2.66 MB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 191 - Forks: 49

alison-carrera/onn
Online Deep Learning: Learning Deep Neural Networks on the Fly / Non-linear Contextual Bandit Algorithm (ONN_THS)
Language: Python - Size: 66.4 KB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 186 - Forks: 46

haowei01/pytorch-examples
train models in pytorch, Learn to Rank, Collaborative Filter, Heterogeneous Treatment Effect, Uplift Modeling, etc
Language: Python - Size: 222 KB - Last synced at: 10 days ago - Pushed at: 4 months ago - Stars: 182 - Forks: 20

bentrevett/pytorch-pos-tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Language: Jupyter Notebook - Size: 176 KB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 179 - Forks: 27

zzh-tech/BiT
[CVPR2023] Blur Interpolation Transformer for Real-World Motion from Blur
Language: Python - Size: 114 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 177 - Forks: 8

chibohe/text_recognition_toolbox
text_recognition_toolbox: The reimplementation of a series of classical scene text recognition papers with Pytorch in a uniform way.
Language: Python - Size: 1.37 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 176 - Forks: 39
