Real-time collaboration for Jupyter Notebooks, Linux Terminals, LaTeX, VS Code, R IDE, and more,
all in one place. Commercial Alternative to JupyterHub.
Real-time collaboration for Jupyter Notebooks, Linux Terminals, LaTeX, VS Code, R IDE, and more,
all in one place. Commercial Alternative to JupyterHub.
Path: blob/master/README.md
Views: 13357
Coursera
My notes / works from Coursera courses.
Contents
Introduction
This repository contains my solutions for labs and programming assignments on Coursera courses. Certain resources required by the codes may be lacking due to limitations on downloading course materials from Coursera and uploading them to GitHub. The lacking resources are mostly datasets, pre-trained models or certain weight matrices.
Courses
TensorFlow: Advanced Techniques (Specialization)
1. Custom Models, Layers, and Loss Functions with TensorFlow
Details
Week 1 - Functional APIs
Week 2 - Custom Loss Functions
Lab: Contrastive loss in the siamese network (same as week 1's siamese network)
Week 3 - Custom Layers
Week 4 - Custom Models
Week 5 - Bonus Content - Callbacks
2. Custom and Distributed Training with Tensorflow
Details
Week 1 - Differentiation and Gradients
Week 2 - Custom Training
Week 3 - Graph Mode
Week 4 - Distributed Training
3. Advanced Computer Vision with TensorFlow
Details
Week 1 - Introduction to Computer Vision
Week 2 - Object Detection
Week 3 - Image Segmentation
Week 4 - Visualization and Interpretability
DeepLearning.AI TensorFlow Developer (Specialization)
1. Introduction to TensorFlow for Artificial Intelligence, Machine Learning, and Deep Learning
Details
Week 1 - A New Programming Paradigm
Week 2 - Introduction to Computer Vision
Week 3 - Enchancing Vision with Convolutional Neural Networks
Week 4 - Using Real-world Images
2. Convolutional Neural Networks in TensorFlow
Details
Week 1 - Exploring a Larger Dataset
Programming Assignment: Exercise 1 - Cats vs. Dogs
Week 2 - Augmentation: A Technique to Avoid Overfitting
Programming Assignment: Exercise 2 - Cats vs. Dogs using augmentation
Week 3 - Transfer Learning
Programming Assignment: Exercise 3 - Horses vs. humans using Transfer Learning
Week 4 - Multiclass Classifications
Programming Assignment: Exercise 4 - Multi-class classifier
Unable to download horse-or-human.zip
3. Natural Language Processing in TensorFlow
Details
Week 1 - Sentiment in Text
Ungraded External Tool: Exercise 1 - Explore the BBC news archive
Ungraded External Tool: Exercise 1 - Explore the BBC news archive (answer)
Week 2 - Word Embeddings
Week 3 - Sequence Models
Ungraded External Tool: Exercise 3 - Exploring overfitting in NLP
Ungraded External Tool: Exercise 3 - Exploring overfitting in NLP (answer)
Week 4 - Sequence Models and Literature
4. Sequences, Time Series and Prediction
Details
Week 1 - Sequences and Prediction
Ungraded External Tool: Exercise 1 - Create and predict synthetic data
Ungraded External Tool: Exercise 1 - Create and predict synthetic data (answer)
Week 2 - Deep Neural Networks for Time Series
Week 3 - Recurrent Neural Networks for Time Series
Week 4 - Real-world Time Series Data
Generative Adversarial Networks (GANs) (Specialization)
1. Build Basic Generative Adversarial Networks (GANs)
Details
Week 1 - Intro to GANs
Week 2 - Deep Convolutional GANs
Week 3 - Wasserstein GANs with Gradient Penalty
Week 4 - Conditional GAN & Controllable Generation
2. Build Better Generative Adversarial Networks (GANs)
Details
Week 1 - Evaluation of GANs
Unable to download inception_v3_google-1a9a5a14.pth
, fid_images_tensor.npz
Week 2 - GAN Disadvantages and Bias
Week 3 - StyleGAN and Advancements
3. Apply Generative Adversarial Networks (GANs)
Details
Week 1 - GANs for Data Augmentation and Privacy
Week 2 - Image-to-Image Translation with Pix2Pix
Unable to download pix2pix_15000.pth
, maps
Week 3 - Unpaired Translation with CycleGAN
Unable to download horse2zebra
, cycleGAN_100000.pth
Natural Language Processing (Specialization)
1. Natural Language Processing with Classification and Vector Spaces
Details
Week 1 - Sentiment Analysis with Logistic Regression
Week 2 - Sentiment Analysis with Naive Bayes
Week 3 - Vector Space Models
Week 4 - Machine Translation and Document Search
2. Natural Language Processing with Probabilistic Models
Details
Week 1 - Autocorrect
Week 2 - Part of Speech Tagging and Hidden Markov Models
Week 3 - Autocomplete and Language Models
Week 4 - Word Embeddings with Neural Networks
3. Natural Language Processing with Sequence Models
Details
Week 1 - Neural Netowrks for Sentiment Analysis
Week 2 - Recurrent Neural Networks for Language Modelling
Week 3 - LSTMs and Named Entity Recognition
Week 4 - Siamese Networks
4. Natural Language Processing with Attention Models
Details
Week 1 - Neural Machine Translation
Week 2 - Text Summarization
Week 3 - Question Answering
Week 4 - Chatbot
Deep Learning (Specialization)
1. Neural Networks and Deep Learning
Details
Week 1 - Introduction to Deep Learning
No labs / programming assignments
Week 2 - Neural Network Basics
Practice Programming Assignment: Python Basics with numpy (optional)
Programming Assignment: Logistic Regression with a Neural Network mindset
Week 3 - Shallow Neural Networks
Week 4 - Deep Neural Networks
2. Improving Deep Neural Networks Hyperparameter tuning, Regularization and Optimization
Details
Week 1 - Practical Aspects of Deep Learning
Week 2 - Optimization Algorithms
Week 3 - Hyperparameter Tuning, Batch Normalization and Programming Frameworks
3. Structuring Machine Learning Projects
Details
No labs / programming assignments
4. Convolutional Neural Networks
Details
Week 1 - Foundations of Convolutional Neural Networks
Week 2 - Deep Convolutional Models: Case Studies
Week 3 - Object Detection
Week 4 - Special Applications: Face Recognition & Neural Style Transfer
5. Sequence Models
Details
Week 1 - Recurrent Neural Networks
Programming Assignment: Building a recurrent neural network - step by step
Programming Assignment: Dinosaur Island - Character-Level Language Modeling
Week 2 - Natural Language Processing & Word Embeddings
Week 3 - Sequence Models & Attention Mechanism
Contributing
Please refer to CONTRIBUTE.md for details. 😍
License
Coursera is licensed under the MIT license.