All Projects → fotisk07 → Deep-Learning-Coursera

fotisk07 / Deep-Learning-Coursera

Licence: MIT license
Projects from the Deep Learning Specialization from deeplearning.ai provided by Coursera

Programming Languages

Jupyter Notebook
11667 projects
python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Deep-Learning-Coursera

Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+180.49%)
Mutual labels:  rnn, matplotlib, gradient-descent
Image-Classifier
Final Project of the Udacity AI Programming with Python Nanodegree
Stars: ✭ 63 (-48.78%)
Mutual labels:  matplotlib, gradient-descent, backpropagation-learning-algorithm
Minimalistic-Multiple-Layer-Neural-Network-from-Scratch-in-Python
Minimalistic Multiple Layer Neural Network from Scratch in Python.
Stars: ✭ 24 (-80.49%)
Mutual labels:  gradient-descent, backpropagation-learning-algorithm, backpropagation
Machine-Learning-in-Python-Workshop
My workshop on machine learning using python language to implement different algorithms
Stars: ✭ 89 (-27.64%)
Mutual labels:  matplotlib, gradient-descent, backpropagation
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-45.53%)
Mutual labels:  rnn, lstm-neural-networks
Stockpriceprediction
Stock Price Prediction using Machine Learning Techniques
Stars: ✭ 700 (+469.11%)
Mutual labels:  rnn, lstm-neural-networks
Music-generation-cRNN-GAN
cRNN-GAN to generate music by training on instrumental music (midi)
Stars: ✭ 38 (-69.11%)
Mutual labels:  rnn, music-generation
Midi Rnn
Generate monophonic melodies with machine learning using a basic LSTM RNN
Stars: ✭ 124 (+0.81%)
Mutual labels:  rnn, lstm-neural-networks
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-21.14%)
Mutual labels:  rnn, lstm-neural-networks
Pytorch Kaldi
pytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit.
Stars: ✭ 2,097 (+1604.88%)
Mutual labels:  rnn, lstm-neural-networks
Image-Classification
Pre-trained VGG-Net Model for image classification using tensorflow
Stars: ✭ 29 (-76.42%)
Mutual labels:  cnn-for-visual-recognition, cnn-classification
deeplearning.ai notes
📓 Notes for Andrew Ng's courses on deep learning
Stars: ✭ 73 (-40.65%)
Mutual labels:  rnn, deeplearning-ai
Recurrent-Neural-Network-for-BitCoin-price-prediction
Recurrent Neural Network (LSTM) by using TensorFlow and Keras in Python for BitCoin price prediction
Stars: ✭ 53 (-56.91%)
Mutual labels:  rnn, keras-neural-networks
ms-convSTAR
[RSE21] Pytorch code for hierarchical time series classification with multi-stage convolutional RNN
Stars: ✭ 17 (-86.18%)
Mutual labels:  rnn, lstm-neural-networks
Cnn lstm for text classify
CNN, LSTM, NBOW, fasttext 中文文本分类
Stars: ✭ 90 (-26.83%)
Mutual labels:  rnn, lstm-neural-networks
lstm-electric-load-forecast
Electric load forecast using Long-Short-Term-Memory (LSTM) recurrent neural network
Stars: ✭ 56 (-54.47%)
Mutual labels:  rnn, lstm-neural-networks
Text predictor
Char-level RNN LSTM text generator📄.
Stars: ✭ 99 (-19.51%)
Mutual labels:  rnn, lstm-neural-networks
Backprop
Heterogeneous automatic differentiation ("backpropagation") in Haskell
Stars: ✭ 154 (+25.2%)
Mutual labels:  gradient-descent, backpropagation
DeepLearning-PadhAI
All the code files related to the deep learning course from PadhAI
Stars: ✭ 88 (-28.46%)
Mutual labels:  lstm-neural-networks, cnn-classification
Chameleon recsys
Source code of CHAMELEON - A Deep Learning Meta-Architecture for News Recommender Systems
Stars: ✭ 202 (+64.23%)
Mutual labels:  rnn, lstm-neural-networks

Deep Learning Specialization

Projects from the Deep Learning Specialization from deeplearning.ai offered by Coursera.

Instructor: Andrew Ng

Master Deep Learning and Break Into AI

If you want to break into AI, this Specialization will help you do so. Deep Learning is one of the most highly sought after skills in tech. We will help you become good at Deep Learning.

In five courses, you will learn the foundations of Deep Learning, understand how to build neural networks, and learn how to lead successful machine learning projects. You will learn about Convolutional networks, RNNs, LSTM, Adam, Dropout, BatchNorm, Xavier/He initialization, and more. You will work on case studies from healthcare, autonomous driving, sign language reading, music generation, and natural language processing. You will master not only the theory, but also see how it is applied in industry. You will practice all these ideas in Python and in TensorFlow, which we will teach.

You will also hear from many top leaders in Deep Learning, who will share with you their personal stories and give you career advice.

AI is transforming multiple industries. After finishing this specialization, you will likely find creative ways to apply it to your work.

Programming Assignements

  • Course 1: Neural Networks and Deep Learning

    • Week 2 - PA 1 - Logistic Regresssion as a Neural Network
    • Week 2 - PA 2 - Python Basics with Numpy
    • Week 3 - PA 1 - Planar data classification with one hidden layer
    • Week 4 - PA 1 - Building your Deep Neural Network Step by Step
    • Week 4 - PA 2 - Deep Neural Network Application_Image Classification
  • Course 2: Improving Neural Networks

    • Week 1 - PA 1 - Gradient Checcking
    • Week 1 - PA 2 - Regularisation
    • Week 1 - PA 3 - Initialization
    • Week 2 - PA 1 - Optimization Methods
    • Week 3 - PA 1 - Tensorflow Tutorial
  • Course 4: Convolutional Neural Networks

    • Week 1 - PA 1 - Convolutional Model
    • Week 2 - PA 1 - Keras Tutorial
    • Week 2 - PA 2 - ResNets
    • Week 3 - PA 1 - Car Detection for Autonomous Driving
    • Week 4 - PA 1 - Face Recognition
    • Week 4 - PA 2 - Neural Style Transfer
  • Course 5: Sequence Models

    • Week 1 - PA 1 - Building a RNN step by step
    • Week 1 - PA 2 - Dinosaur Island
    • Week 1 - PA 3 - Jazz Imrpovisation with LSTM
    • Week 2 - PA 1 - Emojify
    • Week 2 - PA 2 - Word Vector Representation
    • Week 3 - PA 1 - Machine Translation
    • Week 3 - PA 2 - Trigger Word Detection

Prerequisites

The Code is written in Python 3.6.5 . If you don't have Python installed you can find it here. If you are using a lower version of Python you can upgrade using the pip package, ensuring you have the latest version of pip.

To install pip run in the command Line

python -m ensurepip -- default-pip

to upgrade it

python -m pip install -- upgrade pip setuptools wheel

to upgrade Python

pip install python -- upgrade

You will also need to install additional packages depending the Course you are following and the relevant assignement. Seperate ReadMes will guide you for each individual course

Viewing the Jupyter Notebook

In order to better view and work on the jupyter Notebook I encourage you to use nbviewer . You can simply copy and paste the link to this website and you will be able to edit it without any problem. Alternatively you can clone the repository using

git clone https://github.com/fotisk07/Deep-Learning/

then in the command Line type, after you have downloaded jupyter notebook type

jyputer notebook

locate the notebook and run it.

Disclaimer

Please use this repository ONLY as reference or for help and do not hard copy and paste the assignements.

Contributing

Please read CONTRIBUTING.md for the process for submitting pull requests.

Authors

  • Fotios Kapotos - Initial work

This project is licensed under the MIT License - see the LICENSE.md file for details

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