2016년 8월부터 딥러닝공부를 하면서 봤던 강의영상, 동영상, 블로그들의 목록입니다.
- Deep Learning introduced by Nvidia (https://www.youtube.com/watch?v=C2FS9WVm7j4)
- Deep Learrning Roadmap (https://github.com/songrotek/Deep-Learning-Papers-Reading-Roadmap)
- What is deep learning (http://machinelearningmastery.com/what-is-deep-learning/)
- Azure server NV series install (https://docs.microsoft.com/en-us/azure/virtual-machines/linux/n-series-driver-setup)
- Tensorflow (https://www.tensorflow.org/)
- Tensorflow Cookbook (https://github.com/nfmcclure/tensorflow_cookbook)
- CNTK (https://github.com/Microsoft/CNTK, https://www.microsoft.com/en-us/research/product/cognitive-toolkit/)
- CNTK Tutorial (https://notebooks.azure.com/library/cntkbeta2)
- Keras Pretrained Models (https://github.com/fchollet/keras/blob/master/docs/templates/applications.md)
- Keras Blog (https://blog.keras.io/index.html)
- Python Torch tutorial (https://github.com/yunjey/pytorch-tutorial)
- Incredible Pytorch (https://github.com/ritchieng/the-incredible-pytorch)
- Caffe2 (https://caffe2.ai/)
- 딥러닝과 관련된 개념들 (https://www.youtube.com/playlist?list=PLjJh1vlSEYgvGod9wWiydumYl8hOXixNu)
- Andrew NG 교수님의 Coursera 강의 (https://www.coursera.org/learn/machine-learning)
- Ian goodfellow의 책 (https://github.com/HFTrader/DeepLearningBook)
- Numpy-100 Tutorial (https://github.com/rougier/numpy-100)
- Numpy tutorial (http://www.dataquest.io/blog/numpy-tutorial-python/?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
- Kaggle 1st place for 2 years (http://course.fast.ai/lessons/lesson1.html)
- 아니 이 많은걸 언제 다 정리하셨대 (https://handong1587.github.io/index.html)
- Experiments about ReLU/LeakyReLu/PReLU (https://arxiv.org/pdf/1505.00853.pdf)
- Hyperparameter optimization (https://arimo.com/data-science/2016/bayesian-optimization-hyperparameter-tuning/)
- FastAI Linear Algebra (https://github.com/fastai/numerical-linear-algebra)
- 열한줄로 뉴럴넷 짜보기 (https://iamtrask.github.io/2015/07/12/basic-python-network/)
- 한단계 한단계 Back propagation에 대한 친절한 설명 (https://mattmazur.com/2015/03/17/a-step-by-step-backpropagation-example/)
- Batch Normalization (https://kratzert.github.io/2016/02/12/understanding-the-gradient-flow-through-the-batch-normalization-layer.html)
- Gradient Descent Optimization Algorithm 비교 (http://sebastianruder.com/optimizing-gradient-descent/)
- Adagrad, Adadelta,RMSProp,Adam (http://prinsphield.github.io/2016/02/04/An Overview on Optimization Algorithms in Deep Learning (II)/)
- CNN을 쉽게 이해하도록 도와준 영상 (https://youtu.be/FmpDIaiMIeA, https://brohrer.github.io/how_convolutional_neural_networks_work.html)
- 그 유명한 cs231n 강의 (https://www.youtube.com/playlist?list=PLkt2uSq6rBVctENoVBg1TpCC7OQi31AlC)
- 그 유명한 cs231n 강의노트 (http://cs231n.github.io/)
- 한글로 설명이 잘되어있는 라온피플 블로그 (http://laonple.blog.me/220463627091)
- 시각화된 Convolution의 작동 (https://github.com/vdumoulin/conv_arithmetic)
- 강의자 Andrej Kaparthy의 볼게 많은 블로그 (http://cs.stanford.edu/people/karpathy/)
- 명화의 화풍을 따라 그리는 Neural Style (http://www.anishathalye.com/2015/12/19/an-ai-that-can-mimic-any-artist/, https://github.com/cysmith/neural-style-tf, https://www.youtube.com/watch?v=N14_w2RG1A8)
- 레이어별로 뉴런의 Activation 및 반응을 볼 수 있는 자료 (https://github.com/yosinski/deep-visualization-toolbox)
- Google Deepdream (https://github.com/google/deepdream)
- 2016 No.1 ResNet (https://github.com/KaimingHe/deep-residual-networks)
- Transposed Convoultion의 문제점과 해결방안 (http://distill.pub/2016/deconv-checkerboard/)
- 자료들이 모여있는 Awesome Deep vision (https://github.com/kjw0612/awesome-deep-vision)
- ResNet in Tensorflow (https://github.com/ry/tensorflow-resnet)
- ResNet, DenseNet (https://chatbotslife.com/resnets-highwaynets-and-densenets-oh-my-9bb15918ee32#.rbzbvof9l)
- Spatial Transformer Network (https://github.com/fxia22/stn.pytorch)
- Filtered image after convolution (http://setosa.io/ev/image-kernels/)
- Convolution Transposed (https://arxiv.org/pdf/1603.07285.pdf)
- LeNet to ResNet (http://slazebni.cs.illinois.edu/spring17/lec01_cnn_architectures.pdf,http://vision.stanford.edu/teaching/cs231b_spring1415/slides/alexnet_tugce_kyunghee.pdf)
- 2017 cs21n (http://cs231n.stanford.edu/)
- Convolution function as matrix multiplication (https://nrupatunga.github.io/convolution-2/)
- Depth-wise Seperable Convolution (https://www.youtube.com/watch?v=T7o3xvJLuHk)
- Fully Convolutional Network for Semantic Segmentation (https://github.com/shekkizh/FCN.tensorflow)
- Faster R-CNN (https://github.com/rbgirshick/py-faster-rcnn)
- Semantic Flow segmentation (https://ps.is.tuebingen.mpg.de/research_projects/semantic-optical-flow, https://ps.is.tuebingen.mpg.de/uploads_file/attachment/attachment/261/semanticflow.pdf)
- Image Segmentation (http://warmspringwinds.github.io/tensorflow/tf-slim/2016/12/18/image-segmentation-with-tensorflow-using-cnns-and-conditional-random-fields/)
- Localization & Detection gitbook (https://leonardoaraujosantos.gitbooks.io/artificial-inteligence/content/object_localization_and_detection.html)
- Image Processing in classical ways(?)(https://www.giassa.net/?page_id=118)
- All about segmentation (https://github.com/mrgloom/Semantic-Segmentation-Evaluation)
- Tensorflow Faster R-CNN (https://github.com/endernewton/tf-faster-rcnn)
- Deeplab Resnet Tensorflow (https://github.com/DrSleep/tensorflow-deeplab-resnet)
- Segmentation Overview (https://meetshah1995.github.io/semantic-segmentation/deep-learning/pytorch/visdom/2017/06/01/semantic-segmentation-over-the-years.html)
- Semi-supervised Learning (http://rinuboney.github.io/2016/01/19/ladder-network.html, https://github.com/CuriousAI/ladder)
- 김범준씨의 Variational Autoencoder의 번역 (http://nolsigan.com/blog/what-is-variational-autoencoder/)
- Generating Large Images from Latent Vectors (http://blog.otoro.net/2016/04/01/generating-large-images-from-latent-vectors/, https://arxiv.org/pdf/1512.09300.pdf)
- Variational Autoencoder (https://www.youtube.com/watch?v=BiWRaES2WN0&t=991s, http://blog.fastforwardlabs.com/2016/08/12/introducing-variational-autoencoders-in-prose-and.html, https://github.com/kvfrans/variational-autoencoder)
- Adversarial Nets papers (https://github.com/zhangqianhui/AdversarialNetsPapers)
- Generative Adversarial Networks by OpenAI (https://openai.com/blog/generative-models/)
- 김태훈씨의 쉽게 설명한 DCGAN in Tensorflow (http://www.slideshare.net/carpedm20/pycon-korea-2016, https://github.com/carpedm20/DCGAN-tensorflow)
- 간단한 GAN 설명과 동영상 예시 (http://keunwoochoi.blogspot.kr/)
- 이미지의 빈부분을 채우는 GAN (http://bamos.github.io/2016/08/09/deep-completion/, https://github.com/bamos/dcgan-completion.tensorflow)
- 텍스트를 이미지로 바꾸는 GAN text-to-image (https://github.com/reedscot/icml2016)
- GAN video generation (http://web.mit.edu/vondrick/tinyvideo/)
- DCGAN Tutorial (https://medium.com/@awjuliani/generative-adversarial-networks-explained-with-a-classic-spongebob-squarepants-episode-54deab2fce39#.gdxkk32d7)
- InfoGAN Tutorial (https://medium.com/emergent-future/learning-interpretable-latent-representations-with-infogan-dd710852db46#.9iaqd4it5)
- DiscoGAN in Pytorch (https://github.com/carpedm20/DiscoGAN-pytorch)
- Wiseodd GANs (https://github.com/wiseodd/generative-models)
- DiscoGAN official (https://github.com/SKTBrain/DiscoGAN)
- CycleGAN tutorial (https://hardikbansal.github.io/CycleGANBlog/)
- RNN에 대한 친절한 설명 (https://iamtrask.github.io/2015/11/15/anyone-can-code-lstm/)
- Andrej Kaparthy RNN의 활용가능성 (http://karpathy.github.io/2015/05/21/rnn-effectiveness/)
- Image caption generator in Tensorflow (https://github.com/tensorflow/models/tree/master/im2txt)
- Awesome RNN (https://github.com/kjw0612/awesome-rnn)
- Pytorch RNN (https://github.com/spro/practical-pytorch)
- LSTM experiments (http://blog.echen.me/2017/05/30/exploring-lstms/)
- Attention Mechanism in RNN (https://www.youtube.com/watch?v=QuvRWevJMZ4)
- Stanford CS224d(https://github.com/DSKSD/DeepNLP-models-Pytorch)
- CS224d for NLP (https://youtu.be/Qy0oEkCZkBI?list=PLlJy-eBtNFt4CSVWYqscHDdP58M3zFHIG)
- Oxford Deep NLP (https://github.com/oxford-cs-deepnlp-2017/lectures)
- Seq2seq TF1.0 code (https://github.com/ematvey/tensorflow-seq2seq-tutorials)
- Denny Britz Seq2seq (https://github.com/google/seq2seq)
- Pytorch for NLP tutorial (https://github.com/rguthrie3/DeepLearningForNLPInPytorch)
- Practical Pytorch for NLP (https://github.com/spro/practical-pytorch)
- Word2vec이 필요한 이유와 코드 공식사이트 번역본 (http://khanrc.tistory.com/entry/TensorFlow-6-word2vec-Theory, http://khanrc.tistory.com/entry/TensorFlow-7-word2vec-Implementation)
- Chris Mccormick의 Word2vec 설명 (http://mccormickml.com/tutorials/)
- 한국어와 NLTK, Gensim에 대한 박은정씨의 발표 (https://www.lucypark.kr/slides/2015-pyconkr/#1)
- Genism tutorial (https://radimrehurek.com/gensim/models/word2vec.html)
- Kaggle word2vec tutorial (https://www.kaggle.com/c/word2vec-nlp-tutorial/details/part-1-for-beginners-bag-of-words)
- Word2vec의 역사(http://sebastianruder.com/word-embeddings-1/)
- Simple Reinforcement Learning with Tensorflow by Arthur Juliani (https://medium.com/emergent-future/simple-reinforcement-learning-with-tensorflow-part-0-q-learning-with-tables-and-neural-networks-d195264329d0#.hegtvglmg)
- Udacity Self Driving Car Simulator (https://github.com/udacity/self-driving-car-sim)
- UC Berkeley RL (http://rll.berkeley.edu/deeprlcourse/)
- Denny Britz RL (http://www.wildml.com/2016/10/learning-reinforcement-learning/, https://github.com/dennybritz/reinforcement-learning)
- RL Derivatives (http://www.alexirpan.com/rl-derivations/)
- t-SNE (https://www.analyticsvidhya.com/blog/2017/01/t-sne-implementation-r-python/, http://distill.pub/2016/misread-tsne/)
- t-SNE 저자 설명 (https://www.youtube.com/watch?v=EMD106bB2vY)
- MNIST 시각화 (http://colah.github.io/posts/2014-10-Visualizing-MNIST/)
- Tensorboard 예시 (https://github.com/normanheckscher/mnist-tensorboard-embeddings)
- How to use t-SNE effectively (http://distill.pub/2016/misread-tsne/)
- CAM:Class Activation Map (http://cnnlocalization.csail.mit.edu/)
- CAM:Class Activation Map 한글설명 (http://tmmse.xyz/2016/04/10/object-localization-with-weakly-supervised-learning/)
- Grad-CAM Pytorch(https://github.com/jacobgil/pytorch-grad-cam)
- Grad-CAM Visualization(https://ramprs.github.io/2017/01/21/Grad-CAM-Making-Off-the-Shelf-Deep-Models-Transparent-through-Visual-Explanations.html)
- Optimizer Visualization(https://github.com/wassname/viz_torch_optim)
- Data Augmentation with Keras api (http://machinelearningmastery.com/image-augmentation-deep-learning-keras/)
- Winner of Galaxy zoo (http://benanne.github.io/2014/04/05/galaxy-zoo.html)
- Elastic Deformation (https://gist.github.com/chsasank/4d8f68caf01f041a6453e67fb30f8f5a)
- Elastic Deformation2 (https://www.kaggle.com/bguberfain/ultrasound-nerve-segmentation/elastic-transform-for-data-augmentation)
- Image Data Augmentations (https://github.com/aleju/imgaug)
- Scipy Lectures (http://www.scipy-lectures.org/index.html#)
- Snapshot Ensembles: Train 1, get M for free (https://arxiv.org/abs/1704.00109)
- Residual Attention Network for Image Classification (http://arxiv.org/abs/1704.06904)
- Learn To Pay Attention (http://arxiv.org/abs/1804.02391)
- Tell Me Where to Look: Guided Attention Inference Network (https://arxiv.org/abs/1802.10171)
- Fast Forward Labs (http://blog.fastforwardlabs.com/)
- Variational Autoencoder (http://oduerr.github.io/talks/)
- Google Experiments (https://aiexperiments.withgoogle.com/)
- Deep learning 2016 summary(https://tryolabs.com/blog/2016/12/06/major-advancements-deep-learning-2016/)
- Brandon Amos Blog (https://bamos.github.io/)
- Hvass_lab_tutorials (https://github.com/Hvass-Labs/TensorFlow-Tutorials)
- Tensorflow Queue and Threads (https://blog.metaflow.fr/tensorflow-how-to-optimise-your-input-pipeline-with-queues-and-multi-threading-e7c3874157e0#.fbfqfygsm)
- How to read images using tf.queue (https://gist.github.com/eerwitt/518b0c9564e500b4b50f)
- Sungjoon choi's blog (http://enginius.tistory.com/)
- Openresearch.ai(http://openresearch.ai/)
- Why Denoising?(https://thecuriousaicompany.com/another-test-learning-by-denoising-part-1-what-and-why-of-denoising/)
- Awesome2vec (https://github.com/MaxwellRebo/awesome-2vec)
- Awesome Bayesian Deep Learning (https://github.com/robi56/awesome-bayesian-deep-learning)
- Essence of Linear Algebra (https://www.youtube.com/playlist?list=PLZHQObOWTQDPD3MizzM2xVFitgF8hE_ab)
- 공돌이의 수학정리노트 (https://wikidocs.net/book/563)
- Brilliant.org (https://brilliant.org/)
- Cross Entropy Loss & KL divergence (http://rdipietro.github.io/friendly-intro-to-cross-entropy-loss/)
- PRML by Bishop in Korean (http://norman3.github.io/prml/)
- Mathematical Tour in Python (http://www.numerical-tours.com/python/)
- Statistical Distributions (http://hamelg.blogspot.kr/2015/11/python-for-data-analysis-part-22.html)
- PRML algorithms implemented in Python (https://github.com/ctgk/PRML)
- Bloomberg Foundation of Machine Learning (https://bloomberg.github.io/foml/#lectures)