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

Learn Explainable AI (XAI)

About this course

The deep learning models that power AI systems are often black boxes. Explainable AI tries to understand how these models make decisions, so that we can use them responsibly. In this course, you will learn the basic techniques of Explainable AI, including Generative Adversarial Networks (GANs). You will also learn about legal rights to explanation, and the role of explanation in regulating AI.

Skills you’ll gain

  • Understand how neural networks function
  • Evaluate common Explainable AI methods
  • Understand legal rights to explanation

Intro to LLMs

About this course

Large Language Models (LLMs) and text generation are at the heart of many cutting edge AI applications today. This course is a no-code introduction to LLMs, covering their history up to ChatGPT, how they generate text with neural networks, and how they can be adjusted via parameters like temperature. This course is a great starting point for exploring LLMs and generative AI more broadly.

Skills you’ll gain

  • Understand the history of LLMs
  • Understand how LLMs generate new text
  • Analyze the impact of LLM parameters

Deep Learning Neural Networks with Chainer Training Course

Duration

14 hours (usually 2 days including breaks)

Requirements

  • An understanding of artificial neural networks
  • Familiarity with deep learning frameworks (Caffe, Torch, etc.)
  • Python programming experience

Audience

  • AI Researchers
  • Developers

Overview

Chainer is an open source framework based on Python, built for accelerating research and implementing neural network models. It provides flexible, efficient, and simplified approaches to developing deep learning algorithms.

This instructor-led, live training (online or onsite) is aimed at researchers and developers who wish to use Chainer to build and train neural networks in Python while making the code easy to debug.

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

  • Set up the necessary development environment to start developing neural network models.
  • Define and implement neural network models using a comprehensible source code.
  • Execute examples and modify existing algorithms to optimize deep learning training models while leveraging GPUs for high performance.

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

  • Chainer vs Caffe vs Torch
  • Overview of Chainer features and components

Getting Started

  • Understanding the trainer structure
  • Installing Chainer, CuPy, and NumPy
  • Defining functions on variables

Training Neural Networks in Chainer

  • Constructing a computational graph
  • Running MNIST dataset examples
  • Updating parameters using an optimizer
  • Processing images to evaluate results

Working with GPUs in Chainer

  • Implementing recurrent neural networks
  • Using multiple GPUs for parallelization

Implementing Other Neural Network Models

  • Defining RNN models and running examples
  • Generating images with Deep Convolutional GAN
  • Running Reinforcement Learning examples

Troubleshooting

Summary and Conclusion

OpenNMT: Setting Up a Neural Machine Translation System Training Course

Duration

7 hours (usually 1 day including breaks)

Requirements

  • Some programming experience is helpful.
  • Experience using the command line.
  • Basic understanding of machine translation concepts.

Audience

  • Localization specialists with a technical background
  • Global content managers
  • Localization engineers
  • Software developers in charge of implementing global content solutions

Overview

In this instructor-led, live training, participants will learn how to set up and use OpenNMT to carry out translation of various sample data sets. The course starts with an overview of neural networks as they apply to machine translation. Participants will carry out live exercises throughout the course to demonstrate their understanding of the concepts learned and get feedback from the instructor.

By the end of this training, participants will have the knowledge and practice needed to implement a live OpenNMT solution.

Source and target language samples will be pre-arranged per the audience’s requirements.

Format of the Course

  • Part lecture, part discussion, heavy hands-on practice

Course Outline

Introduction

  • Why Neural Machine Translation?

Overview of the Torch Project

Installation and Setup

Preprocessing Your Data

Training the Model

Translating

Using Pre-Trained Models

Working with Lua Scripts

Using Extensions

Troubleshooting

Joining the Community

Summary and Conclusion

OpenNN: Implementing Neural Networks Training Course

Duration

14 hours (usually 2 days including breaks)

Requirements

  • An understanding of data science concepts
  • C++ programming experience is helpful

Audience

  • Software developers and programmers wishing to create Deep Learning applications.

Overview

In this instructor-led, live training, we go over the principles of neural networks and use OpenNN to implement a sample application.

Format of the course

  • Lecture and discussion coupled with hands-on exercises.

Course Outline

Introduction to OpenNN, Machine Learning and Deep Learning

Downloading OpenNN

Working with Neural Designer

  • Using Neural Designer for descriptive, diagnostic, predictive and prescriptive analytics

OpenNN architecture

  • CPU parallelization

OpenNN classes

  • Data set, neural network, loss index, training strategy, model selection, testing analysis
  • Vector and matrix templates

Building a neural network application

  • Choosing a suitable neural network
  • Formulating the variational problem (loss index)
  • Solving the reduced function optimization problem (training strategy)

Working with datasets

  • The data matrix (columns as variables and rows as instances)

Learning tasks

  • Function regression
  • Pattern recognition

Compiling with QT Creator

Integrating, testing and debugging your application

The future of neural networks and OpenNN

Summary and conclusion

Introduction to the Use of Neural Networks Training Course

Duration

7 hours (usually 1 day including breaks)

Overview

The training is aimed at people who want to learn the basics of neural networks and their applications.

Course Outline

The Basics

  • Whether computers can think of?
  • Imperative and declarative approach to solving problems
  • Purpose Bedan on artificial intelligence
  • The definition of artificial intelligence. Turing test. Other determinants
  • The development of the concept of intelligent systems
  • Most important achievements and directions of development

Neural Networks

  • The Basics
  • Concept of neurons and neural networks
  • A simplified model of the brain
  • Opportunities neuron
  • XOR problem and the nature of the distribution of values
  • The polymorphic nature of the sigmoidal
  • Other functions activated
  • Construction of neural networks
  • Concept of neurons connect
  • Neural network as nodes
  • Building a network
  • Neurons
  • Layers
  • Scales
  • Input and output data
  • Range 0 to 1
  • Normalization
  • Learning Neural Networks
  • Backward Propagation
  • Steps propagation
  • Network training algorithms
  • range of application
  • Estimation
  • Problems with the possibility of approximation by
  • Examples
  • XOR problem
  • Lotto?
  • Equities
  • OCR and image pattern recognition
  • Other applications
  • Implementing a neural network modeling job predicting stock prices of listed

Problems for today

  • Combinatorial explosion and gaming issues
  • Turing test again
  • Over-confidence in the capabilities of computers

Machine Learning with Python – 4 Days Training Course

Duration

28 hours (usually 4 days including breaks)

Requirements

Knowledge of Python programming language. Basic familiarity with statistics and linear algebra is recommended.

Overview

The aim of this course is to provide general proficiency in applying Machine Learning methods in practice. Through the use of the Python programming language and its various libraries, and based on a multitude of practical examples this course teaches how to use the most important building blocks of Machine Learning, how to make data modeling decisions, interpret the outputs of the algorithms and validate the results.

Our goal is to give you the skills to understand and use the most fundamental tools from the Machine Learning toolbox confidently and avoid the common pitfalls of Data Sciences applications.

Course Outline

Introduction to Applied Machine Learning

  • Statistical learning vs. Machine learning
  • Iteration and evaluation
  • Bias-Variance trade-off

Supervised Learning and Unsupervised Learning

  • Machine Learning Languages, Types, and Examples
  • Supervised vs Unsupervised Learning

Supervised Learning

  • Decision Trees
  • Random Forests
  • Model Evaluation

Machine Learning with Python

  • Choice of libraries
  • Add-on tools

Regression

  • Linear regression
  • Generalizations and Nonlinearity
  • Exercises

Classification

  • Bayesian refresher
  • Naive Bayes
  • Logistic regression
  • K-Nearest neighbors
  • Exercises

Cross-validation and Resampling

  • Cross-validation approaches
  • Bootstrap
  • Exercises

Unsupervised Learning

  • K-means clustering
  • Examples
  • Challenges of unsupervised learning and beyond K-means

Neural networks

  • Layers and nodes
  • Python neural network libraries
  • Working with scikit-learn
  • Working with PyBrain
  • Deep Learning

Deep Learning with PyTorch for Beginners – Part 1

Introduction to Machine Learning and Deep Learning

PyTorch Basics: Tensors & Gradients

Linear Regression with PyTorch

Working with Image Data in PyTorch

Image Classification using Convolutional Neural Networks

Residual Networks, Data Augmentation and Regularization Techniques

Generative Adverserial Networks

Requirements

  • Basic Linear Algebra (matrix multiplication)
  • Basic Python Programming
  • Basic Calculus (Derivatives)

Description

“Deep Learning with PyTorch for Beginners is a series of courses covering various topics like the basics of Deep Learning, building neural networks with PyTorch, CNNs, RNNs, NLP, GANs, etc. This course is Part 1 of 5.

Topics Covered:

1. Introduction to Machine Learning & Deep Learning
2. Introduction on how to use Jovian platform
3. Introduction to PyTorch: Tensors & Gradients
4. Interoperability with Numpy
5. Linear Regression with PyTorch
    – System setup
    – Training data
    – Linear Regression from scratch
    – Loss function
    – Compute gradients
    – Adjust weights and biases using gradient descent
    – Train for multiple epochs
    – Linear Regression using PyTorch built-ins
    – Dataset and DataLoader
    – Using nn.Linear 
    – Loss Function
    – Optimizer
    – Train the model
    – Commit and update the notebook
7. Sharing Jupyter notebooks online with Jovian

Who this course is for:

  • Beginner Python developers curious about Deep Learning and PyTorch

Show less

Course content