- 2017.06.12. Attention Is All You Need: https://arxiv.org/abs/1706.03762
- 2019.02.14. GPT-2, Better Language Models and Their Implications: https://openai.com/blog/better-language-models
- 2020.06.11. GPT-3, OpenAI API: https://openai.com/blog/openai-api
- 2021.01.05. DALL·E: Creating Images from Text: https://openai.com/blog/dall-e
- 2021.06.29. Introducing GitHub Copilot: your AI pair programmer: link
- 2021.08.10. OpenAI Codex: https://openai.com/blog/openai-codex
- 2021.10.29. Solving Math Word Problems: https://openai.com/blog/grade-school-math
- 2021.12.31. A Neural Network Solves and Generates Mathematics Problems by Program Synthesis: https://arxiv.org/abs/2112.15594
- 2022.02.02. Solving (Some) Formal Math Olympiad Problems: https://openai.com/blog/formal-math
- 2022.02.02. Competitive programming with AlphaCode:https://deepmind.com/blog/article/Competitive-programming-with-AlphaCode?fbclid=IwAR1E9sSTt3XiEXn70d2YO8bx8ruBNKArzLhJ8WuZwpclXCK58qihhzgjeVE
- Stanford CS229: Machine Learning
- Applied Machine Learning
- Practical Deep Learning for Coders (2020)
- Machine Learning with Graphs (Stanford)
- Probabilistic Machine Learning
- Introduction to Deep Learning (MIT)
- Deep Learning: CS 182
- Deep Unsupervised Learning
- NYU Deep Learning SP21
- CS224N: Natural Language Processing with Deep Learning
- CMU Neural Networks for NLP
- CS224U: Natural Language Understanding
- CMU Advanced NLP
- Multilingual NLP
- Advanced NLP
- Deep Learning for Computer Vision
- Deep Reinforcement Learning
- Full Stack Deep Learning
- AMMI Geometric Deep Learning Course (2021)
Christian Perone  - 발표자료: https://speakerdeck.com/perone/pytorch-under-the-hood
- 블로그: http://blog.christianperone.com/ Build Deep Learning Projects (Complete Video Series for FREE ) ==============================================
-
Making your RL Projects in 20 Minutes : https://www.edyoda.com/course/1421
-
Style Transfer, Face Generation using GANs in 20 minutes : https://www.edyoda.com/course/1418
-
Language and Machine Learning in 20 minutes : https://www.edyoda.com/course/1419
-
AI Project - Web application for Object Identification : https://www.edyoda.com/course/1185
-
Dog Breed Prediction : https://www.edyoda.com/course/1336
- ast-SCNN: Fast Semantic Segmentation Network.
- 123 fps on 2048x1024 images (2x faster than current state-of-the-art).
- https://arxiv.org/abs/1902.04502
- Semantic Image Segmentation with Deep Convolutional Nets, Atrous Convolution, and Fully Connected CRFs (https://arxiv.org/pdf/1606.00915.pdf) Source code: https://github.com/vietnguyen91/Deeplab-pytorch
- Correlational Neural Network. CV, TL, RPL.
- Reasoning With Neural Tensor Networks for Knowledge Base Completion. NLP, ML. Blog-post
- Learning to Rank Short Text Pairs with Convolutional Deep Neural Networks. NLP, DL, CQA. Code
- Common Representation Learning Using Step-based Correlation Multi-Modal CNN. CV, TL, RPL. Code
- ABCNN: Attention-Based Convolutional Neural Network for Modeling Sentence Pairs. NLP, AT, DL, STS. Code
- Combining Neural, Statistical and External Features for Fake News Stance Identification. NLP, IR, DL. Code
- WIKIQA: A Challenge Dataset for Open-Domain Question Answering. NLP, DL, CQA. Code
- Siamese Recurrent Architectures for Learning Sentence Similarity. NLP, STS, DL. Code
- Teaching Machines to Read and Comprehend. NLP, AT, DL. Code
- Improved Representation Learning for Question Answer Matching. NLP, AT, DL, CQA. Code
- Map-Reduce for Machine Learning on Multicore]. map-reduce, hadoop, ML.. MR, ML. Code
- Convolutional Neural Tensor Network Architecture for Community Question Answering. NLP, DL, CQA. Code
- External features for community question answering. NLP, DL, CQA. Code
- Language Identification and Disambiguation in Indian Mixed-Script. NLP, IR, ML. Blog-post
- Construction of a Semi-Automated model for FAQ Retrieval via Short Message Service. NLP, IR, ML. Code
Tracking Bird Migration Using Python 3 Source Code & Tutorial: https://goo.gl/BS4rQc
Data Science Tutorial Read Here: https://goo.gl/ZPyZBX
http://cs.brown.edu/courses/cs1470/index.html
https://www.deeplearningbook.org/ [GitHub] https://github.com/janishar/mit-deep-learning-book-pdf [tutorial] http://www.iro.umontreal.ca/~bengioy/talks/lisbon-mlss-19juillet2015.pdf [videos] https://www.youtube.com/channel/UCF9O8Vj-FEbRDA5DcDGz-Pg/videos
https://d2l.ai/ [GitHub] https://github.com/d2l-ai/d2l-en [pdf] https://en.d2l.ai/d2l-en.pdf [STAT 157] http://courses.d2l.ai/berkeley-stat-157/index.html
http://hagan.okstate.edu/nnd.html [pdf] http://hagan.okstate.edu/NNDesign.pdf
http://neuralnetworksanddeeplearning.com/ [GitHub] https://github.com/mnielsen/neural-networks-and-deep-learning [pdf] http://static.latexstudio.net/article/2018/0912/neuralnetworksanddeeplearning.pdf [solutions] https://github.com/reachtarunhere/nndl/blob/master/2016-11-22-ch1-sigmoid-2.md
https://stats385.github.io/ [videos] https://www.researchgate.net/project/Theories-of-Deep-Learning
http://mitliagkas.github.io/ift6085-dl-theory-class-2019/
https://github.com/kmario23/deep-learning-drizzle/blob/master/README.md
https://github.com/jupyter/jupyter/wiki/A-gallery-of-interesting-Jupyter-Notebooks
https://explained.ai/matrix-calculus/index.html
https://fleuret.org/ee559/ http://deep-learning-phd-course-2018-xb.s3-website-ap-southeast-1.amazonaws.com/ https://www.fast.ai/
- Anomaly Detection with Generative Adversarial Networks for Multivariate Time Series
The TenSorFlow is an Open Soruce Software Library for Machine Intellience. This repository are many jupyter note-pad like TesroFlow turorials, step books, and others.
- Code: source
Deep Voice: Real-Time Neural Text-to-Speech for Production
- Sercan O. Arik, Mike Chrzanowski, Adam Coates, Gregory Diamos, Andrew Gibiansky, Yongguo Kang, Xian Li, John Miller, Jonathan Raiman, Shubho Sengupta, Mohammad Shoeybi
- [paper]
- [Ref.code
Style-based GAN
- Advantage Actor Critic (A2C), a synchronous deterministic version of A3C
- Volodymyr Mnih1
- Adri
a Puigdom
enech Badia1 - Mehdi Mirza1,2
- Alex Graves1
- Tim Harley1
- Timothy P. Lillicrap1
- David Silver1
- Koray Kavukcuoglu1
- code
- Subhashini Venugopalan, Marcus Rohrbach, Jeff Donahue, Raymond Mooney, Trevor Darrell, Kate Saenko, arxiv, 2015
- [code]
- [paper]
- Kelvin Xu, Jimmy Ba, Ryan Kiros, Kyunghyun Cho, Aaron Courville, Ruslan Salakhutdinov, Richard Zemel, Yoshua Bengio, ICLR, 2014
- [code]
- [paper]
- Kevin Chen, Deep Reinforcement Learning for Flappy Bird, Report from http://cs229.stanford.edu/ 2015 project
- [code]
- [report]
- A Rasmus, H Valpola, M Honkala, M Berglund, and T Raiko, NIPS, 2015
- [code]
- [paper]
- [Additional Material]
- Yoon Kim, EMNLP, 2014
- [code]
- [paper]
- [Additional Material]
Implementation of Simple Black-Box Adversarial Perturbations for Deep Networks in Keras fork from link
python cifar100.py
to train a basic CNN for cifar100 and save that file.python find_better.py <model>
to go through cifar100 test dataset and find a good image (as defined in the paper).python per.py <KERAS_MODEL> <IMAGE_in_NUMPY>
: currently works for cifar images only.
- pavelgonchar
- [github page]
- [paper1 - Hypercolumns for Object Segmentation and Fine-grained Localization]
- [paper2 - VERY DEEP CONVOLUTIONAL NETWORKS FOR LARGE-SCALE IMAGE RECOGNITION]
- [explanation]
- Leon A. Gatys, Alexander S. Ecker, Matthias Bethge
- [code - Neural style in TensorFlow!]
- [blog - http://www.anishathalye.com/2015/12/19/an-ai-that-can-mimic-any-artist/]
- [A Neural Algorithm of Artistic Style]
https://github.com/eBay/tsv-utils.git
- CV | Computer Vision
- TL | Transfer Learning
- RPL | Representation Learning
- CQA | Community Question Answering
- STS | Sentence Text Similarity
- IR | Information Retrieval
- AT | Attention
- MR | Map Reduce
- ASR | Acoustic Scene Recognition
- DL | Deep Learning
- NLP | Natural Language Processing
- ML | Machine Learning.