

دوراتنا

Convolutions for Text Classification with Keras
Welcome to this hands-on, guided introduction to Text Classification using 1D Convolutions with Keras. By the end of this project, you will be able to apply word embeddings for text classification, use 1D convolutions as feature extractors in natural language processing (NLP), and perform binary text classification using deep learning.
-
Course by
-
Self Paced
-
3 ساعات
-
الإنجليزية

Introduction to Artificial Intelligence (AI)
Artificial Intelligence (AI) is all around us, seamlessly integrated into our daily lives and work. Enroll in this course to understand the key AI terminology and applications and launch your AI career or transform your existing one. This course covers core AI concepts, including deep learning, machine learning, and neural networks. You’ll examine generative AI models, including large language models (LLMs) and their capabilities.
-
Course by
-
Self Paced
-
9 ساعات
-
الإنجليزية

Supervised Text Classification for Marketing Analytics
Marketing data often requires categorization or labeling. In today’s age, marketing data can also be very big, or larger than what humans can reasonably tackle. In this course, students learn how to use supervised deep learning to train algorithms to tackle text classification tasks. Students walk through a conceptual overview of supervised machine learning and dive into real-world datasets through instructor-led tutorials in Python.
-
Course by
-
Self Paced
-
12 ساعات
-
الإنجليزية

Deep Learning with PyTorch : Build an AutoEncoder
In these one hour project-based course, you will learn to implement autoencoder using PyTorch. An autoencoder is a type of neural network that learns to copy its input to its output. In autoencoder, encoder encodes the image into compressed representation, and the decoder decodes the representation to reconstruct the image. We will use autoencoder for denoising hand written digits using a deep learning framework like pytorch.
-
Course by
-
Self Paced
-
3 ساعات
-
الإنجليزية

Using TensorFlow with Amazon Sagemaker
Please note: You will need an AWS account to complete this course. Your AWS account will be charged as per your usage. Please make sure that you are able to access Sagemaker within your AWS account. If your AWS account is new, you may need to ask AWS support for access to certain resources. You should be familiar with python programming, and AWS before starting this hands on project. We use a Sagemaker P type instance in this project, and if you don't have access to this instance type, please contact AWS support and request access.
-
Course by
-
Self Paced
-
3 ساعات
-
الإنجليزية

Building Recommendation System Using MXNET on AWS Sagemaker
Please note: You will need an AWS account to complete this course. Your AWS account will be charged as per your usage. Please make sure that you are able to access Sagemaker within your AWS account. If your AWS account is new, you may need to ask AWS support for access to certain resources. You should be familiar with python programming, and AWS before starting this hands on project. We use a Sagemaker P type instance in this project for training the model, and if you don't have access to this instance type, please contact AWS support and request access.
-
Course by
-
Self Paced
-
3 ساعات
-
الإنجليزية

Deep Learning with PyTorch : Neural Style Transfer
In this 2 hour-long project-based course, you will learn to implement neural style transfer using PyTorch. Neural Style Transfer is an optimization technique used to take a content and a style image and blend them together so the output image looks like the content image but painted in the style of the style image. We will create artistic style image using content and given style image. We will compute the content and style loss function. We will minimize this loss function using optimization techniques to get an artistic style image that retains content features and style features.
-
Course by
-
Self Paced
-
4 ساعات
-
الإنجليزية

Deep Learning for Business
Your smartphone, smartwatch, and automobile (if it is a newer model) have AI (Artificial Intelligence) inside serving you every day. In the near future, more advanced “self-learning” capable DL (Deep Learning) and ML (Machine Learning) technology will be used in almost every aspect of your business and industry. So now is the right time to learn what DL and ML is and how to use it in advantage of your company.
-
Course by
-
Self Paced
-
8 ساعات
-
الإنجليزية

Transfer Learning for NLP with TensorFlow Hub
This is a hands-on project on transfer learning for natural language processing with TensorFlow and TF Hub.
-
Course by
-
Self Paced
-
2 ساعات
-
الإنجليزية

Introduction to Computer Vision
Introduction to Computer Vision guides learners through the essential algorithms and methods to help computers 'see' and interpret visual data. You will first learn the core concepts and techniques that have been traditionally used to analyze images. Then, you will learn modern deep learning methods, such as neural networks and specific models designed for image recognition, and how it can be used to perform more complex tasks like object detection and image segmentation.
-
Course by
-
Self Paced
-
8 ساعات
-
الإنجليزية

TensorFlow for AI: Neural Network Representation
This guided project course is part of the "Tensorflow for AI" series, and this series presents material that builds on the first course of DeepLearning.AI TensorFlow Developer Professional Certificate, which will help learners reinforce their skills and build more projects with Tensorflow.
-
Course by
-
Self Paced
-
3 ساعات
-
الإنجليزية

Introduction to AI in the Data Center
Welcome to the Introduction to AI in the Data Center Course!
As you know, Artificial Intelligence, or AI, is transforming society in many ways.
From speech recognition to improved supply chain management, AI technology provides enterprises with the compute power, tools, and algorithms their teams need to do their life’s work.
But how does AI work in a Data Center? What hardware and software infrastructure are needed?
These are some of the questions that this course will help you address.
-
Course by
-
Self Paced
-
5 ساعات
-
الإنجليزية

Create Image Captioning Models
This course teaches you how to create an image captioning model by using deep learning. You learn about the different components of an image captioning model, such as the encoder and decoder, and how to train and evaluate your model. By the end of this course, you will be able to create your own image captioning models and use them to generate captions for images
-
Course by
-
Self Paced
-
1 ساعات
-
الإنجليزية

Deep Learning with PyTorch : Object Localization
Object Localization is the task of locating an instance of a particular object category in an image, typically by specifying a tightly cropped bounding box centered on the instance. In this 2-hour project-based course, you will be able to understand the Object Localization Dataset and you will write a custom dataset class for Image-bounding box dataset. Additionally, you will apply augmentation for localization task to augment images as well as its effect on bounding box. For localization task augmentation you will use albumentation library. We will plot the (image-bounding box) pair.
-
Course by
-
Self Paced
-
2 ساعات
-
الإنجليزية

Deep Learning Inference with Azure ML Studio
In this project-based course, you will use the Multiclass Neural Network module in Azure Machine Learning Studio to train a neural network to recognize handwritten digits. Microsoft Azure Machine Learning Studio is a drag-and-drop tool you can use to rapidly build and deploy machine learning models on Azure. The data used in this course is the popular MNIST data set consisting of 70,000 grayscale images of hand-written digits. You are going to deploy the trained neural network model as an Azure Web service.
-
Course by
-
Self Paced
-
1 ساعات
-
الإنجليزية

Fashion Image Classification using CNNs in Pytorch
In this 1-hour long project-based course, you will learn how to create Neural Networks in the Deep Learning Framework PyTorch. We will creating a Convolutional Neural Network for a 10 Class Image Classification problem which can be extended to more classes. We will start off by looking at how perform data preparation and Augmentation in Pytorch.
We will be building a Neural Network in Pytorch. We will add the Convolutional Layers as well as Linear Layers. We will then look at how to add optimizer and train the model. Finally, we will test and evaluate our model on test data.
-
Course by
-
Self Paced
-
2 ساعات
-
الإنجليزية

Machine Translation
Welcome to the CLICS-Machine Translation MOOC This MOOC explains the basic principles of machine translation. Machine translation is the task of translating from one natural language to another natural language. Therefore, these algorithms can help people communicate in different languages. Such algorithms are used in common applications, from Google Translate to apps on your mobile device. After taking this course you will be able to understand the main difficulties of translating natural languages and the principles of different machine translation approaches.
-
Course by
-
Self Paced
-
28 ساعات
-
الإنجليزية

Explainable AI: Scene Classification and GradCam Visualization
In this 2 hour long hands-on project, we will train a deep learning model to predict the type of scenery in images. In addition, we are going to use a technique known as Grad-Cam to help explain how AI models think. This project could be practically used for detecting the type of scenery from the satellite images.
-
Course by
-
Self Paced
-
3 ساعات
-
الإنجليزية

Fashion Classification with Deep Learning for Beginners
Hello everyone and welcome to this hands-on guided project on deep learning 101. The objective of this project is to predict fashion class such as pants, shirts, and shoes from grayscale images. This guided project is practical and directly applicable to the fashion industry. You guys can add this project to your portfolio of projects which is essential for your next job interview.
-
Course by
-
Self Paced
-
2 ساعات
-
الإنجليزية

Introduction to Machine Learning on AWS
In this course, we start with some services where the training model and raw inference is handled for you by Amazon. We'll cover services which do the heavy lifting of computer vision, data extraction and analysis, language processing, speech recognition, translation, ML model training and virtual agents. You'll think of your current solutions and see where you can improve these solutions using AI, ML or Deep Learning. All of these solutions can work with your current applications to make some improvements in your user experience or the business needs of your application.
-
Course by
-
7 ساعات
-
الإنجليزية

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 ساعات
-
الإنجليزية

Deep Learning Methods for Healthcare
This course covers deep learning (DL) methods, healthcare data and applications using DL methods. The courses include activities such as video lectures, self guided programming labs, homework assignments (both written and programming), and a large project. The first phase of the course will include video lectures on different DL and health applications topics, self-guided labs and multiple homework assignments. In this phase, you will build up your knowledge and experience in developing practical deep learning models on healthcare data.
-
Course by
-
Self Paced
-
22 ساعات
-
الإنجليزية

Semantic Segmentation with Amazon Sagemaker
Please note: You will need an AWS account to complete this course. Your AWS account will be charged as per your usage. Please make sure that you are able to access Sagemaker within your AWS account. If your AWS account is new, you may need to ask AWS support for access to certain resources. You should be familiar with python programming, and AWS before starting this hands on project.
-
Course by
-
Self Paced
-
3 ساعات
-
الإنجليزية

Diabetic Retinopathy Detection with Artificial Intelligence
In this project, we will train deep neural network model based on Convolutional Neural Networks (CNNs) and Residual Blocks to detect the type of Diabetic Retinopathy from images. Diabetic Retinopathy is the leading cause of blindness in the working-age population of the developed world and estimated to affect over 347 million people worldwide. Diabetic Retinopathy is disease that results from complication of type 1 & 2 diabetes and can develop if blood sugar levels are left uncontrolled for a prolonged period of time.
-
Course by
-
Self Paced
-
4 ساعات
-
الإنجليزية

Machine Learning Modeling Pipelines in Production
**Starting May 8, enrollment for the Machine Learning Engineering for Production Specialization will be closed.
-
Course by
-
Self Paced
-
48 ساعات
-
الإنجليزية