You signed in with another tab or window. Reload to refresh your session.You signed out in another tab or window. Reload to refresh your session.You switched accounts on another tab or window. Reload to refresh your session.Dismiss alert
N.B.: Please don't use the assignment and quiz solution. Try to solve the problem by yourself.
Become an expert in neural networks, and learn to implement them using the deep learning framework PyTorch. Build convolutional networks for image recognition, recurrent networks for sequence generation, generative adversarial networks for image generation, and learn how to deploy models accessible from a website. - Source
Get your first taste of deep learning by applying style transfer to your own images, and gain experience using development tools such as Anaconda and Jupyter notebooks.
Lesson-1: Welcome to the Deep Learning Nanodegree Program
Learn neural networks basics, and build your first network with Python and NumPy. Use the modern deep learning framework PyTorch to build multi-layer neural networks, and analyze real data.
Lesson-1: Introduction to Neural Networks
Lesson-2: Implementing Gradient Descent
Lesson-3: Training Neural Networks
Lesson-4: GPU Workspaces Demo
Lesson-5: Sentiment Analysis
Lesson-6: Deep Learning with PyTorch
3. Convolutional Neural Networks
Learn how to build convolutional networks and use them to classify images (faces, melanomas, etc.) based on patterns and objects that appear in them. Use these networks to learn data compression and image denoising.
Lesson-1: Convolutional Neural Networks
Lesson-2: Cloud Computing
Lesson-3: Transfer Learning
Lesson-4: Weight Initialization
Lesson-5: Autoencoders
Lesson-6: Style Transfer
Lesson-7: Deep Learning for Cancer Detection
Lesson-8: Jobs in Deep Learning
4. Recurrent Neural Networks
Build your own recurrent networks and long short-term memory networks with PyTorch; perform sentiment analysis and use recurrent networks to generate new text from TV scripts.
Lesson-1: Recurrent Neural Networks
Lesson-2: Long Short-Term Memory Networks (LSTMs)
Lesson-3: Implementation of RNN & LSTM
Lesson-4: Hyperparameters
Lesson-5: Embedding & Word2Vec
Lesson-6: Sentiment Prediction RNN
No
Lesson
Topic
Link/Source
1
Sentiment RNN, Introduction
LSTM example, Sentiment analysis
Source/GitHub
2
Pre-Notebook: Sentiment RNN
Implementing a complete RNN that can classify the sentiment of movie reviews
Ending message and remainder the most important information in that data
Source/GitHub
5. Generative Adversarial Networks
Learn to understand and implement a Deep Convolutional GAN (generative adversarial network) to generate realistic images, with Ian Goodfellow, the inventor of GANs, and Jun-Yan Zhu, the creator of CycleGANs.
Lesson-1: Generative Adversarial Networks
No
Lesson
Topic
Link/Source
1
Introducing Ian GoodFellow
Introduction about Ian Goodfellow and his experience
Source/GitHub
2
Applications of GANs
What you can do with GAN, as- text to images, art to realistic image, face to cartoon, dat to night mode, unsupervised image-to-image, Imitation learning
Source/GitHub
3
How GANs work
Autoregressive model, Process of GAN, Generator models & Discriminator
Source/GitHub
4
Games and Equilibria
Game theory, Rock-Paper-Scissors game, Equilibriam situtation
Source/GitHub
5
Tips for Training GANs
GAN layers architecture, activation and loss functions for generator & discriminator, batch normalization
Source/GitHub
6
Generating Fake Images
Excercise dataset introduction, MNIST dataset - fake or real image
Source/GitHub
7
MNIST GAN
Built a GAN to generate new images of handwritten digits
Source/GitHub
8
GAN Notebook & Data
Introduction the excercise and datasets
Source/GitHub
9
Pre-Notebook: MNIST GAN
All about generating new images of handwritten digits
Train and deploy your own PyTorch sentiment analysis model. Deployment gives you the ability to use a trained model to analyze new, user input. Build a model, deploy it, and create a gateway for accessing it from a website.
Design and train a convolutional neural network to analyze images of dogs and correctly identify their breeds. Use transfer learning and well-known architectures to improve this model - this is excellent preparation for more advanced applications.
3. Optimize Your GitHub Profile
GitHub Profiles are a key piece of "evidence" to an employer that you'd be a good job candidate, because they can see the details of your work. Recruiters use GitHub as a way to find job candidates, and many Nanodegree alumni have received work opportunities from their activity on GitHub. In addition, using GitHub is a way for you to collaborate on projects with other programmers - this will show that you are able to work well with others on an engineering team on the job.
4. Generate TV Scripts
Build a recurrent neural network on TensorFlow to process text. Use it to generate new episodes of your favorite TV show, based on old scripts.
5. Generate Faces
Build a pair of multi-layer neural networks and make them compete against each other in order to generate new, realistic faces. Try training them on a set of celebrity faces, and see what new faces the computer comes out with!
6. Improve your LinkedIn
7. Deploying a Sentiment Analysis Model
Train and deploy your own PyTorch sentiment analysis model. You'll build a model and create a gateway for accessing it from a website.
Extracurricular
1. Additional Lessons
Lesson-1: Evaluation Metrics
No
Lesson
Topic
Link/Source
1
Intro
Introduction about Evaluation Metrics
Source/GitHub
2
Confusion Matrix
Described the model of confusion matrix and how it is used
Source/GitHub
3
Confusion Matrix 2
Quiz solution about confusion matrix
Source/GitHub
4
Accuracy
Importance of accuracy in deep learning model
Source/GitHub
5
Accuracy 2
Quiz solution about accuracy
Source/GitHub
6
When accuracy won't work
In some model accuracy is not play an vital role where accuracy impact bad results
Source/GitHub
7
False Negatives and Positives
Discuss where the false negatives and positives is used
Source/GitHub
8
Precision and Recall
Introduction about precision and recall
Source/GitHub
9
Precision
Describe the law of precision with examples
Source/GitHub
10
Recall
Describe the law of recall with examples
Source/GitHub
10
ROC Curve
How to calculate ROC Curve and graph of ROC Curve
Source/GitHub
Lesson-2: Regression
No
Lesson
Topic
Link/Source
1
Intro
Introduction about Linear regression with examples
Source/GitHub
2
Quiz: Housing Prices
Regression example with housing prices
Source/GitHub
3
Solution: Housing Prices
Solution of regression problem of housing prices
Source/GitHub
4
Fitting a Line Through Data
How to fit a line through data
Source/GitHub
5
Moving a Line
Explain how the line-slope work with graph & mathematically
Source/GitHub
6
Absolute Trick
How to calculate the absolute trick
Source/GitHub
7
Square Trick
Another way to calculate come to the closer line calculation
Source/GitHub
8
Gradient Descent
Minimize the error
Source/GitHub
9
Mean Absolute Error
Law of mean absolute error
Source/GitHub
10
Mean Squared Error
Law of mean squared error
Source/GitHub
11
Minimizing Error Functions
Relation in trick & error function and how minimize error function
Source/GitHub
12
Mean vs Total Error
Difference between Mean vs Total Error
Source/GitHub
13
Mini-batch Gradient Descent
Defination of Mini-batch Gradient Descent
Source/GitHub
14
Absolute Error vs Squared Error
Differences between Absolute Error and Squared Error
Source/GitHub
15
Linear Regression in scikit-learn
Basic sckit-learn and predict data using sklearn.linear_model
The premise of this challenge is to build a habit of practicing new skills by making a public commitment of practicing the topic of your program every day for 30 days.