All Projects → Torchfusion → Similar Projects or Alternatives

826 Open source projects that are alternatives of or similar to Torchfusion

Pro gan pytorch Examples
Examples trained using the python pytorch package pro-gan-pth
Stars: ✭ 39 (-84.02%)
Niftynet
[unmaintained] An open-source convolutional neural networks platform for research in medical image analysis and image-guided therapy
Stars: ✭ 1,276 (+422.95%)
Fashion Mnist
A MNIST-like fashion product database. Benchmark 👇
Stars: ✭ 9,675 (+3865.16%)
Tensorflow Srgan
Tensorflow implementation of "Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network" (Ledig et al. 2017)
Stars: ✭ 33 (-86.48%)
T81 558 deep learning
Washington University (in St. Louis) Course T81-558: Applications of Deep Neural Networks
Stars: ✭ 4,152 (+1601.64%)
Iseebetter
iSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press
Stars: ✭ 202 (-17.21%)
Neuralnetworkpostprocessing
Unity Post Processing with Convolution Neural Network
Stars: ✭ 81 (-66.8%)
Deblurgan
Image Deblurring using Generative Adversarial Networks
Stars: ✭ 2,033 (+733.2%)
Cyclegan Qp
Official PyTorch implementation of "Artist Style Transfer Via Quadratic Potential"
Stars: ✭ 59 (-75.82%)
Pytorch Srgan
A modern PyTorch implementation of SRGAN
Stars: ✭ 289 (+18.44%)
Zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
Stars: ✭ 3,307 (+1255.33%)
Dped
Software and pre-trained models for automatic photo quality enhancement using Deep Convolutional Networks
Stars: ✭ 1,315 (+438.93%)
Deep learning projects
Stars: ✭ 28 (-88.52%)
Exermote
Using Machine Learning to predict the type of exercise from movement data
Stars: ✭ 108 (-55.74%)
Machine Learning Is All You Need
🔥🌟《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!
Stars: ✭ 173 (-29.1%)
Artgan
ArtGAN: This work presents a series of new approaches to improve Generative Adversarial Network (GAN) for conditional image synthesis and we name the proposed model as “ArtGAN”. Implementations are in Caffe/Tensorflow.
Stars: ✭ 210 (-13.93%)
Mutual labels:  gan
Gan steerability
On the "steerability" of generative adversarial networks
Stars: ✭ 225 (-7.79%)
Mutual labels:  gan
Cnn From Scratch
A scratch implementation of Convolutional Neural Network in Python using only numpy and validated over CIFAR-10 & MNIST Dataset
Stars: ✭ 210 (-13.93%)
Paddlegan
PaddlePaddle GAN library, including lots of interesting applications like First-Order motion transfer, wav2lip, picture repair, image editing, photo2cartoon, image style transfer, and so on.
Stars: ✭ 4,987 (+1943.85%)
Mutual labels:  gan
Super Slomo
PyTorch implementation of Super SloMo by Jiang et al.
Stars: ✭ 2,714 (+1012.3%)
Master Thesis Bayesiancnn
Master Thesis on Bayesian Convolutional Neural Network using Variational Inference
Stars: ✭ 222 (-9.02%)
Mobilenet V2
A Complete and Simple Implementation of MobileNet-V2 in PyTorch
Stars: ✭ 206 (-15.57%)
Pix2vox
Sketch-Based 3D Exploration with Stacked Generative Adversarial Networks
Stars: ✭ 206 (-15.57%)
Mutual labels:  gan
Nlpgnn
1. Use BERT, ALBERT and GPT2 as tensorflow2.0's layer. 2. Implement GCN, GAN, GIN and GraphSAGE based on message passing.
Stars: ✭ 221 (-9.43%)
Mutual labels:  gan
Deep Mri Reconstruction
Deep Cascade of Convolutional Neural Networks for MR Image Reconstruction: Implementation & Demo
Stars: ✭ 204 (-16.39%)
Singan
Pytorch implementation of "SinGAN: Learning a Generative Model from a Single Natural Image"
Stars: ✭ 204 (-16.39%)
Mutual labels:  gan
Im2latex Tensorflow
Tensorflow implementation of the HarvardNLP paper - What You Get Is What You See: A Visual Markup Decompiler (https://arxiv.org/pdf/1609.04938v1.pdf)
Stars: ✭ 207 (-15.16%)
Srgan
Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network
Stars: ✭ 2,641 (+982.38%)
Mutual labels:  gan
Gan Sandbox
Vanilla GAN implemented on top of keras/tensorflow enabling rapid experimentation & research. Branches correspond to implementations of stable GAN variations (i.e. ACGan, InfoGAN) and other promising variations of GANs like conditional and Wasserstein.
Stars: ✭ 210 (-13.93%)
Mutual labels:  gan
Gif
GIF is a photorealistic generative face model with explicit 3D geometric and photometric control.
Stars: ✭ 233 (-4.51%)
Mutual labels:  gan
Style transfer
CNN image style transfer 🎨.
Stars: ✭ 210 (-13.93%)
Triplet Attention
Official PyTorch Implementation for "Rotate to Attend: Convolutional Triplet Attention Module." [WACV 2021]
Stars: ✭ 222 (-9.02%)
Metalimage
MetalImage is more faster and powerful than opengles for iOS. It is very similar to GPUImage framework, but perform a better 3D rendering and multithreads computing abilities.
Stars: ✭ 207 (-15.16%)
Adgan
The Implementation of paper "Controllable Person Image Synthesis with Attribute-Decomposed GAN"
Stars: ✭ 239 (-2.05%)
Mutual labels:  gan
Caffe Deepbinarycode
Supervised Semantics-preserving Deep Hashing (TPAMI18)
Stars: ✭ 206 (-15.57%)
Xsum
Topic-Aware Convolutional Neural Networks for Extreme Summarization
Stars: ✭ 221 (-9.43%)
Graph Cnn In 3d Point Cloud Classification
Code for A GRAPH-CNN FOR 3D POINT CLOUD CLASSIFICATION (ICASSP 2018)
Stars: ✭ 206 (-15.57%)
Nn
🧑‍🏫 50! Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
Stars: ✭ 5,720 (+2244.26%)
Mutual labels:  gan
Neurite
Neural networks toolbox focused on medical image analysis
Stars: ✭ 203 (-16.8%)
Retrieval 2017 Cam
Class-Weighted Convolutional Features for Image Retrieval (BMVC 2017)
Stars: ✭ 219 (-10.25%)
Image Super Resolution
🔎 Super-scale your images and run experiments with Residual Dense and Adversarial Networks.
Stars: ✭ 3,293 (+1249.59%)
Papers
Summaries of machine learning papers
Stars: ✭ 2,362 (+868.03%)
Mutual labels:  gan
Mead Baseline
Deep-Learning Model Exploration and Development for NLP
Stars: ✭ 238 (-2.46%)
Tensorflow 101
TensorFlow Tutorials
Stars: ✭ 2,565 (+951.23%)
Deep Alignment Network A Convolutional Neural Network For Robust Face Alignment
This is a Tensorflow implementations of paper "Deep Alignment Network: A convolutional neural network for robust face alignment".
Stars: ✭ 219 (-10.25%)
Triple Gan
See Triple-GAN-V2 in PyTorch: https://github.com/taufikxu/Triple-GAN
Stars: ✭ 203 (-16.8%)
Mutual labels:  gan
Cnn Relation Extraction
Tensorflow Implementation of Convolutional Neural Network for Relation Extraction (COLING 2014, NAACL 2015)
Stars: ✭ 203 (-16.8%)
Anogan Tf
Unofficial Tensorflow Implementation of AnoGAN (Anomaly GAN)
Stars: ✭ 218 (-10.66%)
Mutual labels:  gan
Swapnet
Virtual Clothing Try-on with Deep Learning. PyTorch reproduction of SwapNet by Raj et al. 2018. Now with Docker support!
Stars: ✭ 202 (-17.21%)
Mutual labels:  gan
Pyconv
Pyramidal Convolution: Rethinking Convolutional Neural Networks for Visual Recognition (https://arxiv.org/pdf/2006.11538.pdf)
Stars: ✭ 231 (-5.33%)
3dmmasstn
MatConvNet implementation for incorporating a 3D Morphable Model (3DMM) into a Spatial Transformer Network (STN)
Stars: ✭ 218 (-10.66%)
Cyclegan Music Style Transfer
Symbolic Music Genre Transfer with CycleGAN
Stars: ✭ 201 (-17.62%)
Mutual labels:  gan
Image To 3d Bbox
Build a CNN network to predict 3D bounding box of car from 2D image.
Stars: ✭ 200 (-18.03%)
Grad cam plus plus
A generalized gradient-based CNN visualization technique
Stars: ✭ 216 (-11.48%)
Traffic Sign Detection
Traffic Sign Detection. Code for the paper entitled "Evaluation of deep neural networks for traffic sign detection systems".
Stars: ✭ 200 (-18.03%)
Mman
( ECCV2018 ) Macro-Micro Adversarial Network for Human Parsing
Stars: ✭ 200 (-18.03%)
Mutual labels:  gan
Cnn Text Classification Tf Chinese
CNN for Chinese Text Classification in Tensorflow
Stars: ✭ 237 (-2.87%)
Gan Discussions
GAN讨论群讨论汇总的地方
Stars: ✭ 228 (-6.56%)
Mutual labels:  gan
Warpgan
(CVPR 2019 Oral) Style Transfer with Geometric Deformation
Stars: ✭ 215 (-11.89%)
Mutual labels:  gan
Cnn 3d Images Tensorflow
3D image classification using CNN (Convolutional Neural Network)
Stars: ✭ 199 (-18.44%)
1-60 of 826 similar projects