AWS SageMaker Practical for Beginners | Build 6 Projects
AWS SageMaker Practical for Beginners | Build 6 Projects, available at $84.99, has an average rating of 4.53, with 113 lectures, 1 quizzes, based on 2112 reviews, and has 14725 subscribers.
You will learn about Train and deploy AI/ML models using AWS SageMaker Optimize model parameters using hyperparameters optimization search. Develop, train, test and deploy linear regression model to make predictions. Deploy production level multi-polynomial regression model to predict store sales based on the given features. Develop a deploy deep learning-based model to perform image classification. Develop time series forecasting models to predict future product prices using DeepAR. Develop and deploy sentiment analysis model using SageMaker. Deploy trained NLP model and interact/make predictions using secure API. Train and evaluate Object Detection model using SageMaker built-in algorithms. This course is ideal for individuals who are AI practitioners or Aspiring data scientists or Tech enthusiasts or Data science consultants It is particularly useful for AI practitioners or Aspiring data scientists or Tech enthusiasts or Data science consultants.
Enroll now: AWS SageMaker Practical for Beginners | Build 6 Projects
Summary
Title: AWS SageMaker Practical for Beginners | Build 6 Projects
Price: $84.99
Average Rating: 4.53
Number of Lectures: 113
Number of Quizzes: 1
Number of Published Lectures: 110
Number of Published Quizzes: 1
Number of Curriculum Items: 114
Number of Published Curriculum Objects: 111
Original Price: $199.99
Quality Status: approved
Status: Live
What You Will Learn
- Train and deploy AI/ML models using AWS SageMaker
- Optimize model parameters using hyperparameters optimization search.
- Develop, train, test and deploy linear regression model to make predictions.
- Deploy production level multi-polynomial regression model to predict store sales based on the given features.
- Develop a deploy deep learning-based model to perform image classification.
- Develop time series forecasting models to predict future product prices using DeepAR.
- Develop and deploy sentiment analysis model using SageMaker.
- Deploy trained NLP model and interact/make predictions using secure API.
- Train and evaluate Object Detection model using SageMaker built-in algorithms.
Who Should Attend
- AI practitioners
- Aspiring data scientists
- Tech enthusiasts
- Data science consultants
Target Audiences
- AI practitioners
- Aspiring data scientists
- Tech enthusiasts
- Data science consultants
# Update 22/04/2021 – Added a new case study on AWS SageMaker Autopilot.
# Update 23/04/2021 – Updated code scripts and addressed Q&A bugs.
Machine and deep learning are the hottest topics in tech! Diverse fields have adopted ML and DL techniques, from banking to healthcare, transportation to technology.
AWS is one of the most widely used ML cloud computing platforms worldwide – several Fortune 500 companies depend on AWS for their business operations.
SageMaker is a fully managed service within AWS that allows data scientists and AI practitioners to train, test, and deploy AI/ML models quickly and efficiently.
In this course, students will learn how to create AI/ML models using AWS SageMaker.
Projects will cover various topics from business, healthcare, and Tech. In this course, students will be able to master many topics in a practical way such as: (1) Data Engineering and Feature Engineering, (2) AI/ML Models selection, (3) Appropriate AWS SageMaker Algorithm selection to solve business problem, (4) AI/ML models building, training, and deployment, (5) Model optimization and Hyper-parameters tuning.
The course covers many topics such as data engineering, AWS services and algorithms, and machine/deep learning basics in a practical way:
-
Data engineering:Data types, key python libraries (pandas, Numpy, scikit Learn, MatplotLib, and Seaborn), data distributions and feature engineering (imputation, binning, encoding, and normalization).
-
AWS services and algorithms:Amazon SageMaker,Linear Learner (Regression/Classification), Amazon S3 Storage services, gradient boosted trees (XGBoost), image classification, principal component analysis (PCA), SageMaker Studio and AutoML.
-
Machine and deep learning basics:Types of artificial neural networks (ANNs) such as feedforward ANNs, convolutional neural networks (CNNs), activation functions (sigmoid, RELU and hyperbolic tangent), machine learning training strategies (supervised/ unsupervised), gradient descent algorithm, learning rate, backpropagation, bias, variance, bias-variance trade-off, regularization (L1 and L2), overfitting, dropout, feature detectors, pooling, batch normalization, vanishing gradient problem, confusion matrix, precision, recall, F1-score, root mean squared error (RMSE), ensemble learning, decision trees, and random forest.
We teach SageMaker’s vast range of ML and DL tools with practice-led projects. Delve into:
-
Project #1: Train, test and deploy simple regression model to predict employees’ salary using AWS SageMaker Linear Learner
-
Project #2: Train, test and deploy a multiple linear regression machine learning model to predict medical insurance premium.
-
Project #3: Train, test and deploy a model to predict retail store sales using XGboost regression and optimize model hyperparameters using SageMaker Hyperparameters tuning tool.
-
Project #4: Perform Dimensionality reduction Using SageMaker built-in PCA algorithm and build a classifier model to predict cardiovascular disease using XGBoost Classification model.
-
Project #5: Develop a traffic sign classifier model using Sagemaker and Tensorflow.
-
Project #6: Deep Dive in AWS SageMaker Studio, AutoML, and model debugging.
The course is targeted towards beginner developers and data scientists wanting to get fundamental understanding of AWS SageMaker and solve real world challenging problems. Basic knowledge of Machine Learning, python programming and AWS cloud is recommended. Here’s a list of who is this course for:
-
Beginners Data Science wanting to advance their careers and build their portfolio.
-
Seasoned consultants wanting to transform businesses by leveraging AI/ML using SageMaker.
-
Tech enthusiasts who are passionate and new to Data science & AI and want to gain practical experience using AWS SageMaker.
Enroll today and I look forward to seeing you inside.
Course Curriculum
Chapter 1: Introduction, Success Tips & Best Practices and Key Learning Outcomes
Lecture 1: Course Introduction and Welcome Message
Lecture 2: Updates on Udemy Reviews
Lecture 3: Course Key Tips and Best Practices
Lecture 4: Course Outline and Key Learning Outcomes
Lecture 5: EXTRA: Learning Path
Chapter 2: Introduction to AI/ML, AWS and Cloud Computing
Lecture 1: AWS Free Tier Account Setup and Overview
Lecture 2: Introduction to AI, Machine Learning and Deep Learning
Lecture 3: Introduction to AI, Machine Learning and Deep Learning – Part #2
Lecture 4: Good Data Vs. Bad Data
Lecture 5: Introduction to AWS and Cloud Computing
Lecture 6: Key Machine Learning Components and AWS Management Console Tour
Lecture 7: AWS Regions and Availability Zones
Lecture 8: Amazon S3
Lecture 9: Amazon EC2 and IAM
Lecture 10: AWS SageMaker Overview
Lecture 11: AWS SageMaker Walk-through
Lecture 12: AWS SageMaker Studio Overview
Lecture 13: AWS SageMaker Studio Walk-through
Lecture 14: SageMaker Models Deployment
Chapter 3: Project #1 – Employee Salary Predictions Using AWS SageMaker Linear Learner
Lecture 1: Project Overview
Lecture 2: Simple Linear Regression Intuition
Lecture 3: Least Sum of Squares
Lecture 4: AWS SageMaker Linear Learner Overview
Lecture 5: Coding Task #1A – Instantiate AWS SageMaker Notebook Instance (Method #1)
Lecture 6: Coding Task #1B – Using AWS SageMaker Studio (Method #2)
Lecture 7: Coding Task #2 – Import Key libraries and dataset
Lecture 8: Coding Task #3 – Perform Exploratory Data Analysis
Lecture 9: Coding Task #4 – Create Training and Testing Dataset
Lecture 10: Coding Task #5 – Train a Linear Regression Model in SkLearn
Lecture 11: Coding Task #6 – Evaluate Trained Model Performance
Lecture 12: Coding Task #7 – Train a Linear Learner Model in AWS SageMaker
Lecture 13: Coding Task #8 – Deploy Model & invoke endpoint in SageMaker
Chapter 4: Project #2 – Medical Insurance Premium Prediction
Lecture 1: Project Overview and Introduction
Lecture 2: Multiple Linear Regression Intuition
Lecture 3: Regression Metrics and KPIs – RMSE, MSE, MAE, MAPE
Lecture 4: Regression Metrics and KPIs – R2 and Adjusted R2
Lecture 5: Coding Task #1 & #2 – Import Dataset and Key Libraries
Lecture 6: Coding Task #3 – Perform Exploratory Data Analysis
Lecture 7: Coding Task #4 – Perform Data Visualization
Lecture 8: Coding Task #5 – Create Training and Testing Datasets
Lecture 9: Coding Task #6 – Train a Machine Learning Model Locally
Lecture 10: Coding Task #7 – Train a Linear Learner Model in AWS SageMaker
Lecture 11: Coding Task #8 – Deploy Trained Model and Invoke Endpoint
Lecture 12: Artificial Neural Networks for Regression Tasks
Lecture 13: Activation Functions – Sigmoid, RELU and Tanh
Lecture 14: Multilayer Perceptron Networks
Lecture 15: How do Artificial Neural Networks Train?
Lecture 16: Gradient Descent Algorithm
Lecture 17: Backpropagation Algorithm
Lecture 18: Coding Task #9 – Train Artificial Neural Networks for Regression Tasks
Chapter 5: Project #3 – Retail Sales Prediction Using AWS SageMaker XGBoost (Regression)
Lecture 1: Introduction to Case Study
Lecture 2: Basics: What is the difference between Bias & Variance
Lecture 3: Basics: L1 & L2 Regularization – Part #1
Lecture 4: Basics: L1 & L2 Regularization – Part #2
Lecture 5: Introduction to XGBoost (Extreme Gradient Boosting) algorithm
Lecture 6: What is Boosting?
Lecture 7: Decision Trees and Ensemble Learning
Lecture 8: Gradient Boosted Trees – Deep Dive – Part #1
Lecture 9: Gradient Boosted Trees – Deep Dive – Part #2
Lecture 10: AWS SageMaker XGBoost Algorithm
Lecture 11: Project Introduction and Notebook Instance Instantiation
Lecture 12: Coding Task #1 #2 #3 – Load Dataset/Libraries and Perform Data Exploration
Lecture 13: Coding Task #4 – Merge and Manipulate DataFrame Using Pandas
Lecture 14: Coding Task #5 – Explore Merged Datasets
Lecture 15: Coding Task #6 #7 – Visualize Dataset
Lecture 16: Coding Task #8 – Prepare the Data To Perform Training
Lecture 17: Coding Task #9 – Train XGBoost Locally
Lecture 18: Coding Task #10 – Train XGBoost Using SageMaker
Lecture 19: Coding Task #11 – Deploy XGBoost endpoint and Make Predictions
Lecture 20: Coding Task #12 – Perform Hyperparameters Tuning
Lecture 21: Coding Task #13 – Retrain the Model Using best (optimized) Hyperparameters
Chapter 6: Project #4 – Predict Cardiovascular Disease Using PCA & XGBoost (Classification)
Lecture 1: Introduction and Project Overview
Lecture 2: Principal Component Analysis (PCA) Intuition
Lecture 3: XGBoost for Classification Tasks (Review Lecture)
Lecture 4: Confusion Matrix
Lecture 5: Precision, Recall, and F1-Score
Lecture 6: Area Under Curve (AUC) and Receiver Operating Characteristics (ROC) Metrics
Lecture 7: Overfitting and Under fitting Models
Lecture 8: Coding Task #1 – SageMaker Studio Notebook Setup
Lecture 9: Coding Task #2 & #3 – Import Data/Libraries & Perform Exploratory data analysis
Lecture 10: Coding Task #4 & #5 – Visualize Datasets & Prepare Training/Testing Data
Lecture 11: Coding Task #6 – Train & Test XGboost and Perform Grid Search (Local Mode)
Lecture 12: Coding Task #7 – Train a PCA Model in AWS SageMaker
Lecture 13: Coding Task #8 – Deploy Trained PCA Model Endpoint & Envoke endpoint
Lecture 14: Coding Task #9 – Train XGBoost (SageMaker Built-in) to do Classification Tasks
Lecture 15: Coding Task #10 – Deploy Endpoint, Make Inference @ Test Model
Chapter 7: Project #5 – Deep Learning for Traffic Sign Classification Using AWS SageMaker
Lecture 1: Project Overview and Introduction
Lecture 2: What are Convolutional Neural Networks and How do they Learn? – Part #1
Lecture 3: What are Convolutional Neural Networks and How do they Learn? – Part #2
Lecture 4: How to Improve CNNs Performance?
Lecture 5: Confusion Matrix
Lecture 6: LeNet Network Architecture
Lecture 7: Request AWS SageMaker Service Limit Increase
Instructors
-
Dr. Ryan Ahmed, Ph.D., MBA
Best-Selling Professor, 400K+ students, 250K+ YT Subs -
SuperDataScience Team
Helping Data Scientists Succeed -
Mitchell Bouchard
B.S, Host @RedCapeLearning 540,000 + Students -
Ligency Team
Helping Data Scientists Succeed
Rating Distribution
- 1 stars: 30 votes
- 2 stars: 40 votes
- 3 stars: 170 votes
- 4 stars: 651 votes
- 5 stars: 1222 votes
Frequently Asked Questions
How long do I have access to the course materials?
You can view and review the lecture materials indefinitely, like an on-demand channel.
Can I take my courses with me wherever I go?
Definitely! If you have an internet connection, courses on Udemy are available on any device at any time. If you don’t have an internet connection, some instructors also let their students download course lectures. That’s up to the instructor though, so make sure you get on their good side!
You may also like
- Top 10 Video Editing Courses to Learn in November 2024
- Top 10 Music Production Courses to Learn in November 2024
- Top 10 Animation Courses to Learn in November 2024
- Top 10 Digital Illustration Courses to Learn in November 2024
- Top 10 Renewable Energy Courses to Learn in November 2024
- Top 10 Sustainable Living Courses to Learn in November 2024
- Top 10 Ethical AI Courses to Learn in November 2024
- Top 10 Cybersecurity Fundamentals Courses to Learn in November 2024
- Top 10 Smart Home Technology Courses to Learn in November 2024
- Top 10 Holistic Health Courses to Learn in November 2024
- Top 10 Nutrition And Diet Planning Courses to Learn in November 2024
- Top 10 Yoga Instruction Courses to Learn in November 2024
- Top 10 Stress Management Courses to Learn in November 2024
- Top 10 Mindfulness Meditation Courses to Learn in November 2024
- Top 10 Life Coaching Courses to Learn in November 2024
- Top 10 Career Development Courses to Learn in November 2024
- Top 10 Relationship Building Courses to Learn in November 2024
- Top 10 Parenting Skills Courses to Learn in November 2024
- Top 10 Home Improvement Courses to Learn in November 2024
- Top 10 Gardening Courses to Learn in November 2024