All Projects → yoyoyo-yo → Deeplearningmugenknock

yoyoyo-yo / Deeplearningmugenknock

Licence: mit
でぃーぷらーにんぐを無限にやってディープラーニングでDeepLearningするための実装CheatSheet

Projects that are alternatives of or similar to Deeplearningmugenknock

Gan Tutorial
Simple Implementation of many GAN models with PyTorch.
Stars: ✭ 227 (-66.81%)
Mutual labels:  jupyter-notebook, dcgan, wgan, wgan-gp
Ganotebooks
wgan, wgan2(improved, gp), infogan, and dcgan implementation in lasagne, keras, pytorch
Stars: ✭ 1,446 (+111.4%)
Mutual labels:  jupyter-notebook, dcgan, wgan, wgan-gp
Generative-Model
Repository for implementation of generative models with Tensorflow 1.x
Stars: ✭ 66 (-90.35%)
Mutual labels:  dcgan, vae, wgan, wgan-gp
Text summurization abstractive methods
Multiple implementations for abstractive text summurization , using google colab
Stars: ✭ 359 (-47.51%)
Mutual labels:  jupyter-notebook, deeplearning, seq2seq, machinelearning
Fun-with-MNIST
Playing with MNIST. Machine Learning. Generative Models.
Stars: ✭ 23 (-96.64%)
Mutual labels:  vae, wgan, wgan-gp
Deep Learning With Tensorflow Book
深度学习入门开源书,基于TensorFlow 2.0案例实战。Open source Deep Learning book, based on TensorFlow 2.0 framework.
Stars: ✭ 12,105 (+1669.74%)
Mutual labels:  jupyter-notebook, deeplearning, machinelearning
Generative Models
Annotated, understandable, and visually interpretable PyTorch implementations of: VAE, BIRVAE, NSGAN, MMGAN, WGAN, WGANGP, LSGAN, DRAGAN, BEGAN, RaGAN, InfoGAN, fGAN, FisherGAN
Stars: ✭ 438 (-35.96%)
Mutual labels:  jupyter-notebook, vae, wgan
generative deep learning
Generative Deep Learning Sessions led by Anugraha Sinha (Machine Learning Tokyo)
Stars: ✭ 24 (-96.49%)
Mutual labels:  vae, wgan, wgan-gp
Pytorch-Basic-GANs
Simple Pytorch implementations of most used Generative Adversarial Network (GAN) varieties.
Stars: ✭ 101 (-85.23%)
Mutual labels:  dcgan, wgan, wgan-gp
Tensorwatch
Debugging, monitoring and visualization for Python Machine Learning and Data Science
Stars: ✭ 3,191 (+366.52%)
Mutual labels:  jupyter-notebook, deeplearning, machinelearning
Deeplearning
深度学习入门教程, 优秀文章, Deep Learning Tutorial
Stars: ✭ 6,783 (+891.67%)
Mutual labels:  jupyter-notebook, deeplearning, machinelearning
All4nlp
All For NLP, especially Chinese.
Stars: ✭ 141 (-79.39%)
Mutual labels:  jupyter-notebook, deeplearning, machinelearning
Generative adversarial networks 101
Keras implementations of Generative Adversarial Networks. GANs, DCGAN, CGAN, CCGAN, WGAN and LSGAN models with MNIST and CIFAR-10 datasets.
Stars: ✭ 138 (-79.82%)
Mutual labels:  jupyter-notebook, dcgan, wgan
Deep Learning With Python
Example projects I completed to understand Deep Learning techniques with Tensorflow. Please note that I do no longer maintain this repository.
Stars: ✭ 134 (-80.41%)
Mutual labels:  jupyter-notebook, vae, dcgan
Dcgan Lsgan Wgan Gp Dragan Tensorflow 2
DCGAN LSGAN WGAN-GP DRAGAN Tensorflow 2
Stars: ✭ 373 (-45.47%)
Mutual labels:  dcgan, wgan, wgan-gp
Monk v1
Monk is a low code Deep Learning tool and a unified wrapper for Computer Vision.
Stars: ✭ 480 (-29.82%)
Mutual labels:  jupyter-notebook, deeplearning, machinelearning
Ai Series
📚 [.md & .ipynb] Series of Artificial Intelligence & Deep Learning, including Mathematics Fundamentals, Python Practices, NLP Application, etc. 💫 人工智能与深度学习实战,数理统计篇 | 机器学习篇 | 深度学习篇 | 自然语言处理篇 | 工具实践 Scikit & Tensoflow & PyTorch 篇 | 行业应用 & 课程笔记
Stars: ✭ 702 (+2.63%)
Mutual labels:  jupyter-notebook, deeplearning, machinelearning
Algorithmmap
建立你的算法地图:如何高效学习算法;算法工程师:从小白到专家
Stars: ✭ 47 (-93.13%)
Mutual labels:  jupyter-notebook, deeplearning, machinelearning
Tf.gans Comparison
Implementations of (theoretical) generative adversarial networks and comparison without cherry-picking
Stars: ✭ 477 (-30.26%)
Mutual labels:  dcgan, wgan, wgan-gp
Tensorflow Generative Model Collections
Collection of generative models in Tensorflow
Stars: ✭ 3,785 (+453.36%)
Mutual labels:  vae, wgan, wgan-gp

ディープラーニング∞CheatSheet

DeepLearningの実装Tips (WiP) たぶんしばらくモチベないので更新しません

ノック作るのが大変になってきたのでTips集に変更しました

  • 【注意】このページを利用して、または関して生じた事に関しては、私は一切責任を負いません。 すべて 自己責任 でお願い致します。
  • あくまで個人の趣味で作成しているものです PRは受け付けてますが、実装の依頼などは一切受け付けていませんので、そこをご理解頂けた方のみご利用下さい

Related

  • Study-AI株式会社様 http://kentei.ai/ のAI実装検定のシラバスに使用していただくことになりました!(画像処理100本ノックも)Study-AI株式会社様ではAIスキルを学ぶためのコンテンツを作成されています! 検定も実施されてるので、興味ある方はぜひ受けることをお勧めします!

  • 画像処理100本ノック!! https://github.com/yoyoyo-yo/Gasyori100knock)

Codes

Model

Method Code
VGG 16, 19 pytorch 2014
GoogLeNet-v1 pytorch
ResNet pytorch 2015
ResNeXt pytorch 2016
Xception pytorch 2016
DenseNet121, 169, 201, 264 pytorch 2016
MobileNet-v1 pytorch 2017
SEResNeXt pytorch 2017
MobileNet-v2 pytorch 2018
EfficientNet pytorch 2019

Interpretation

Method Code
Grad-CAM pytorch

Segmentation

Method Code
U-Net pytorch 2015

Object Detection

Method Code
MaskRCNN (torchvision) pytorch

AE

Method Code
AE pytorch
AEによる異常検知 pytorch
VAE (+ clustering) pytorch

GAN

Method Code
GAN pytorch
DCGAN pytorch
CGAN pytorch
pix2pix Seg pytorch tf.keras
WGAN pytorch
WGAN-GP pytorch
alphaGAN MNIST pytorch
alphaGAN cifar10 pytorch
CycleGAN pytorch

Other

Method Code
Style Transfer tf.keras

NLP

Method Code
seq2seq pytorch
Transformer pytorch
HRED pytorch
Word2Vec (Skip-gram) pytorch
  • 2020.5.3 Sun [pytorch] CycleGANを追加
  • 2020.4.3 Fri [tf.keras] pix2pixを追加
  • 2020.3.27 Thu [tf.keras] Style Transferを追加
  • 2020.2.25 Tue [Pytorch] WGAN-GPを修正
  • 2020.1.1 [Pytorch] EfficientNetB1~B7を追加
  • 2019.12.30 [Pytorch] EfficientNetB0を追加
  • 2019.12.23 Chainerのサポートが終了したらしいので、PytorchとTensorflowに絞っていきます
  • 2019.12.23 [Pytorch] 可視化 Grad-CAMを追加
  • 2019.11.23 [Pytorch] 言語処理・会話生成のHREDを追加
  • 2019.11.19 [Pytorch] 画像生成のWGAN-GPを追加
  • 2019.11.8 [Pytorch] 画像生成のVAEとalphaGANを追加
  • 2019.10.28 [Pytorch] 画像生成のWGANを追加
  • 2019.10.21 [PyTorch] Semantic SegmentationでSegNetを追加
  • 2019.10.16 [PyTorch] Seq2Seq Hard Attentionを追加
  • 2019.10.10 [PyTorch] Seq2Seq Attention(Step別)を追加
  • 2019.9.30 [Pytorch] MobileNet v2 を追加
  • 2019.9.19 [TensorFlow] Xception, MobileNet_v1 を追加
  • 2019.9.16 [TensorFlow] ResNet 18, 34, 50, 101, 152 を追加
  • 2019.8.19 [Pytorch] NLP: Seq2seq+Attention, word2vecを追加
  • 2019.8.15 [Pytorch] pix2pixを追加
  • 2019.8.4 [Pytorch] DenseNet121, 169, 201, 264を追加
  • 2019.7.30 [PyTorch, Keras] Xceptionを追加
  • 2019.7.28 [Keras] ResNeXt-50, 101を追加
  • 2019.7.23 [Pytorch] ResNeXt-50, 101を追加
  • 2019.7.17 [Pytorch] VAEを追加 [keras, tensorflow, chainer] CGAN(MNIST)を追加
  • 2019.7.5 [pytorch, keras]ResNet18, 34, 101, 152を追加
  • 2019.6.16 [pytorch, tensorflow, keras, chainer] ResNet50を追加
  • 2019.6.9 [tensorflow] DCGANを追加
  • 2019.6.7 [Pytorch, tensorflow, keras, chainer]GoogleNet-v1(Inception)を追加
  • 2019.5.26 [tensorflow] DCGAN, Conditional GANを追加
  • 2019.5.19 [Keras, Chainer] ConditionalGANを追加
  • 2019.5.18 [データセット準備] MNIST, [Pytorch]ConditionalGANを追加
  • 2019.5.2 [データセット準備] Cifar10、[AutoEncoder, ConvAutoEncoder, GAN, DCGAN]Cifar10を追加
  • 2019.3.31 [画像認識モデル] APIを追加
  • 2019.3.19 [Pytorch][Chainer] GAN, DCGANを追加
  • 2019.3.17 Pooling layerを追加したけど、あとからクラス化と学習を追加する予定
  • 2019.3.17 seq2seq, convolutional layer を追加
  • 2019.3.16 ニューラルネットをクラス化 を追加
  • 2019.3.13 パーセプトロン系を追加
  • 2019.3.12 AutoEncoder, ConvAutoEncoder, パーセプトロンを追加
  • 2019.3.9 GAN, DCGANを追加
  • 2019.3.6 RNN, LSTM, BDLSTMを追加
  • 2019.3.5 AutoEncoder, RNNを追加 
  • 2019.3.4 データ拡張・回転を追加
  • 2019.3.3 UNetを追加

Citation

@article{yoyoyo-yoDeepLearningMugenKnock,
    Author = {yoyoyo-yo},
    Title = {DeepLearningMugenKnock},
    Journal = {https://github.com/yoyoyo-yo/DeepLearningMugenKnock},
    Year = {2019}
}

License

© tired imori All Rights Reserved.

This is under MIT License.

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].