All Projects → nick6918 → Mydeeplearning

nick6918 / Mydeeplearning

A deep learning library to provide algs in pure Numpy or Tensorflow.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Mydeeplearning

Basicocr
BasicOCR是一个致力于解决自然场景文字识别算法研究的项目。该项目由长城数字大数据应用技术研究院佟派AI团队发起和维护。
Stars: ✭ 336 (+19.57%)
Mutual labels:  cnn, gan, rnn
Tensorflow Tutorials
텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
Stars: ✭ 2,096 (+645.91%)
Mutual labels:  cnn, gan, rnn
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 (-28.11%)
Mutual labels:  cnn, gan, rnn
Tensorflow Tutorial
Tensorflow tutorial from basic to hard, 莫烦Python 中文AI教学
Stars: ✭ 4,122 (+1366.9%)
Mutual labels:  cnn, gan, rnn
Keraspp
코딩셰프의 3분 딥러닝, 케라스맛
Stars: ✭ 178 (-36.65%)
Mutual labels:  cnn, gan, rnn
Deeplearning
深度学习入门教程, 优秀文章, Deep Learning Tutorial
Stars: ✭ 6,783 (+2313.88%)
Mutual labels:  cnn, gan, rnn
Cyclegan Music Style Transfer
Symbolic Music Genre Transfer with CycleGAN
Stars: ✭ 201 (-28.47%)
Mutual labels:  cnn, gan
Sign Language Gesture Recognition
Sign Language Gesture Recognition From Video Sequences Using RNN And CNN
Stars: ✭ 214 (-23.84%)
Mutual labels:  cnn, rnn
Srgan
Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network
Stars: ✭ 2,641 (+839.86%)
Mutual labels:  cnn, gan
Lightnet
Efficient, transparent deep learning in hundreds of lines of code.
Stars: ✭ 243 (-13.52%)
Mutual labels:  cnn, rnn
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+1041.99%)
Mutual labels:  cnn, rnn
Crnn Pytorch
Pytorch implementation of CRNN (CNN + RNN + CTCLoss) for all language OCR.
Stars: ✭ 248 (-11.74%)
Mutual labels:  cnn, rnn
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (-30.6%)
Mutual labels:  cnn, rnn
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (-21%)
Mutual labels:  cnn, rnn
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (-89.32%)
Mutual labels:  gan, rnn
Caption generator
A modular library built on top of Keras and TensorFlow to generate a caption in natural language for any input image.
Stars: ✭ 243 (-13.52%)
Mutual labels:  cnn, rnn
GAN-RNN Timeseries-imputation
Recurrent GAN for imputation of time series data. Implemented in TensorFlow 2 on Wikipedia Web Traffic Forecast dataset from Kaggle.
Stars: ✭ 107 (-61.92%)
Mutual labels:  gan, rnn
Course-Project---Speech-Driven-Facial-Animation
ECE 535 - Course Project, Deep Learning Framework
Stars: ✭ 63 (-77.58%)
Mutual labels:  gan, rnn
deep-learning-coursera-complete
Deep Learning Specialization by Andrew Ng on Coursera - My Completed Coursework Repo - All 5 Courses
Stars: ✭ 104 (-62.99%)
Mutual labels:  cnn, rnn
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (-41.28%)
Mutual labels:  cnn, rnn

MyDeepLearning

Repo Intro

This repo is to construct a DL library for learning and testing some classic projects that include:

1, CNN, RNN(LSTM) model in pure Numpy, with all BP gradients calculation included.

2, Some classic model in tensorflow, including ResNet, SqueezeNet and more.

3, Some classic project scripts including Image Captioning, Image Fooling, Deep Dream, style transfer and more.

4, Image Localization, Dectection and Segmentation using Fast(er) R-CNN. (Coming very soon)

5, Multiple GAN(DCGAN, LSGAN, WGAN and more) implementation in Tensorflow.

6, Q-Learning implementation in Numpy and Gym. (Coming very soon)

File structure

All files in root directory represent a mini project, introduced in the section below. All files in lib has been covered by these mini projects.

--lib

  -- classifiers
    "all classifier models in both pure numpy or tensorflow"

  -- solvers
     "Trainer for both TF and pure numpy model"

  -- layers
     "layers for pure numpy model"

  -- utils
     "some assistant files"

  -- datasets
     "CIFAR-1O, MNIST dataset"

Mini projects

The projects is listed here in a recommended reading sequence:

PART I: pure Numpy project

1, LinearClassifier.py

It uses lib/model/linear_classifier.py to construct a linear classifer model to classify CIFAR-10 images. It's implemented in pure Numpy.

3, FCN.py

It uses lib/model/fc_net.py to construct a fully connected neural network model to classify CIFAR-10 images. It's implemented in pure Numpy.

FCN Relevant blog(In Chinese)

2, ThreeLayerCNN.py

It uses lib/model/cnn.py to construct a cnn model to classify CIFAR-10 images. It's implemented in pure Numpy.

CNN Relevant blog(In Chinese)

4, ImageCaptioning.py

It uses lib/model/rnn.py to contruct a vanilla rnn or lstm model to construct image captioning for microsoft coco data, the input feature is not from a CNN but from dataset directly. It's implemented in pure Numpy.

Image Captioning Relevant blog(In Chinese)

PART II: Tensorflow project

5, TFCNN.py

It build and test a CNN classifer in tensorflow.

6, SaliencyMap.py

It uses lib/model/squeezeNet.py with well trained parameters to show the saliencymap of images in CIFAR-10.

7, DeepDream.py

It uses lib/model/squeezeNet.py with well trained parameters to construct deepdream images based on images in CIFAR-10, for details about deepdream, please refer to the official github repo: https://github.com/google/deepdream

8, ImageFooling.py

It construct a model that fool well-trained squeezenet to label an image with wrong label.

Please check this blog for details of these 3 prjects above:

Saliency Map/DeepDream/ImageFooling Relevant Blog(In Chinese)

9, StyleTransfer.py

It uses lib/model/squeezeNet.py with well trained parameters to extract features from both content and style image to construct a new content image with style image style.

Style Transfer Relevant Blog(In Chinese)

10. TFGAN.py

It implemented DCGAN and WGAN in tensorflow to generate images based on both MNIST and CIFAR-10.

GAN relevant blog(In Chinese)

How to use

1, Download the repo to local, a star to the repo is appreciated.

2, make sure Python3 is installled in your local env, a virtual env is recommended.

3, pip3 install -r requirements

4, go to lib/datasets, manually run get_datasets.sh and get_3rd_data.sh to download dataset to local.

5, feel free to run any project under root.

More to do

I will upload the following extra models and projects in very recent time.

[] DQN

[] RCNN Family

[] ResNet

[] Policy Gradient(Reenforcement learning)

[] VAE(Generative model)

Special Thanks

This repo is heavily referenced with the assignment of Stanford cs231n. Special thanks to the great staff who give us such a great online course materials.

Course link: http://cs231n.stanford.edu/

Contact Me

Email: [email protected]

Twitter: https://twitter.com/nick_fandingwei

For Chinese user, zhihu is the fastest way to get response from me: https://www.zhihu.com/people/NickWey

You can also check my tech blog for more: http://nickiwei.github.io/

Consider to follow me on Zhihu, Twitter and Github, thanks!

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].