All Projects → Monet → Similar Projects or Alternatives

535 Open source projects that are alternatives of or similar to Monet

Faceswap
Deepfakes Software For All
Stars: ✭ 39,911 (+31575.4%)
Mutual labels:  deep-neural-networks
360sd Net
Pytorch implementation of ICRA 2020 paper "360° Stereo Depth Estimation with Learnable Cost Volume"
Stars: ✭ 94 (-25.4%)
Mutual labels:  deep-neural-networks
Deephyper
DeepHyper: Scalable Asynchronous Neural Architecture and Hyperparameter Search for Deep Neural Networks
Stars: ✭ 117 (-7.14%)
Mutual labels:  deep-neural-networks
Learn Ml Basics
A collection of resources that should help and guide your first steps as you learn ML and DL. I am a beginner as well, and these are the resources I found most useful.
Stars: ✭ 93 (-26.19%)
Mutual labels:  deep-neural-networks
Neural Doodle
Turn your two-bit doodles into fine artworks with deep neural networks, generate seamless textures from photos, transfer style from one image to another, perform example-based upscaling, but wait... there's more! (An implementation of Semantic Style Transfer.)
Stars: ✭ 9,680 (+7582.54%)
Mutual labels:  deep-neural-networks
Bert As Service
Mapping a variable-length sentence to a fixed-length vector using BERT model
Stars: ✭ 9,779 (+7661.11%)
Mutual labels:  deep-neural-networks
Perceptualsimilarity
LPIPS metric. pip install lpips
Stars: ✭ 2,037 (+1516.67%)
Mutual labels:  deep-neural-networks
Deep Dream In Pytorch
Pytorch implementation of the DeepDream computer vision algorithm
Stars: ✭ 90 (-28.57%)
Mutual labels:  deep-neural-networks
Video2description
Video to Text: Generates description in natural language for given video (Video Captioning)
Stars: ✭ 107 (-15.08%)
Mutual labels:  deep-neural-networks
Facial Expression Recognition
💡My Solution to Facial Emotion Recognization in Kaggle competition
Stars: ✭ 88 (-30.16%)
Mutual labels:  deep-neural-networks
Niftynet
[unmaintained] An open-source convolutional neural networks platform for research in medical image analysis and image-guided therapy
Stars: ✭ 1,276 (+912.7%)
Mutual labels:  deep-neural-networks
Ssd Pytorch
SSD: Single Shot MultiBox Detector pytorch implementation focusing on simplicity
Stars: ✭ 107 (-15.08%)
Mutual labels:  deep-neural-networks
Keras Kaldi
Keras Interface for Kaldi ASR
Stars: ✭ 124 (-1.59%)
Mutual labels:  deep-neural-networks
X Ray Classification
X-ray Images (Chest images) analysis and anomaly detection using Transfer learning with inception v2
Stars: ✭ 83 (-34.13%)
Mutual labels:  deep-neural-networks
Jlm
A fast LSTM Language Model for large vocabulary language like Japanese and Chinese
Stars: ✭ 105 (-16.67%)
Mutual labels:  deep-neural-networks
Forge
A neural network toolkit for Metal
Stars: ✭ 1,242 (+885.71%)
Mutual labels:  deep-neural-networks
Tfg Voice Conversion
Deep Learning-based Voice Conversion system
Stars: ✭ 115 (-8.73%)
Mutual labels:  deep-neural-networks
Adn
ADN: Artifact Disentanglement Network for Unsupervised Metal Artifact Reduction
Stars: ✭ 81 (-35.71%)
Mutual labels:  deep-neural-networks
Faceaging By Cyclegan
Stars: ✭ 105 (-16.67%)
Mutual labels:  deep-neural-networks
Torch Encoding Layer
Deep Texture Encoding Network
Stars: ✭ 80 (-36.51%)
Mutual labels:  deep-neural-networks
Trainer Mac
Trains a model, then generates a complete Xcode project that uses it - no code necessary
Stars: ✭ 122 (-3.17%)
Mutual labels:  deep-neural-networks
Sdtw pytorch
Implementation of soft dynamic time warping in pytorch
Stars: ✭ 79 (-37.3%)
Mutual labels:  deep-neural-networks
Intro To Deep Learning
A collection of materials to help you learn about deep learning
Stars: ✭ 103 (-18.25%)
Mutual labels:  deep-neural-networks
Anrl
ANRL: Attributed Network Representation Learning via Deep Neural Networks(IJCAI-2018)
Stars: ✭ 77 (-38.89%)
Mutual labels:  deep-neural-networks
Machine Learning Demystified
A weekly workshop series at ITP to teach machine learning with a focus on deep learning
Stars: ✭ 114 (-9.52%)
Mutual labels:  deep-neural-networks
Deepsequenceclassification
Deep neural network based model for sequence to sequence classification
Stars: ✭ 76 (-39.68%)
Mutual labels:  deep-neural-networks
Crfasrnn pytorch
CRF-RNN PyTorch version http://crfasrnn.torr.vision
Stars: ✭ 102 (-19.05%)
Mutual labels:  deep-neural-networks
Dann
Deep Neural Network Sandbox for JavaScript.
Stars: ✭ 75 (-40.48%)
Mutual labels:  deep-neural-networks
Echo
Python package containing all custom layers used in Neural Networks (Compatible with PyTorch, TensorFlow and MegEngine)
Stars: ✭ 126 (+0%)
Mutual labels:  deep-neural-networks
Caffe2
Caffe2 is a lightweight, modular, and scalable deep learning framework.
Stars: ✭ 8,409 (+6573.81%)
Mutual labels:  deep-neural-networks
Sdr Densenet Pytorch
Stochastic Delta Rule implemented in Pytorch on DenseNet
Stars: ✭ 102 (-19.05%)
Mutual labels:  deep-neural-networks
Fake news detection deep learning
Fake News Detection using Deep Learning models in Tensorflow
Stars: ✭ 74 (-41.27%)
Mutual labels:  deep-neural-networks
Deepcpg
Deep neural networks for predicting CpG methylation
Stars: ✭ 113 (-10.32%)
Mutual labels:  deep-neural-networks
Sarcasm Detection
Detecting Sarcasm on Twitter using both traditonal machine learning and deep learning techniques.
Stars: ✭ 73 (-42.06%)
Mutual labels:  deep-neural-networks
Androidtensorflowmachinelearningexample
Android TensorFlow MachineLearning Example (Building TensorFlow for Android)
Stars: ✭ 1,369 (+986.51%)
Mutual labels:  deep-neural-networks
Rnn Trajmodel
The source of the IJCAI2017 paper "Modeling Trajectory with Recurrent Neural Networks"
Stars: ✭ 72 (-42.86%)
Mutual labels:  deep-neural-networks
Nlp Pretrained Model
A collection of Natural language processing pre-trained models.
Stars: ✭ 122 (-3.17%)
Mutual labels:  deep-neural-networks
Noreward Rl
[ICML 2017] TensorFlow code for Curiosity-driven Exploration for Deep Reinforcement Learning
Stars: ✭ 1,176 (+833.33%)
Mutual labels:  deep-neural-networks
Mxnet Finetuner
An all-in-one Deep Learning toolkit for image classification to fine-tuning pretrained models using MXNet.
Stars: ✭ 100 (-20.63%)
Mutual labels:  deep-neural-networks
Cs231n
My Solution to Assignments of CS231n in Winter2016
Stars: ✭ 71 (-43.65%)
Mutual labels:  deep-neural-networks
Tf2
An Open Source Deep Learning Inference Engine Based on FPGA
Stars: ✭ 113 (-10.32%)
Mutual labels:  dnn
Blinkdl
A minimalist deep learning library in Javascript using WebGL + asm.js. Run convolutional neural network in your browser.
Stars: ✭ 69 (-45.24%)
Mutual labels:  deep-neural-networks
2sxc
DNN + 2sxc = #DNNCMS - This tool helps web designers and developers prepare great looking content in DNN (DotNetNuke). It's like mixing DNN with Umbraco and Drupal :)
Stars: ✭ 98 (-22.22%)
Mutual labels:  dnn
Deeplearning4j
All DeepLearning4j projects go here.
Stars: ✭ 68 (-46.03%)
Mutual labels:  deep-neural-networks
Hyperdensenet
This repository contains the code of HyperDenseNet, a hyper-densely connected CNN to segment medical images in multi-modal image scenarios.
Stars: ✭ 124 (-1.59%)
Mutual labels:  deep-neural-networks
Satellite Image Deep Learning
Resources for deep learning with satellite & aerial imagery
Stars: ✭ 1,141 (+805.56%)
Mutual labels:  deep-neural-networks
Mad Twinnet
The code for the MaD TwinNet. Demo page:
Stars: ✭ 99 (-21.43%)
Mutual labels:  deep-neural-networks
Pytorch Filterresponsenormalizationlayer
PyTorch implementation of "Filter Response Normalization Layer: Eliminating Batch Dependence in the Training of Deep Neural Networks"
Stars: ✭ 68 (-46.03%)
Mutual labels:  deep-neural-networks
Robust Lane Detection
Stars: ✭ 110 (-12.7%)
Mutual labels:  deep-neural-networks
Pytorch Attention Guided Cyclegan
Pytorch implementation of Unsupervised Attention-guided Image-to-Image Translation.
Stars: ✭ 67 (-46.83%)
Mutual labels:  deep-neural-networks
Neuronblocks
NLP DNN Toolkit - Building Your NLP DNN Models Like Playing Lego
Stars: ✭ 1,356 (+976.19%)
Mutual labels:  dnn
Deep demosaick
Iterative Residual Network for Deep Joint Image Demosaicking and Denoising
Stars: ✭ 66 (-47.62%)
Mutual labels:  deep-neural-networks
Mgan
Masking GAN - Image attribute mask generation
Stars: ✭ 120 (-4.76%)
Mutual labels:  deep-neural-networks
Gcommandspytorch
ConvNets for Audio Recognition using Google Commands Dataset
Stars: ✭ 65 (-48.41%)
Mutual labels:  deep-neural-networks
Torch Dreams
Making neural networks more interpretable, for research and art 🔎 💻 :brain: 🎨
Stars: ✭ 102 (-19.05%)
Mutual labels:  deep-neural-networks
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-23.02%)
Mutual labels:  deep-neural-networks
Grenade
Deep Learning in Haskell
Stars: ✭ 1,338 (+961.9%)
Mutual labels:  deep-neural-networks
Har Keras Cnn
Human Activity Recognition (HAR) with 1D Convolutional Neural Network in Python and Keras
Stars: ✭ 97 (-23.02%)
Mutual labels:  deep-neural-networks
Dnnweaver2
Open Source Specialized Computing Stack for Accelerating Deep Neural Networks.
Stars: ✭ 125 (-0.79%)
Mutual labels:  deep-neural-networks
100 Days Of Nlp
Stars: ✭ 125 (-0.79%)
Mutual labels:  deep-neural-networks
61-120 of 535 similar projects