All Projects → roatienza → Deep Learning Experiments

roatienza / Deep Learning Experiments

Licence: mit
Notes and experiments to understand deep learning concepts

Projects that are alternatives of or similar to Deep Learning Experiments

Practical Deep Learning Book
Official code repo for the O'Reilly Book - Practical Deep Learning for Cloud, Mobile & Edge
Stars: ✭ 441 (-50.06%)
Mutual labels:  artificial-intelligence, jupyter-notebook, deep-learning-tutorial
Gans In Action
Companion repository to GANs in Action: Deep learning with Generative Adversarial Networks
Stars: ✭ 748 (-15.29%)
Mutual labels:  artificial-intelligence, jupyter-notebook
Tensorflow 2.x Tutorials
TensorFlow 2.x version's Tutorials and Examples, including CNN, RNN, GAN, Auto-Encoders, FasterRCNN, GPT, BERT examples, etc. TF 2.0版入门实例代码,实战教程。
Stars: ✭ 6,088 (+589.47%)
Mutual labels:  artificial-intelligence, jupyter-notebook
Awesome Ai Ml Dl
Awesome Artificial Intelligence, Machine Learning and Deep Learning as we learn it. Study notes and a curated list of awesome resources of such topics.
Stars: ✭ 831 (-5.89%)
Mutual labels:  artificial-intelligence, jupyter-notebook
Tensorslow
Re-implementation of TensorFlow in pure python, with an emphasis on code understandability
Stars: ✭ 657 (-25.59%)
Mutual labels:  artificial-intelligence, jupyter-notebook
Sciblog support
Support content for my blog
Stars: ✭ 694 (-21.4%)
Mutual labels:  artificial-intelligence, jupyter-notebook
Basic reinforcement learning
An introductory series to Reinforcement Learning (RL) with comprehensive step-by-step tutorials.
Stars: ✭ 826 (-6.46%)
Mutual labels:  artificial-intelligence, jupyter-notebook
Deep Learning For Hackers
Machine Learning tutorials with TensorFlow 2 and Keras in Python (Jupyter notebooks included) - (LSTMs, Hyperameter tuning, Data preprocessing, Bias-variance tradeoff, Anomaly Detection, Autoencoders, Time Series Forecasting, Object Detection, Sentiment Analysis, Intent Recognition with BERT)
Stars: ✭ 586 (-33.64%)
Mutual labels:  artificial-intelligence, jupyter-notebook
Daily Neural Network Practice 2
Daily Dose of Neural Network that Everyone Needs
Stars: ✭ 18 (-97.96%)
Mutual labels:  artificial-intelligence, jupyter-notebook
All Classifiers 2019
A collection of computer vision projects for Acute Lymphoblastic Leukemia classification/early detection.
Stars: ✭ 22 (-97.51%)
Mutual labels:  artificial-intelligence, jupyter-notebook
Machine Learning Experiments
🤖 Interactive Machine Learning experiments: 🏋️models training + 🎨models demo
Stars: ✭ 841 (-4.76%)
Mutual labels:  artificial-intelligence, jupyter-notebook
Deeplearning.ai
deeplearning.ai , By Andrew Ng, All video link
Stars: ✭ 625 (-29.22%)
Mutual labels:  artificial-intelligence, deep-learning-tutorial
David Silver Reinforcement Learning
Notes for the Reinforcement Learning course by David Silver along with implementation of various algorithms.
Stars: ✭ 623 (-29.45%)
Mutual labels:  artificial-intelligence, jupyter-notebook
Ai Series
📚 [.md & .ipynb] Series of Artificial Intelligence & Deep Learning, including Mathematics Fundamentals, Python Practices, NLP Application, etc. 💫 人工智能与深度学习实战,数理统计篇 | 机器学习篇 | 深度学习篇 | 自然语言处理篇 | 工具实践 Scikit & Tensoflow & PyTorch 篇 | 行业应用 & 课程笔记
Stars: ✭ 702 (-20.5%)
Mutual labels:  artificial-intelligence, jupyter-notebook
Stock Analysis Engine
Backtest 1000s of minute-by-minute trading algorithms for training AI with automated pricing data from: IEX, Tradier and FinViz. Datasets and trading performance automatically published to S3 for building AI training datasets for teaching DNNs how to trade. Runs on Kubernetes and docker-compose. >150 million trading history rows generated from +5000 algorithms. Heads up: Yahoo's Finance API was disabled on 2019-01-03 https://developer.yahoo.com/yql/
Stars: ✭ 605 (-31.48%)
Mutual labels:  jupyter-notebook, deep-learning-tutorial
Machine learning refined
Notes, examples, and Python demos for the textbook "Machine Learning Refined" (published by Cambridge University Press).
Stars: ✭ 750 (-15.06%)
Mutual labels:  artificial-intelligence, jupyter-notebook
Kalasalingam
IEEE "Invited Talk on Deep Learning" 03/02/2018
Stars: ✭ 13 (-98.53%)
Mutual labels:  jupyter-notebook, deep-learning-tutorial
Nlp Notebooks
A collection of notebooks for Natural Language Processing from NLP Town
Stars: ✭ 513 (-41.9%)
Mutual labels:  artificial-intelligence, jupyter-notebook
Deep Learning With Pytorch Chinese
本仓库将PyTorch官方书籍《Deep learning with PyTorch》(基本摘录版)翻译成中文版并给出可运行的相关代码。
Stars: ✭ 517 (-41.45%)
Mutual labels:  jupyter-notebook, deep-learning-tutorial
Ilearndeeplearning.py
This repository contains small projects related to Neural Networks and Deep Learning in general. Subjects are closely linekd with articles I publish on Medium. I encourage you both to read as well as to check how the code works in the action.
Stars: ✭ 896 (+1.47%)
Mutual labels:  jupyter-notebook, deep-learning-tutorial

Deep Learning Lecture Notes and Experiments

Code samples have links to other repo that I maintain (Advanced Deep Learning with Keras book) or contribute (Keras)

2020 Version

So much have changed since this course was offerred. Hence, it is time to revise. I will keep the original lecture notes at the bottom. They will no longer be maintained. I am introducing 2020 version. Big changes that will happen are as follows:

  1. Review of Machine Learning - Frustrated with the lack of depth in the ML part, I decided to develop a new course - Foundations of Machine Learning. Before studying DL, a good grasp of ML is of paramount importance. Without ML, it is harder to understand DL and to move it forward.

  2. Lecture Notes w/ Less Clutter - Prior to this version, my lecture notes have too much text. In the 2020 version, I am trying to focus more on the key concepts while carefully explaining during lecture the idea behind these concepts. The lecture notes are closely coupled with sample implementations. This enables us to quickly move from concepts to actual code implementations.

Lecture Notes and Experiments

  1. Course Roadmap
  1. Multilayer Perceptron (MLP)
  1. Convolutional Neural Network (CNN)
  1. Recurrent Neural Network (RNN)
  1. Transformer
  1. Regularizer
  1. Optimizer
  1. AutoEncoder
  1. Normalization
  1. Generative Adversarial Network (GAN)
  1. Variational AutoEncoder (VAE)
  1. Object Detection
  1. Object Segmentation
  1. Deep Reinforcement Learning (DRL)
  1. Policy Gradient Methods

Star, Fork, Cite

If you find this work useful, please give it a star, fork, or cite:

@misc{atienza2020dl,
  title={Deep Learning Lecture Notes},
  author={Atienza, Rowel},
  year={2020},
  publisher = {GitHub},
  journal = {GitHub repository},
  howpublished = {\url{https://github.com/roatienza/Deep-Learning-Experiments}},
}

Lecture Notes (Old - will no longer be maintained)

  1. Course Roadmap
  1. Background Materials
  1. Machine Learning Basics
  1. Deep Neural Networks
  1. Regularization
  1. Optimization

  2. Convolutional Neural Networks (CNN)

  1. Deep Networks
  1. Embeddings
  1. Recurrent Neural Networks, LSTM, GRU
  1. AutoEncoders
  1. Generative Adversarial Networks (GAN)

11a. Improved GANs

11b. Disentangled GAN

11c. Cross-Domain GAN

  1. Variational Autoencoder (VAE)
  1. Deep Reinforcement Learning (DRL)
  1. Policy Gradient Methods
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].