fbpx
4.77 de 5
4.77
8896 reseñas sobre Udemy

Tensorflow 2.0: Deep Learning and Artificial Intelligence

Machine Learning & Neural Networks for Computer Vision, Time Series Analysis, NLP, GANs, Reinforcement Learning, +More!
Instructor:
Lazy Programmer Inc.
43.300 estudiantes matriculados
English [Auto]
Artificial Neural Networks (ANNs) / Deep Neural Networks (DNNs)
Predict Stock Returns
Time Series Forecasting
Computer Vision
How to build a Deep Reinforcement Learning Stock Trading Bot
GANs (Generative Adversarial Networks)
Recommender Systems
Image Recognition
Convolutional Neural Networks (CNNs)
Recurrent Neural Networks (RNNs)
Use Tensorflow Serving to serve your model using a RESTful API
Use Tensorflow Lite to export your model for mobile (Android, iOS) and embedded devices
Use Tensorflow's Distribution Strategies to parallelize learning
Low-level Tensorflow, gradient tape, and how to build your own custom models
Natural Language Processing (NLP) with Deep Learning
Demonstrate Moore's Law using Code
Transfer Learning to create state-of-the-art image classifiers

Welcome to Tensorflow 2.0!

What an exciting time. It’s been nearly 4 years since Tensorflow was released, and the library has evolved to its official second version.

Tensorflow is Google’s library for deep learning and artificial intelligence.

Deep Learning has been responsible for some amazing achievements recently, such as:

  • Generating beautiful, photo-realistic images of people and things that never existed (GANs)

  • Beating world champions in the strategy game Go, and complex video games like CS:GO and Dota 2 (Deep Reinforcement Learning)

  • Self-driving cars (Computer Vision)

  • Speech recognition (e.g. Siri) and machine translation (Natural Language Processing)

  • Even creating videos of people doing and saying things they never did (DeepFakes – a potentially nefarious application of deep learning)

Tensorflow is the world’s most popular library for deep learning, and it’s built by Google, whose parent Alphabet recently became the most cash-rich company in the world (just a few days before I wrote this). It is the library of choice for many companies doing AI and machine learning.

In other words, if you want to do deep learning, you gotta know Tensorflow.

This course is for beginner-level students all the way up to expert-level students. How can this be?

If you’ve just taken my free Numpy prerequisite, then you know everything you need to jump right in. We will start with some very basic machine learning models and advance to state of the art concepts.

Along the way, you will learn about all of the major deep learning architectures, such as Deep Neural Networks, Convolutional Neural Networks (image processing), and Recurrent Neural Networks (sequence data).

Current projects include:

  • Natural Language Processing (NLP)

  • Recommender Systems

  • Transfer Learning for Computer Vision

  • Generative Adversarial Networks (GANs)

  • Deep Reinforcement Learning Stock Trading Bot

Even if you’ve taken all of my previous courses already, you will still learn about how to convert your previous code so that it uses Tensorflow 2.0, and there are all-new and never-before-seen projects in this course such as time series forecasting and how to do stock predictions.

This course is designed for students who want to learn fast, but there are also “in-depth” sections in case you want to dig a little deeper into the theory (like what is a loss function, and what are the different types of gradient descent approaches).

Advanced Tensorflow topics include:

  • Deploying a model with Tensorflow Serving (Tensorflow in the cloud)

  • Deploying a model with Tensorflow Lite (mobile and embedded applications)

  • Distributed Tensorflow training with Distribution Strategies

  • Writing your own custom Tensorflow model

  • Converting Tensorflow 1.x code to Tensorflow 2.0

  • Constants, Variables, and Tensors

  • Eager execution

  • Gradient tape

Instructor’s Note: This course focuses on breadth rather than depth, with less theory in favor of building more cool stuff. If you are looking for a more theory-dense course, this is not it. Generally, for each of these topics (recommender systems, natural language processing, reinforcement learning, computer vision, GANs, etc.) I already have courses singularly focused on those topics.

Thanks for reading, and I’ll see you in class!

WHAT ORDER SHOULD I TAKE YOUR COURSES IN?:

  • Check out the lecture “Machine Learning and AI Prerequisite Roadmap” (available in the FAQ of any of my courses, including the free Numpy course)

UNIQUE FEATURES

  • Every line of code explained in detail – email me any time if you disagree

  • No wasted time “typing” on the keyboard like other courses – let’s be honest, nobody can really write code worth learning about in just 20 minutes from scratch

  • Not afraid of university-level math – get important details about algorithms that other courses leave out

Welcome

1
Introduction
2
Outline
3
Get Your Hands Dirty, Practical Coding Experience, Data Links
4
Where to get the code, notebooks, and data

Google Colab

1
Intro to Google Colab, how to use a GPU or TPU for free
2
Tensorflow 2.0 in Google Colab
3
Uploading your own data to Google Colab
4
Where can I learn about Numpy, Scipy, Matplotlib, Pandas, and Scikit-Learn?
5
How to Succeed in This Course

Machine Learning and Neurons

1
What is Machine Learning?
2
Code Preparation (Classification Theory)
3
Classification Notebook
4
Code Preparation (Regression Theory)
5
Regression Notebook
6
The Neuron
7
How does a model "learn"?
8
Making Predictions
9
Saving and Loading a Model
10
Why Keras?
11
Suggestion Box

Feedforward Artificial Neural Networks

1
Artificial Neural Networks Section Introduction
2
Beginners Rejoice: The Math in This Course is Optional
3
Forward Propagation
4
The Geometrical Picture
5
Activation Functions
6
Multiclass Classification
7
How to Represent Images
8
Code Preparation (ANN)
9
ANN for Image Classification
10
ANN for Regression

Convolutional Neural Networks

1
What is Convolution? (part 1)
2
What is Convolution? (part 2)
3
What is Convolution? (part 3)
4
Convolution on Color Images
5
CNN Architecture
6
CNN Code Preparation
7
CNN for Fashion MNIST
8
CNN for CIFAR-10
9
Data Augmentation
10
Batch Normalization
11
Improving CIFAR-10 Results

Recurrent Neural Networks, Time Series, and Sequence Data

1
Sequence Data
2
Forecasting
3
Autoregressive Linear Model for Time Series Prediction
4
Proof that the Linear Model Works
5
Recurrent Neural Networks
6
RNN Code Preparation
7
RNN for Time Series Prediction
8
Paying Attention to Shapes
9
GRU and LSTM (pt 1)
10
GRU and LSTM (pt 2)
11
A More Challenging Sequence
12
Demo of the Long Distance Problem
13
RNN for Image Classification (Theory)
14
RNN for Image Classification (Code)
15
Stock Return Predictions using LSTMs (pt 1)
16
Stock Return Predictions using LSTMs (pt 2)
17
Stock Return Predictions using LSTMs (pt 3)
18
Other Ways to Forecast

Natural Language Processing (NLP)

1
Embeddings
2
Code Preparation (NLP)
3
Text Preprocessing
4
Text Classification with LSTMs
5
CNNs for Text
6
Text Classification with CNNs

Recommender Systems

1
Recommender Systems with Deep Learning Theory
2
Recommender Systems with Deep Learning Code

Transfer Learning for Computer Vision

1
Transfer Learning Theory
2
Some Pre-trained Models (VGG, ResNet, Inception, MobileNet)
3
Large Datasets and Data Generators
4
2 Approaches to Transfer Learning
5
Transfer Learning Code (pt 1)
6
Transfer Learning Code (pt 2)

GANs (Generative Adversarial Networks)

1
GAN Theory
2
GAN Code

Deep Reinforcement Learning (Theory)

1
Deep Reinforcement Learning Section Introduction
2
Elements of a Reinforcement Learning Problem
3
States, Actions, Rewards, Policies
4
Markov Decision Processes (MDPs)
5
The Return
6
Value Functions and the Bellman Equation
7
What does it mean to “learn”?
8
Solving the Bellman Equation with Reinforcement Learning (pt 1)
9
Solving the Bellman Equation with Reinforcement Learning (pt 2)
10
Epsilon-Greedy
11
Q-Learning
12
Deep Q-Learning / DQN (pt 1)
13
Deep Q-Learning / DQN (pt 2)
14
How to Learn Reinforcement Learning
4.8
4.8 de 5
Calificaciones 8896

Calificación Detallada

5 estrellas
5980
4 estrellas
2396
3 estrellas
375
2 estrellas
72
1 estrellas
73
f9765dc5013f22af808e318fb7433199
Garantía de devolución de dinero de 30 días

Incluye

23 horas de video a pedido
Acceso completo de por vida
Acceso en el móvil y en la televisión
Certificado de finalización
Tensorflow 2.0: Deep Learning and Artificial Intelligence
Precio:
$149.99 $25
bubble_bg_popup.png

Descarga las Herramientas Gratis