

Our Courses

Encoder-Decoder Architecture - 繁體中文
本課程概要說明解碼器與編碼器的架構,這種強大且常見的機器學習架構適用於序列對序列的任務,例如機器翻譯、文字摘要和回答問題。您將認識編碼器與解碼器架構的主要元件,並瞭解如何訓練及提供這些模型。在對應的研究室逐步操作說明中,您將學習如何從頭開始使用 TensorFlow 寫程式,導入簡單的編碼器與解碼器架構來產生詩詞。
-
Course by
-
Self Paced
-
English

Practical Python for AI Coding 2
Introduction video : https://youtu.be/TRhwIHvehR0 This course is for a complete novice of Python coding, so no prior knowledge or experience in software coding is required. This course selects, introduces and explains Python syntaxes, functions and libraries that were frequently used in AI coding. In addition, this course introduces vital syntaxes, and functions often used in AI coding and explains the complementary relationship among NumPy, Pandas and TensorFlow, so this course is helpful for even seasoned python users.
-
Course by
-
Self Paced
-
9 hours
-
English

Generative Deep Learning with TensorFlow
In this course, you will: a) Learn neural style transfer using transfer learning: extract the content of an image (eg. swan), and the style of a painting (eg. cubist or impressionist), and combine the content and style into a new image.
-
Course by
-
Self Paced
-
17 hours
-
English

Encoder-Decoder Architecture - 简体中文
本课程简要介绍了编码器-解码器架构,这是一种功能强大且常见的机器学习架构,适用于机器翻译、文本摘要和问答等 sequence-to-sequence 任务。您将了解编码器-解码器架构的主要组成部分,以及如何训练和部署这些模型。在相应的实验演示中,您将在 TensorFlow 中从头编写简单的编码器-解码器架构实现代码,以用于诗歌生成。
-
Course by
-
Self Paced
-
English

Orchestrating a TFX Pipeline with Airflow
This is a self-paced lab that takes place in the Google Cloud console. In this lab, you'll learn to create your own machine learning pipelines using TensorFlow Extended (TFX) and Apache Airflow as the orchestrator.
-
Course by
-
Self Paced
-
2 hours
-
English

Visualizing Filters of a CNN using TensorFlow
In this short, 1 hour long guided project, we will use a Convolutional Neural Network - the popular VGG16 model, and we will visualize various filters from different layers of the CNN. We will do this by using gradient ascent to visualize images that maximally activate specific filters from different layers of the model. We will be using TensorFlow as our machine learning framework.
-
Course by
-
Self Paced
-
1 hour
-
English

Image Classification with CNNs using Keras
In this 1-hour long project-based course, you will learn how to create a Convolutional Neural Network (CNN) in Keras with a TensorFlow backend, and you will learn to train CNNs to solve Image Classification problems.
-
Course by
-
Self Paced
-
3 hours
-
English

Classification of COVID19 using Chest X-ray Images in Keras
In this 1 hour long project-based course, you will learn to build and train a convolutional neural network in Keras with TensorFlow as backend from scratch to classify patients as infected with COVID or not using their chest x-ray images.
-
Course by
-
Self Paced
-
3 hours
-
English

Microsoft Azure Machine Learning for Data Scientists
Machine learning is at the core of artificial intelligence, and many modern applications and services depend on predictive machine learning models. Training a machine learning model is an iterative process that requires time and compute resources. Automated machine learning can help make it easier.
-
Course by
-
Self Paced
-
11 hours
-
English

Advanced Learning Algorithms
In the second course of the Machine Learning Specialization, you will: • Build and train a neural network with TensorFlow to perform multi-class classification • Apply best practices for machine learning development so that your models generalize to data and tasks in the real world • Build and use decision trees and tree ensemble methods, including random forests and boosted trees The Machine Learning Specialization is a foundational online program created in collaboration between DeepLearning.AI and Stanford Online.
-
Course by
-
Self Paced
-
English

Classify Radio Signals from Space using Keras
In this 1-hour long project-based course, you will learn the basics of using Keras with TensorFlow as its backend and use it to solve an image classification problem.
-
Course by
-
Self Paced
-
3 hours
-
English

Introduction to Convolutions with TensorFlow
This is a self-paced lab that takes place in the Google Cloud console. A convolution is a filter that passes over an image, processes it, and extracts features that show a commonality in the image. In this lab you'll see how they work, and try processing an image to extract features from it! You also explore pooling, which compresses your image and further emphasizes the features.
-
Course by
-
Self Paced
-
1 hour
-
English

Classify Images with TensorFlow Convolutional Neural Networks
This is a self-paced lab that takes place in the Google Cloud console. In this lab, you'll learn about how to use convolutional neural networks to improve your image classification models.
-
Course by
-
Self Paced
-
1 hour
-
English

Perform data science with Azure Databricks
In this course, you will learn how to harness the power of Apache Spark and powerful clusters running on the Azure Databricks platform to run data science workloads in the cloud. This is the fourth course in a five-course program that prepares you to take the DP-100: Designing and Implementing a Data Science Solution on Azurec ertification exam. The certification exam is an opportunity to prove knowledge and expertise operate machine learning solutions at a cloud-scale using Azure Machine Learning.
-
Course by
-
Self Paced
-
26 hours
-
English

Basic Sentiment Analysis with TensorFlow
Welcome to this project-based course on Basic Sentiment Analysis with TensorFlow.
-
Course by
-
Self Paced
-
4 hours
-
English

Learning TensorFlow: the Hello World of Machine Learning
This is a self-paced lab that takes place in the Google Cloud console. In this lab, you learn the basic ‘Hello World' of machine learning. Instead of programming explicit rules in a language such as Java or C++, you build a system that is trained on data to infer the rules that determine a relationship between numbers.
-
Course by
-
Self Paced
-
1 hour
-
English

Simple Recurrent Neural Network with Keras
In this hands-on project, you will use Keras with TensorFlow as its backend to create a recurrent neural network model and train it to learn to perform addition of simple equations given in string format.
-
Course by
-
Self Paced
-
3 hours
-
English

Neural Network from Scratch in TensorFlow
In this 2-hours long project-based course, you will learn how to implement a Neural Network model in TensorFlow using its core functionality (i.
-
Course by
-
Self Paced
-
3 hours
-
English

Deep-Dive into Tensorflow Activation Functions
You've learned how to use Tensorflow. You've learned the important functions, how to design and implement sequential and functional models, and have completed several test projects. What's next? It's time to take a deep dive into activation functions, the essential function of every node and layer of a neural network, deciding whether to fire or not to fire, and adding an element of non-linearity (in most cases). In this 2 hour course-based project, you will join me in a deep-dive into an exhaustive list of activation functions usable in Tensorflow and other frameworks.
-
Course by
-
Self Paced
-
2 hours
-
English

TensorFlow on Google Cloud - Español
En este curso, se explica cómo crear modelos de AA con TensorFlow y Keras, cómo mejorar la exactitud de los modelos de AA y cómo escribir modelos de AA para uso escalado.
-
Course by
-
Self Paced
-
English

Prepare for DP-100: Data Science on Microsoft Azure Exam
Microsoft certifications give you a professional advantage by providing globally recognized and industry-endorsed evidence of mastering skills in digital and cloud businesses. In this course, you will prepare to take the DP-100 Azure Data Scientist Associate certification exam. You will refresh your knowledge of how to plan and create a suitable working environment for data science workloads on Azure, run data experiments, and train predictive models.
-
Course by
-
Self Paced
-
9 hours
-
English

TensorFlow on Google Cloud - Português Brasileiro
Este curso ensina a criar modelos de ML com o TensorFlow e o Keras, melhorar a acurácia deles e desenvolver modelos para uso em escala.
-
Course by
-
Self Paced
-
English

Machine Learning: Concepts and Applications
This course gives you a comprehensive introduction to both the theory and practice of machine learning. You will learn to use Python along with industry-standard libraries and tools, including Pandas, Scikit-learn, and Tensorflow, to ingest, explore, and prepare data for modeling and then train and evaluate models using a wide variety of techniques.
-
Course by
-
Self Paced
-
38 hours
-
English

Support Vector Machines in Python, From Start to Finish
In this lesson we will built this Support Vector Machine for classification using scikit-learn and the Radial Basis Function (RBF) Kernel. Our training data set contains continuous and categorical data from the UCI Machine Learning Repository to predict whether or not a patient has heart disease. This course runs on Coursera's hands-on project platform called Rhyme. On Rhyme, you do projects in a hands-on manner in your browser. You will get instant access to pre-configured cloud desktops containing all of the software and data you need for the project.
-
Course by
-
Self Paced
-
2 hours
-
English

TensorFlow on Google Cloud - 한국어
이 과정에서는 TensorFlow 및 Keras를 사용한 ML 모델 빌드, ML 모델의 정확성 개선, 사용 사례 확장을 위한 ML 모델 작성에 대해 다룹니다.
-
Course by
-
Self Paced
-
English