

دوراتنا

Applied AI with DeepLearning
>>> By enrolling in this course you agree to the End User License Agreement as set out in the FAQ. Once enrolled you can access the license in the Resources area
-
Course by
-
Self Paced
-
25 ساعات
-
الإنجليزية

TensorFlow on Google Cloud
This course covers building ML models with TensorFlow and Keras, improving the accuracy of ML models and writing ML models for scaled use.
-
Course by
-
Self Paced
-
13 ساعات
-
الإنجليزية

Device-based Models with TensorFlow Lite
Bringing a machine learning model into the real world involves a lot more than just modeling. This Specialization will teach you how to navigate various deployment scenarios and use data more effectively to train your model. This second course teaches you how to run your machine learning models in mobile applications. You’ll learn how to prepare models for a lower-powered, battery-operated devices, then execute models on both Android and iOS platforms.
-
Course by
-
Self Paced
-
11 ساعات
-
الإنجليزية

Natural Language Processing with Sequence Models
In Course 3 of the Natural Language Processing Specialization, you will: a) Train a neural network with word embeddings to perform sentiment analysis of tweets, b) Generate synthetic Shakespeare text using a Gated Recurrent Unit (GRU) language model, c) Train a recurrent neural network to perform named entity recognition (NER) using LSTMs with linear layers, and d) Use so-called ‘Siamese’ LSTM models to compare questions in a corpus and identify those that are worded differently but have the same meaning. By the end of this Specialization, you will have designed NLP applications that perfo
-
Course by
-
Self Paced
-
24 ساعات
-
الإنجليزية

Natural Language Processing on Google Cloud
This course introduces the products and solutions to solve NLP problems on Google Cloud.
-
Course by
-
Self Paced
-
13 ساعات
-
الإنجليزية

Natural Language Processing with Probabilistic Models
In Course 2 of the Natural Language Processing Specialization, you will: a) Create a simple auto-correct algorithm using minimum edit distance and dynamic programming, b) Apply the Viterbi Algorithm for part-of-speech (POS) tagging, which is vital for computational linguistics, c) Write a better auto-complete algorithm using an N-gram language model, and d) Write your own Word2Vec model that uses a neural network to compute word embeddings using a continuous bag-of-words model. By the end of this Specialization, you will have designed NLP applications that perform question-answering and se
-
Course by
-
Self Paced
-
31 ساعات
-
الإنجليزية

Convolutional Neural Networks in TensorFlow
If you are a software developer who wants to build scalable AI-powered algorithms, you need to understand how to use the tools to build them. This course is part of the DeepLearning.AI TensorFlow Developer Specialization and will teach you best practices for using TensorFlow, a popular open-source framework for machine learning. In Course 2 of the DeepLearning.AI TensorFlow Developer Specialization, you will learn advanced techniques to improve the computer vision model you built in Course 1.
-
Course by
-
Self Paced
-
17 ساعات
-
الإنجليزية

Feature Engineering
This course explores the benefits of using Vertex AI Feature Store, how to improve the accuracy of ML models, and how to find which data columns make the most useful features. This course also includes content and labs on feature engineering using BigQuery ML, Keras, and TensorFlow.
-
Course by
-
Self Paced
-
8 ساعات
-
الإنجليزية

Sequences, Time Series and Prediction
If you are a software developer who wants to build scalable AI-powered algorithms, you need to understand how to use the tools to build them. This Specialization will teach you best practices for using TensorFlow, a popular open-source framework for machine learning. In this fourth course, you will learn how to build time series models in TensorFlow. You’ll first implement best practices to prepare time series data. You’ll also explore how RNNs and 1D ConvNets can be used for prediction.
-
Course by
-
Self Paced
-
23 ساعات
-
الإنجليزية

Improving Deep Neural Networks: Hyperparameter Tuning, Regularization and Optimization
In the second course of the Deep Learning Specialization, you will open the deep learning black box to understand the processes that drive performance and generate good results systematically.
-
Course by
-
Self Paced
-
24 ساعات
-
الإنجليزية

Natural Language Processing in TensorFlow
If you are a software developer who wants to build scalable AI-powered algorithms, you need to understand how to use the tools to build them. This Specialization will teach you best practices for using TensorFlow, a popular open-source framework for machine learning. In Course 3 of the DeepLearning.AI TensorFlow Developer Specialization, you will build natural language processing systems using TensorFlow. You will learn to process text, including tokenizing and representing sentences as vectors, so that they can be input to a neural network.
-
Course by
-
Self Paced
-
24 ساعات
-
الإنجليزية

Getting started with TensorFlow 2
Welcome to this course on Getting started with TensorFlow 2! In this course you will learn a complete end-to-end workflow for developing deep learning models with Tensorflow, from building, training, evaluating and predicting with models using the Sequential API, validating your models and including regularisation, implementing callbacks, and saving and loading models. You will put concepts that you learn about into practice straight away in practical, hands-on coding tutorials, which you will be guided through by a graduate teaching assistant.
-
Course by
-
Self Paced
-
26 ساعات
-
الإنجليزية

Custom Models, Layers, and Loss Functions with TensorFlow
In this course, you will: • Compare Functional and Sequential APIs, discover new models you can build with the Functional API, and build a model that produces multiple outputs including a Siamese network. • Build custom loss functions (including the contrastive loss function used in a Siamese network) in order to measure how well a model is doing and help your neural network learn from training data.
-
Course by
-
Self Paced
-
31 ساعات
-
الإنجليزية

Introduction to TensorFlow for Artificial Intelligence, Machine Learning, and Deep Learning
If you are a software developer who wants to build scalable AI-powered algorithms, you need to understand how to use the tools to build them. This course is part of the DeepLearning.AI TensorFlow Developer Specialization and will teach you best practices for using TensorFlow, a popular open-source framework for machine learning. The Machine Learning course and Deep Learning Specialization from Andrew Ng teach the most important and foundational principles of Machine Learning and Deep Learning.
-
Course by
-
التعلم الذاتي
-
18 ساعات
-
الإنجليزية

Natural Language Processing with Classification and Vector Spaces
In Course 1 of the Natural Language Processing Specialization, you will: a) Perform sentiment analysis of tweets using logistic regression and then naïve Bayes, b) Use vector space models to discover relationships between words and use PCA to reduce the dimensionality of the vector space and visualize those relationships, and c) Write a simple English to French translation algorithm using pre-computed word embeddings and locality-sensitive hashing to relate words via approximate k-nearest neighbor search.
-
Course by
-
Self Paced
-
33 ساعات
-
الإنجليزية

Probabilistic Deep Learning with TensorFlow 2
Welcome to this course on Probabilistic Deep Learning with TensorFlow! This course builds on the foundational concepts and skills for TensorFlow taught in the first two courses in this specialisation, and focuses on the probabilistic approach to deep learning. This is an increasingly important area of deep learning that aims to quantify the noise and uncertainty that is often present in real world datasets.
-
Course by
-
Self Paced
-
53 ساعات
-
الإنجليزية

Machine Learning for All
Machine Learning, often called Artificial Intelligence or AI, is one of the most exciting areas of technology at the moment. We see daily news stories that herald new breakthroughs in facial recognition technology, self driving cars or computers that can have a conversation just like a real person. Machine Learning technology is set to revolutionise almost any area of human life and work, and so will affect all our lives, and so you are likely to want to find out more about it.
-
Course by
-
Self Paced
-
22 ساعات
-
الإنجليزية

Customising your models with TensorFlow 2
Welcome to this course on Customising your models with TensorFlow 2! In this course you will deepen your knowledge and skills with TensorFlow, in order to develop fully customised deep learning models and workflows for any application. You will use lower level APIs in TensorFlow to develop complex model architectures, fully customised layers, and a flexible data workflow.
-
Course by
-
27 ساعات
-
الإنجليزية

Data Pipelines with TensorFlow Data Services
Bringing a machine learning model into the real world involves a lot more than just modeling.
-
Course by
-
Self Paced
-
12 ساعات
-
الإنجليزية

Natural Language Processing with Attention Models
In Course 4 of the Natural Language Processing Specialization, you will: a) Translate complete English sentences into Portuguese using an encoder-decoder attention model, b) Build a Transformer model to summarize text, c) Use T5 and BERT models to perform question-answering. By the end of this Specialization, you will have designed NLP applications that perform question-answering and sentiment analysis, and created tools to translate languages and summarize text! Learners should have a working knowledge of machine learning, intermediate Python including experience with a deep learning fra
-
Course by
-
Self Paced
-
35 ساعات
-
الإنجليزية

Browser-based Models with TensorFlow.js
Bringing a machine learning model into the real world involves a lot more than just modeling. This Specialization will teach you how to navigate various deployment scenarios and use data more effectively to train your model. In this first course, you’ll train and run machine learning models in any browser using TensorFlow.js. You’ll learn techniques for handling data in the browser, and at the end you’ll build a computer vision project that recognizes and classifies objects from a webcam. This Specialization builds upon our TensorFlow in Practice Specialization.
-
Course by
-
Self Paced
-
19 ساعات
-
الإنجليزية

Production Machine Learning Systems
In this course, we dive into the components and best practices of building high-performing ML systems in production environments. We cover some of the most common considerations behind building these systems, e.g. static training, dynamic training, static inference, dynamic inference, distributed TensorFlow, and TPUs. This course is devoted to exploring the characteristics that make for a good ML system beyond its ability to make good predictions.
-
Course by
-
Self Paced
-
19 ساعات
-
الإنجليزية

Deep Learning with Tensorflow
Much of theworld's data is unstructured. Think images, sound, and textual data. Learn how to apply Deep Learning with TensorFlow to this type of data to solve real-world problems.
-
Course by
-
الإنجليزية

Build a Deep Learning Based Image Classifier with R
In this 45-min guided project, you will learn the basics of using the Keras interface to R with Tensorflow as its backend to solve an image classification problem. By the time you complete this project, you will have used the R programming language to build, train, and evaluate a neural network model to classify images of clothing items into categories such as t-shirts, trousers, and sneakers. We will be training the deep learning based image classification model on the Fashion MNIST dataset which contains 70000 grayscale images of clothes across 10 categories.
-
Course by
-
Self Paced
-
3 ساعات
-
الإنجليزية

Create Custom Layers in Keras
In this 1-hour long project-based course, you will learn how to create a custom layer in Keras, and create a model using the custom layer. In this project, we will create a simplified version of a Parametric ReLU layer, and use it in a neural network model. Then we will use the neural network to solve a multi-class classification problem. We will also compare our activation layer with the more commonly used ReLU activation layer.
-
Course by
-
2 ساعات
-
الإنجليزية