Deep Learning: GANs and Variational Autoencoders

Course content

  • Introduction and Outline
  • Generative Modeling Review
  • Variational Autoencoders
  • Generative Adversarial Networks (GANs)
  • Theano and Tensorflow Basics Review
  • Setting Up Your Environment (FAQ by Student Request)
  • Extra Help With Python Coding for Beginners (FAQ by Student Request)
  • Effective Learning Strategies for Machine Learning (FAQ by Student Request)
  • Appendix / FAQ Finale

TensorFlow Developer Certificate: Zero to Mastery

Course content

  • Introduction
  • Deep Learning and TensorFlow Fundamentals
  • Neural network regression with TensorFlow
  • Neural network classification in TensorFlow
  • Computer Vision and Convolutional Neural Networks in TensorFlow
  • Transfer Learning in TensorFlow Part 1: Feature extraction
  • Transfer Learning in TensorFlow Part 2: Fine tuning
  • Transfer Learning with TensorFlow Part 3: Scaling Up
  • Milestone Project 1: Food Vision Big
  • NLP Fundamentals in TensorFlow
  • Milestone Project 2: SkimLit
  • Time Series fundamentals in TensorFIow + Milestone Project 3: BitPredict
  • Passing the TensorFlow Developer Certificate Exam
  • Where To Go From Here?
  • Appendix: Machine Learning Primer
  • Appendix: Machine Learning and Data Science Framework
  • Appendix: Pandas for Data Analysis
  • Appendix: NumPy
  • BONUS SECTION

Deep Learning A-Z 2023: Neural Networks, AI & ChatGPT Prize

Course content

  • Welcome to the course!
  • Part 1 – Artificial Neural Networks
  • ANN Intuition
  • Building an ANN
  • Part 2 – Convolutional Neural Networks
  • CNN Intuition
  • Building a CNN
  • Part 3 – Recurrent Neural Networks
  • RNN Intuition
  • Building a RNN
  • Evaluating and Improving the RNN
  • Part 4 – Self Organizing Maps
  • SOMs Intuition
  • Building a SOM
  • Mega Case Study
  • Part 5 – Boltzmann Machines
  • Boltzmann Machine Intuition
  • Building a Boltzmann Machine
  • Part 6 – AutoEncoders
  • AutoEncoders Intuition
  • Building an AutoEncoder
  • Annex – Get the Machine Learning Basics
  • Regression & Classification Intuition
  • Data Preprocessing
  • Data Preprocessing in Python
  • Logistic Regression
  • Congratulations!! Don’t forget your Prize

Python and Deep Learning with OpenCV 4 Training Course

Duration

14 hours (usually 2 days including breaks)

Requirements

  • Basic programming experience

Audience

  • Software Engineers

Overview

OpenCV is a library of programming functions for deciphering images with computer algorithms. OpenCV 4 is the latest OpenCV release and it provides optimized modularity, updated algorithms, and more. With OpenCV 4 and Python, users will be able to view, load, and classify images and videos for advanced image recognition.

This instructor-led, live training (online or onsite) is aimed at software engineers who wish to program in Python with OpenCV 4 for deep learning.

By the end of this training, participants will be able to:

  • View, load, and classify images and videos using OpenCV 4.
  • Implement deep learning in OpenCV 4 with TensorFlow and Keras.
  • Run deep learning models and generate impactful reports from images and videos.

Format of the Course

  • Interactive lecture and discussion.
  • Lots of exercises and practice.
  • Hands-on implementation in a live-lab environment.

Course Customization Options

  • To request a customized training for this course, please contact us to arrange.

Course Outline

Introduction

What is AI

  • Computational Psychology
  • Computational Philosophy

Deep Learning

  • Artificial neural networks
  • Deep learning vs. machine learning

Preparing the Development Environment

  • Installing and configuring OpenCV

OpenCV 4 Quickstart

  • Viewing images
  • Using color channels
  • Viewing videos

Deep Learning Computer Vision

  • Using the DNN module
  • Working with with deep learning models
  • Using SSDs

Neural Networks

  • Using different training methods
  • Measuring performance

Convolutional Neural Networks

  • Training and designing CNNs
  • Building a CNN in Keras
  • Importing data
  • Saving, loading, and displaying a model

Classifiers

  • Building and training a classifier
  • Splitting data
  • Boosting accuracy of results and values

Summary and Conclusion

OpenAI Gym Training Course

Duration

7 hours (usually 1 day including breaks)

Requirements

  • Knowledge of Python or other programming languages
  • Understanding of artificial intelligence (AI) and machine learning (ML) concepts

Audience

  • Researchers
  • Developers

Overview

OpenAI Gym is an open-source interface used to create, develop, and compare reinforcement learning (RL) tasks and algorithms. Gym provides a wide set of environment libraries to run reinforcement learning tasks with ease.

This instructor-led, live training (online or onsite) is aimed at researchers and developers who wish to install, configure, customize, and implement OpenAI Gym to quickly develop reinforcement learning algorithms.

By the end of this training, participants will be able to build, develop, execute, and test reinforcement learning algorithms to optimize tasks and achieve maximum results.

Format of the Course

  • Interactive lecture and discussion.
  • Lots of exercises and practice.
  • Hands-on implementation in a live-lab environment.

Course Customization Options

  • To request a customized training for this course, please contact us to arrange.

Course Outline

Introduction

Overview of OpenAI Gym Features and Architecture

Learning About OpenAI Gym Basics

Exploring the OpenAI Gym Library

Installing OpenAI Gym and Dependencies

Building Gym Directly from Source

Working with OpenAI Gym Environments

Creating Your Own Environments

Executing Environment Functions and Tasks

Working with Agents, Actions, Observations, and Rewards

Understanding Space Types in Environments

Using OpenAI Gym’s Registry Function

Testing the Algorithms and Environments

Troubleshooting

Summary and Conclusion

Distributed Deep Learning with Horovod Training Course

Duration

7 hours (usually 1 day including breaks)

Requirements

  • An understanding of Machine Learning, specifically deep learning
  • Familiarity with machine learning libraries (TensorFlow, Keras, PyTorch, Apache MXNet)
  • Python programming experience

Audience

  • Developers
  • Data scientists

Overview

Horovod is an open source software framework, designed for processing fast and efficient distributed deep learning models using TensorFlow, Keras, PyTorch, and Apache MXNet. It can scale up a single-GPU training script to run on multiple GPUs or hosts with minimal code changes.

This instructor-led, live training (online or onsite) is aimed at developers or data scientists who wish to use Horovod to run distributed deep learning trainings and scale it up to run across multiple GPUs in parallel.

By the end of this training, participants will be able to:

  • Set up the necessary development environment to start running deep learning trainings.
  • Install and configure Horovod to train models with TensorFlow, Keras, PyTorch, and Apache MXNet.
  • Scale deep learning training with Horovod to run on multiple GPUs.

Format of the Course

  • Interactive lecture and discussion.
  • Lots of exercises and practice.
  • Hands-on implementation in a live-lab environment.

Course Customization Options

  • This course is focused on Horovod, but other software tools and frameworks such as TensorFlow, Keras, PyTorch, and Apache MXNet may be required. Please let us know if you have specific requirements or preferences.
  • To request a customized training for this course, please contact us to arrange.

Course Outline

Introduction

  • Overview of Horovod features and concepts
  • Understanding the supported frameworks

Installing and Configuring Horovod

  • Preparing the hosting environment    
  • Building Horovod for TensorFlow, Keras, PyTorch, and Apache MXNet
  • Running Horovod

Running Distributed Training

  • Modifying and running training examples with TensorFlow
  • Modifying and running training examples with Keras
  • Modifying and running training examples with PyTorch
  • Modifying and running training examples with Apache MXNet

Optimizing Distributed Training Processes

  • Running concurrent operations on multiple GPUs    
  • Tuning hyperparameters
  • Enabling performance autotuning

Troubleshooting

Summary and Conclusion

Accelerating Deep Learning with FPGA and OpenVINO Training Course

Duration

35 hours (usually 5 days including breaks)

Requirements

  • Python programming experience
  • Experience with pandas and scikit-learn
  • Experience with deep learning and computer vision

Audience

  • Data scientists

Overview

An FPGA (Field Programmable Gate Array) is an integrated circuit that can be used to accelerate deep learning computations. OpenVINO is an open source toolkit for optimizing Deep Learning models on Intel hardware.

This instructor-led, live training (online or onsite) is aimed at data scientists who wish to accelerate real-time machine learning applications and deploy them at scale.

By the end of this training, participants will be able to:

  • Install the OpenVINO toolkit.
  • Accelerate a computer vision application using an FPGA.
  • Execute different CNN layers on the FPGA.
  • Scale the application across multiple nodes in a Kubernetes cluster.

Format of the Course

  • Interactive lecture and discussion.
  • Lots of exercises and practice.
  • Hands-on implementation in a live-lab environment.

Course Customization Options

  • To request a customized training for this course, please contact us to arrange.

Course Outline

Introduction

Overview the Languages, Tools, and Libraries Needed for Accelerating a Computer Vision Application

Setting up OpenVINO

Overview of OpenVINO Toolkit and its Components

Understanding Deep Learning Acceleration GPU and FPGA

Writing Software That Targets FPGA

Converting a Model Format for an Inference Engine

Mapping Network Topologies onto FPGA Architecture

Using an Acceleration Stack to Enable an FPGA Cluster

Setting up an Application to Discover an FPGA Accelerator

Deploying the Application for Real World Image Recognition

Troubleshooting

Summary and Conclusion

Building Deep Learning Models with Apache MXNet Training Course

Duration

21 hours (usually 3 days including breaks)

Requirements

  • An understanding of machine learning principles
  • Python programming experience

Audience

  • Data scientists

Overview

MXNet is a flexible, open-source Deep Learning library that is popular for research prototyping and production. Together with the high-level Gluon API interface, Apache MXNet is a powerful alternative to TensorFlow and PyTorch.

This instructor-led, live training (online or onsite) is aimed at data scientists who wish to use Apache MXNet to build and deploy a deep learning model for image recognition.

By the end of this training, participants will be able to:

  • Install and configure Apache MXNet and its components.
  • Understand MXNet’s architecture and data structures.
  • Use Apache MXNet’s low-level and high-level APIs to efficiently build neural networks.
  • Build a convolutional neural network for image classification.

Format of the Course

  • Interactive lecture and discussion.
  • Lots of exercises and practice.
  • Hands-on implementation in a live-lab environment.

Course Customization Options

  • To request a customized training for this course, please contact us to arrange.

Course Outline

Introduction

  • Apache MXNet vs PyTorch

Deep Learning Principles and the Deep Learning Ecosystem

  • Tensors, Multi-layer Perceptron, Convolutional Neural Networks, and Recurrent Neural Networks
  • Computer Vision vs Natural Language Processing

Overview of Apache MXNet Features and Architecture

  • Apache MXNet Compenents
  • Gluon API interface
  • Overview of GPUs and model parallelism
  • Symbolic and imperative programming

Setup

  • Choosing a Deployment Environment (On-Premise, Public Cloud, etc.)
  • Installing Apache MXNet

Working with Data

  • Reading in Data
  • Validating Data
  • Manipulating Data

Developing a Deep Learning Model

  • Creating a Model
  • Training a Model
  • Optimizing the Model

Deploying the Model

  • Predicting with a Pre-trained Model
  • Integrating the Model into an Application

MXNet Security Best Practices

Troubleshooting

Summary and Conclusion

Deep Learning for Self Driving Cars Training Course

Duration

21 hours (usually 3 days including breaks)

Requirements

  • Python programming experience.

Audience

  • Developers

Overview

Deep learning is a subfield of machine learning. It uses methods based on learning data representations and structures such as neural networks.

Keras is a high-level neural networks API for fast development and experimentation. It runs on top of TensorFlow, CNTK, or Theano.

This instructor-led, live training (online or onsite) is aimed at developers who wish to build a self-driving car (autonomous vehicle) using deep learning techniques.

By the end of this training, participants will be able to:

  • Use Keras to build and train a convolutional neural network.
  • Use computer vision techniques to identify lanes in an autonomos driving project.
  • Train a deep learning model to differentiate traffic signs.
  • Simulate a fully autonomous car.

Format of the Course

  • Interactive lecture and discussion.
  • Lots of exercises and practice.
  • Hands-on implementation in a live-lab environment.

Course Customization Options

  • To request a customized training for this course, please contact us to arrange.

Course Outline

Introduction

Setting up the Development Environment

Creating a Project

Configuring the Simulator

Preparing the Data Sets

Overview of Python Deep Learning Libraries

Applying Computer Vision Techniques to Track Lanes

Training Perceptron-Based Neural Networks to Detect Other Vehicles

Implementing Convolutional Neural Networks to Predict Steering Angle and Speed

Training a Deep Learning Model to Classify Traffic Signs

Using Polynomial Regression to Improve Predictive Accuracy

Testing the Self Driving Car

Troubleshooting

Summary and Conclusion

Deep Learning with Keras Training Course

Duration

21 hours (usually 3 days including breaks)

Requirements

  • Python Programming experience.
  • Experience with the Linux command line.

Audience

  • Developers
  • Data scientists

Overview

Keras is a high-level neural networks API for fast development and experimentation. It runs on top of TensorFlow, CNTK, or Theano.

This instructor-led, live training (online or onsite) is aimed at technical persons who wish to apply deep learning model to image recognition applications.

By the end of this training, participants will be able to:

  • Install and configure Keras.
  • Quickly prototype deep learning models.
  • Implement a convolutional network.
  • Implement a recurrent network.
  • Execute a deep learning model on both a CPU and GPU.

Format of the Course

  • Interactive lecture and discussion.
  • Lots of exercises and practice.
  • Hands-on implementation in a live-lab environment.

Course Customization Options

  • To request a customized training for this course, please contact us to arrange.
  • To learn more about Keras, please visit: https://keras.io/

Course Outline

Introduction

Overview of Neural Networks

Understanding Convolutional Networks

Setting up Keras

Overview of Keras Features and Architecture

Overview of Keras Syntax

Understanding How a Keras Model Organize Layers

Configuring the Keras Backend (TensorFlow or Theano)

Implementing an Unsupervised Learning Model

Analyzing Images with a Convolutional Neural Network (CNN)

Preprocessing Data

Training the Model

Training on CPU vs GPU vs TPU

Evaluating the Model

Using a Pre-trained Deep Learning Model

Setting up a Recurrent Neural Network (RNN)

Debugging the Model

Saving the Model

Deploying the Model

Monitoring a Keras Model with TensorBoard

Troubleshooting

Summary and Conclusion