Home

/

Courses

/TensorFlow Developer Certification

TensorFlow Developer Certification

Learn withTensorFlow

17 modules

Lifetime access

Become a certified TensorFlow developer and unlock new career opportunities in artificial intelligence.

Overview

The TensorFlow Developer Certification course is designed to help participants gain expertise in developing machine learning models using TensorFlow, a popular open-source framework. Through hands-on projects and assignments, you will learn how to build and deploy deep learning models for various tasks. This certification will validate your skills in TensorFlow and enhance your career opportunities in the field of artificial intelligence.

Key Highlights

Master TensorFlow fundamentals

Build and train deep learning models

Deploy models for real-world applications

What you will learn

Gain TensorFlow expertise

Learn the ins and outs of TensorFlow framework and become proficient in using its various components for machine learning tasks.

Build deep learning models

Master the techniques to construct and train deep learning models for image recognition, natural language processing, and more.

Deploy models for applications

Understand how to deploy trained models to production environments and create practical solutions for real-world problems.

Modules

Introduction to TensorFlow

3 attachments • 24 mins

Introduction to TensorFlow

Quickstart for beginners

Quickstart for experts

ML Basics with Keras

7 attachments • 1 hrs

Basic classification: Classify images of clothing

Basic text classification

Text classification with TensorFlow Hub: Movie reviews

Basic regression: Predict fuel efficiency

Overfit and underfit

Save and load models

Introduction to the Keras Tuner

Load and Preprocess Data

7 attachments • 3 hrs

Load and preprocess images

Load video data

Load CSV data

Load NumPy data

Load a pandas DataFrame

TFRecord and tf.train.Example

Load text

Advanced

3 attachments • 37 mins

Customization basics: tensors and operations

Custom layers

Custom training: walkthrough

Distributed Training

9 attachments • 2 hrs

Distributed training with Keras

Distributed training with DTensors

Using DTensors with Keras

Custom training with tf.distribute.Strategy

Multi-worker training with Keras

Custom training loop with Keras and MultiWorkerMirroredStrategy

Parameter server training with ParameterServerStrategy

Save and load a model using a distribution strategy

Distributed Input

Vision

9 attachments • 3 hrs

Computer vision with TensorFlow

Convolutional Neural Network (CNN)

Image classification

Transfer learning and fine-tuning

Transfer learning with TensorFlow Hub

Data augmentation

Image segmentation

Video classification with a 3D convolutional neural network

Transfer learning for video classification with MoViNet

Text

1 attachment • 2 mins

Text and natural language processing with TensorFlow

Audio

3 attachments • 41 mins

Simple audio recognition: Recognizing keywords

Transfer learning with YAMNet for environmental sound classification

Generate music with an RNN

Structured Data

3 attachments • 2 hrs

Classify structured data using Keras preprocessing layers

Classification on imbalanced data

Time series forecasting

Generative

10 attachments • 4 hrs

High-performance image generation using Stable Diffusion in KerasCV

Neural style transfer

DeepDream

Deep Convolutional Generative Adversarial Network

pix2pix: Image-to-image translation with a conditional GAN

CycleGAN

Adversarial example using FGSM

Intro to Autoencoders

Convolutional Variational Autoencoder

Learned data compression

Model Optimization

1 attachment • 18 mins

Scalable model compression

Model Understanding

2 attachments • 26 mins

Integrated gradients

Uncertainty-aware Deep Learning with SNGP

Reinforcement Learning

1 attachment • 17 mins

Playing CartPole with the Actor-Critic method

tf.Estimator

5 attachments • 29 mins

Premade Estimators

Build a linear model with Estimators

Create an Estimator from a Keras model

Multi-worker training with Estimator

Classify structured data with feature columns

Reference Videos for Better Understanding from YouTube

46 attachments • 4 hrs

Why TensorFlow?

Recommendation systems overview (Building recommendation systems with TensorFlow)

Content-based filtering & collaborative filtering (Building recommendation systems with TensorFlow)

Intro to TensorFlow Recommenders (Building recommendation systems with TensorFlow)

Building a ranking model with TF Recommenders (Building recommendation systems with TensorFlow)

Leveraging context features and multitask learning (Building recommendation systems with TensorFlow)

Deep & Cross Network (Building recommendation systems with TensorFlow)

Efficient serving with ScaNN for retrieval (Building recommendation systems with TensorFlow)

Natural Language Processing - Tokenization (NLP Zero to Hero - Part 1)

Sequencing - Turning sentences into data (NLP Zero to Hero - Part 2)

Training a model to recognize sentiment in text (NLP Zero to Hero - Part 3)

ML with Recurrent Neural Networks (NLP Zero to Hero - Part 4)

Long Short-Term Memory for NLP (NLP Zero to Hero - Part 5)

Training an AI to create poetry (NLP Zero to Hero - Part 6)

Neural Structured Learning - Part 1: Framework overview

Neural Structured Learning - Part 2: Training with natural graphs

Neural Structured Learning - Part 3: Training with synthesized graphs

Neural Structured Learning - Part 4: Adversarial learning for image classification

Announcing TensorFlow 2.0 (Coding TensorFlow)

Distributed Processing and Components (TensorFlow Extended)

Why do I need metadata? (TensorFlow Extended)

How do TFX pipelines work? (TensorFlow Extended)

What exactly is this TFX thing? (TensorFlow Extended)

Get started with using TensorFlow to solve for regression problems (Coding TensorFlow)

Upgrade your existing code for TensorFlow 2.0 (Coding TensorFlow)

How to take advantage of GPUs and TPUs for your ML project (Coding TensorFlow)

Get started with Google Colaboratory (Coding TensorFlow)

Getting Started with TensorFlow in Google Colaboratory (Coding TensorFlow)

Build a deep neural network in 4 mins with TensorFlow in Colab

TensorFlow Lite, Experimental GPU Delegate (Coding TensorFlow)

TensorFlow high-level APIs: Part 1 - loading data

TensorFlow high-level APIs: Part 2 - going deep on data and features

TensorFlow high-level APIs: Part 3 - Building and refining your models

Saving and Loading Models (Coding TensorFlow)

Solve your model’s overfitting and underfitting problems - Pt.1 (Coding TensorFlow)

Solve your model’s overfitting and underfitting problems - Pt.2 (Coding TensorFlow)

Prepare your data for ML | Text Classification Tutorial Pt. 1 (Coding TensorFlow)

Designing a neural network | Text Classification Tutorial Pt. 2 (Coding TensorFlow)

Use TensorFlow to classify clothing images (Coding TensorFlow)

Build a neural network to perform classification | TensorFlow.js (Coding TensorFlow)

Prepare your dataset for machine learning (Coding TensorFlow)

Try TensorFlow.js in your browser (Coding TensorFlow)

TensorFlow Lite for iOS (Coding TensorFlow)

TensorFlow Lite for Android (Coding TensorFlow)

Introducing TensorFlow Lite (Coding TensorFlow)

All About TensorFlow Code (Coding TensorFlow)

Inside TensorFlow

23 attachments • 16 hrs

What’s new in TensorFlow 2.11

Inside TensorFlow: Parameter server training

Inside TensorFlow: TF NumPy

Inside TensorFlow: Building ML infra

Inside TensorFlow: Quantization aware training

Inside TensorFlow: New TF Lite Converter

Inside TensorFlow: TF Debugging

Inside TensorFlow: TF-Agents

Inside TensorFlow: tf.data + tf.distribute

Inside TensorFlow: TF Filesystems

Inside TensorFlow: TF Model Optimization Toolkit (Quantization and Pruning)

Inside TensorFlow: Eager execution runtime

Inside TensorFlow: Control Flow

Inside TensorFlow: tf.data - TF Input Pipeline

Inside TensorFlow: Summaries and TensorBoard

Inside TensorFlow: Resources and Variants

Inside TensorFlow: Functions, not sessions

Inside TensorFlow: tf.distribute.Strategy

Inside TensorFlow: tf.Keras (Part 1)

Inside TensorFlow: tf.Keras (part 2)

Inside TensorFlow: TensorFlow Lite

Inside TensorFlow: AutoGraph

Inside TensorFlow: MLIR for TF developers

TensorFlow Certificate Examination

1 attachment • 1 mins

TensorFlow Examination

FAQs

How can I enrol in a course?

Enrolling in a course is simple! Just browse through our website, select the course you're interested in, and click on the "Enrol Now" button. Follow the prompts to complete the enrolment process, and you'll gain immediate access to the course materials.

Can I access the course materials on any device?

Yes, our platform is designed to be accessible on various devices, including computers, laptops, tablets, and smartphones. You can access the course materials anytime, anywhere, as long as you have an internet connection.

How can I access the course materials?

Once you enrol in a course, you will gain access to a dedicated online learning platform. All course materials, including video lessons, lecture notes, and supplementary resources, can be accessed conveniently through the platform at any time.

Can I interact with the instructor during the course?

Absolutely! we are committed to providing an engaging and interactive learning experience. You will have opportunities to interact with them through our community. Take full advantage to enhance your understanding and gain insights directly from the expert.

About the creator

About the creator

Learn withTensorFlow

TensorFlow is Google Brain's second-generation system. Version 1.0.0 was released on February 11, 2017. While the reference implementation runs on single devices, TensorFlow can run on multiple CPUs and GPUs (with optional CUDA and SYCL extensions for general-purpose computing on graphics processing units). TensorFlow is available on 64-bit Linux, macOS, Windows, and mobile computing platform.

Rate this Course

Free

×

Order ID:

This course is in your library

What are you waiting for? It’s time to start learning!

Illustration | Payment success

Share this course

https://undefined/courses/TensorFlow-Developer-Certification-6719aa784824fc3d0352884c

or

×

Wait up!

We see you’re already enrolled in this course till Lifetime. Do you still wish to enroll again?

Illustration | Already enrolled in course