All Projects → ashishpatel26 → Tensorflow In Practise Specialization

ashishpatel26 / Tensorflow In Practise Specialization

Four Courses Specialization Tensorflow in practise Specialization

Projects that are alternatives of or similar to Tensorflow In Practise Specialization

Team Learning Nlp
主要存储Datawhale组队学习中“自然语言处理”方向的资料。
Stars: ✭ 132 (-0.75%)
Mutual labels:  jupyter-notebook
Rwet
Notebooks and other materials for Reading and Writing Electronic Text
Stars: ✭ 132 (-0.75%)
Mutual labels:  jupyter-notebook
Keras Mnist Tutorial
For a mini tutorial at U of T, a tutorial on MNIST classification in Keras.
Stars: ✭ 132 (-0.75%)
Mutual labels:  jupyter-notebook
Google Colab Cloudtorrent
Colab Notebook Remote torrent client
Stars: ✭ 132 (-0.75%)
Mutual labels:  jupyter-notebook
Security Api Solutions
Microsoft Graph Security API applications and services.
Stars: ✭ 132 (-0.75%)
Mutual labels:  jupyter-notebook
Deeplearningbook Notes
Notes on the Deep Learning book from Ian Goodfellow, Yoshua Bengio and Aaron Courville (2016)
Stars: ✭ 1,672 (+1157.14%)
Mutual labels:  jupyter-notebook
Scotus Predict
Supreme Court prediction project
Stars: ✭ 131 (-1.5%)
Mutual labels:  jupyter-notebook
Basketballvideoanalysis
Stars: ✭ 133 (+0%)
Mutual labels:  jupyter-notebook
Deep Reinforcement Learning In Trading
Stars: ✭ 129 (-3.01%)
Mutual labels:  jupyter-notebook
Ml riskmanagement
Short Course - Applied Machine Learning for Risk Management
Stars: ✭ 132 (-0.75%)
Mutual labels:  jupyter-notebook
Tensorflow realtime multi Person pose estimation
Multi-Person Pose Estimation project for Tensorflow 2.0 with a small and fast model based on MobilenetV3
Stars: ✭ 129 (-3.01%)
Mutual labels:  jupyter-notebook
Reinforcement Learning Implementation
Reinforcement Learning examples implementation and explanation
Stars: ✭ 131 (-1.5%)
Mutual labels:  jupyter-notebook
Deep Histopath
A deep learning approach to predicting breast tumor proliferation scores for the TUPAC16 challenge
Stars: ✭ 132 (-0.75%)
Mutual labels:  jupyter-notebook
Docs
MindSpore document
Stars: ✭ 132 (-0.75%)
Mutual labels:  jupyter-notebook
Hep ml
Machine Learning for High Energy Physics.
Stars: ✭ 133 (+0%)
Mutual labels:  jupyter-notebook
Attic Climate
Mirror of Apache Open Climate Workbench
Stars: ✭ 131 (-1.5%)
Mutual labels:  jupyter-notebook
Seq2seq tutorial
Code For Medium Article "How To Create Data Products That Are Magical Using Sequence-to-Sequence Models"
Stars: ✭ 132 (-0.75%)
Mutual labels:  jupyter-notebook
Ghost Free Shadow Removal
[AAAI 2020] Towards Ghost-free Shadow Removal via Dual Hierarchical Aggregation Network and Shadow Matting GAN
Stars: ✭ 133 (+0%)
Mutual labels:  jupyter-notebook
Algobook
A beginner-friendly project to help you in open-source contributions. Data Structures & Algorithms in various programming languages Please leave a star ⭐ to support this project! ✨
Stars: ✭ 132 (-0.75%)
Mutual labels:  jupyter-notebook
Privateml
Various material around private machine learning, some associated with blog
Stars: ✭ 132 (-0.75%)
Mutual labels:  jupyter-notebook

My Certification : https://www.coursera.org/account/accomplishments/specialization/9H3B22NBRKKJ

Course 1: Introduction to TensorFlow for AI, ML and DL

This first course introduces you to Tensor Flow, a popular machine learning framework. You will learn how to build a basic neural network for computer vision and use convolutions to improve your neural network.

Week 1: A New Programming Paradigm

  • Introduction: A conversation with Andrew Ng
  • A primer in machine learning
  • The “Hello World” of neural networks
  • Working through “Hello World” in TensorFlow and Python
  • Week 1 - Predicting house price.ipynb

Week 2: Introduction to Computer Vision

  • A conversation with Andrew Ng
  • An introduction to computer vision
  • Writing code to load training data
  • Coding a computer vision neural network
  • Walk through a notebook for computer vision
  • Using callbacks to control training
  • Walk through a notebook with callbacks
  • Week 2 - Classifying Fashion MNIST with MLP.ipynb

Week 3: Enhancing Vision with Convolutional Neural Networks

  • A conversation with Andrew Ng
  • What are convolutions and pooling?
  • Implementing convolutional layers
  • Implementing pooling layers
  • Improving the fashion classifier with convolutions
  • Walking through convolutions
  • Week 3 - Classifying Fashion MNIST with CNN.ipynb

Week 4: Using Real-World Images

  • A conversation with Andrew Ng
  • Understanding ImageGenerator
  • Defining a ConvNet to use complex images
  • Training the ConvNet with fit_generator
  • Walking through developing a ConvNet
  • Walking through training the ConvNet with fit_generator
  • Adding automatic validation to test accuracy
  • Exploring the impact of compressing images
  • Outro: Conversation with Andrew
  • Week 4 - Classifying emotion with CNN.ipynb

Course 2: Convolutional Neural Networks in TensorFlow

This second course teaches you advanced techniques to improve the computer vision model you built in Course 1. You will explore how to work with real-world images in different shapes and sizes, visualize the journey of an image through convolutions to understand how a computer “sees” information, plot loss and accuracy, and explore strategies to prevent overfitting, including augmentation and dropouts. Finally, Course 2 will introduce you to transfer learning and how learned features can be extracted from models.

Week 1: Exploring a Larger Dataset

  • Introduction: A conversation with Andrew Ng
  • Training with the cats vs. dogs dataset
  • Working through the notebook
  • Fixing through cropping
  • Looking at accuracy and loss
  • Week 1 - Classifying Cats and Dogs.ipynb

Week 2: Augmentation, a Technique to Avoid Overfitting

  • A conversation with Andrew Ng
  • Introducing augmentation
  • Coding augmentation with ImageDataGenerator
  • Demonstrating overfitting in cats vs. dogs dataset
  • Adding augmentation to cats vs. dogs dataset
  • Exploring augmentation with horses vs. humans dataset
  • Week 2 - Improving Cats and Dogs Classifier.ipynb

Week 3: Transfer Learning

  • A conversation with Andrew Ng
  • Understanding transfer learning: the concepts
  • Coding your own model with transferred features
  • Exploring dropouts
  • Exploring transfer learning with inception
  • Week 3 - Transfer learning (VGG Net).ipynb

Week 4: Multi-class Classifications

  • A conversation with Andrew Ng
  • Moving from binary to multi-class classification
  • Exploring multi-class classification with the rock paper scissors dataset
  • Training a classifier with the rock paper scissors dataset
  • Testing the rock paper scissors classifier
  • Week 4 - Classifying images of sign languages.ipynb

Course 3: Natural Language Processing in TensorFlow

In this third course, you’ll learn how to apply neural networks to solve natural language processing problems using TensorFlow. You’ll learn how to process and represent text through tokenization so that it’s recognizable by a neural network. You’ll be introduced to new types of neural networks, including RNNs, GRUs and LSTMs, and how you can train them to understand the meaning of text. Finally, you’ll learn how to train LSTMs on existing text to create original poetry and more!

Week 1: Sentiment in Text

Week 2: Word Embeddings

Week 3: Sequence Models

Week 4: Sequence Models and Literature

Course 4: Sequences, Time Series, and Prediction

In this fourth course, you will learn how to solve time series and forecasting problems in TensorFlow. You’ll first implement best practices to prepare data for time series learning. You’ll also explore how RNNs and ConvNets can be used for predictions. Finally, you’ll apply everything you’ve learned throughout the Specialization to build a sunspot prediction model using real-world data!

Week 1: Sequences and Prediction

Week 2: Deep Neural Networks for Time Series

Week 3: Recurrent Neural Networks for Time Series

Week 4: Real-world Time Series Data

  • A conversation with Andrew Ng
  • Convolutions
  • Bi-directional LSTMs
  • Real data – sunspots
  • Train and tune the model
  • Prediction
  • Sunspots
  • Combining our tools for analysis
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].