舉報

會員
Mastering Machine Learning on AWS
AWSisconstantlydrivingnewinnovationsthatempowerdatascientiststoexploreavarietyofmachinelearning(ML)cloudservices.ThisbookisyourcomprehensivereferenceforlearningandimplementingadvancedMLalgorithmsinAWScloud.Asyougothroughthechapters,you’llgaininsightsintohowthesealgorithmscanbetrained,tunedanddeployedinAWSusingApacheSparkonElasticMapReduce(EMR),SageMaker,andTensorFlow.WhileyoufocusonalgorithmssuchasXGBoost,linearmodels,factorizationmachines,anddeepnets,thebookwillalsoprovideyouwithanoverviewofAWSaswellasdetailedpracticalapplicationsthatwillhelpyousolvereal-worldproblems.EverypracticalapplicationincludesaseriesofcompanionnotebookswithallthenecessarycodetorunonAWS.Inthenextfewchapters,youwilllearntouseSageMakerandEMRNotebookstoperformarangeoftasks,rightfromsmartanalytics,andpredictivemodeling,throughtosentimentanalysis.Bytheendofthisbook,youwillbeequippedwiththeskillsyouneedtoeffectivelyhandlemachinelearningprojectsandimplementandevaluatealgorithmsonAWS.
最新章節
- Leave a review - let other readers know what you think
- Other Books You May Enjoy
- Appendix: Getting Started with AWS
- Exercises
- Summary
- Apache Spark model deployment
品牌:中圖公司
上架時間:2021-06-24 12:18:26
出版社:Packt Publishing
本書數字版權由中圖公司提供,并由其授權上海閱文信息技術有限公司制作發行
- Leave a review - let other readers know what you think 更新時間:2021-06-24 14:23:51
- Other Books You May Enjoy
- Appendix: Getting Started with AWS
- Exercises
- Summary
- Apache Spark model deployment
- SageMaker model deployment
- Deploying Models Built in AWS
- Summary
- Accessing Glue tables in Spark
- Creating tables with Glue
- Managing data pipelines with Glue
- The AWS Glue Catalog
- Maximize Resource Allocation
- Configuring application properties
- Tuning EMR for different applications
- Yet Another Resource Negotiator (YARN)
- Apache HBase
- Presto
- Apache Hive
- Apache Spark
- Apache Hadoop
- Introduction to the EMR architecture
- Tuning Clusters for Machine Learning
- Exercises
- Summary
- Hyperparameter tuning in SageMaker
- Hyperparameter tuning in Apache Spark
- Automatic hyperparameter tuning
- The importance of model optimization
- Optimizing Models in Spark and SageMaker
- Summary
- Parallelization in SageMaker
- Distributed predictions at scale
- Distributed hyperparameter tuning
- Model parallelization
- Data parallelization
- Distributed learning through Apache Spark
- Distributed TensorFlow
- Model parallelization versus data parallelization
- Distributed deep learning
- Deep learning hardware
- Amazon Machine Images (AMIs)
- Reserved pricing
- On-demand versus spot instance pricing
- Choosing your instance types
- Creating Clusters on AWS
- Section 5: Optimizing and Deploying Models through AWS
- Exercises
- Summary
- Building a custom chatbot using Amazon Lex
- Introducing Amazon Lex
- Building Conversational Interfaces Using AWS Lex
- Exercises
- Summary
- Face comparison
- Celebrity recognition
- Image moderation
- Other Rekognition services
- Implementing facial analysis
- Implementing object and scene detection
- Introducing Amazon Rekognition
- Using AWS Rekognition
- Exercises
- Summary
- Text classification using Comprehend
- Sentiment analysis using Comprehend
- Named-entity recognition using Comprehend
- Accessing Amazon Comprehend
- Introducing Amazon Comprehend
- Working with AWS Comprehend
- Section 4: Integrating Ready-Made AWS Machine Learning Services
- Exercises
- Summary
- Classifying images using Amazon SageMaker
- Training a deep learning model using Amazon SageMaker
- Introducing Amazon SageMaker for image classification
- Image Classification and Detection with SageMaker
- Exercises
- Summary
- Creating a custom neural net with TensorFlow
- Training and serving the TensorFlow model through SageMaker
- TensorFlow as a general machine learning library
- Introducing TensorFlow
- Implementing Deep Learning with TensorFlow on AWS
- Exercises
- Summary
- Understanding convolutional neural networks
- Introduction to deep neural networks
- Backpropagation
- Activation functions
- Neural network algorithms
- Understanding deep learning algorithms
- Learning to play video games using a deep learning algorithm
- Self-driving cars
- Applications of deep learning
- Understanding deep learning
- Implementing Deep Learning Algorithms
- Section 3: Deep Learning
- Exercises
- Summary
- Getting recommendations
- Training the model
- Preparing the dataset for learning
- Recommending attractions through SageMaker FMs
- Getting recommendations
- Training the model
- Data gathering and exploration
- Finding recommendations through Apache Spark's ALS
- Alternating least squares
- Stochastic gradient descent
- Matrix factorization
- Model-based approach
- Memory-based approach
- Collaborative filtering
- Making theme park attraction recommendations through Flickr data
- Analyzing Visitor Patterns to Make Recommendations
- Exercises
- Summary
- Understanding the purpose of the IAM role
- Clustering with Spark and SageMaker on EMR
- Clustering with Apache Spark on EMR
- Divisive clustering
- Agglomerative clustering
- Hierarchical clustering
- Manhattan distance
- Euclidean distance
- k-means clustering
- Understanding how clustering algorithms work
- Customer Segmentation Using Clustering Algorithms
- Exercises
- Summary
- Applying and evaluating the model
- Training with SageMaker XGBoost
- Preparing the data
- Training gradient-boosted trees with the SageMaker services
- Training tree ensembles on EMR
- Area under the precision-recall curve
- Area under the ROC curve
- Evaluating our model
- Training a model
- One-hot encoding
- Categorical encoding
- Preparing the data
- Getting the data
- Training with Apache Spark on EMR
- Introduction to Elastic MapReduce (EMR)
- Predicting clicks on log streams
- Understanding gradient-boosting algorithms
- Understanding random forest algorithms
- Criteria to stop splitting trees
- Information gain
- Gini Impurity
- Cost functions
- Types of decision trees
- Recursive splitting
- Understanding decision trees
- Predicting User Behavior with Tree-Based Methods
- Summary
- Pros and cons of linear models
- Logistic regression in Spark
- Understanding logistic regression
- Implementing linear regression through SageMaker's Linear Learner
- Implementing linear regression through Apache Spark
- Implementing linear regression through scikit-learn
- R-squared
- Root mean squared error
- Mean squared error
- Mean absolute error
- Evaluating regression models
- Gradient descent
- Maximum likelihood estimation
- Linear least squares estimation
- Understanding linear regression
- Predicting the price of houses
- Predicting House Value with Regression Algorithms
- Exercises
- Summary
- Naive Bayes – pros and cons
- Using SageMaker's BlazingText built-in ML service
- Na?ve Bayes model on SageMaker notebooks using Apache Spark
- Building a Naive Bayes model through SageMaker notebooks
- Preparing the data
- Collecting the tweets
- Classifying text with language models
- How the Naive Bayes algorithm works
- Evidence
- Prior probability
- Likelihood
- Posterior
- Bayes' theorem
- Naive Bayes classifier
- Continuous features
- Ordinal features
- Nominal features
- Feature types
- Classification algorithms
- Classifying Twitter Feeds with Naive Bayes
- Section 2: Implementing Machine Learning Algorithms at Scale on AWS
- Exercises
- Summary
- Deploying models
- Algorithm selection
- Evaluation metrics
- Data gathering
- The ML project life cycle
- Identifying candidate problems that can be solved using ML
- Using AWS tools for ML
- How AWS empowers data scientists
- Getting Started with Machine Learning for AWS
- Section 1: Machine Learning on AWS
- Reviews
- Get in touch
- Conventions used
- Download the color images
- Download the example code files
- To get the most out of this book
- What this book covers
- Who this book is for
- Preface
- Packt is searching for authors like you
- About the reviewer
- About the authors
- Contributors
- Packt.com
- Why subscribe?
- About Packt
- Dedication
- Mastering Machine Learning on AWS
- Copyright and Credits
- Title Page
- coverpage
- coverpage
- Title Page
- Copyright and Credits
- Mastering Machine Learning on AWS
- Dedication
- About Packt
- Why subscribe?
- Packt.com
- Contributors
- About the authors
- About the reviewer
- Packt is searching for authors like you
- Preface
- Who this book is for
- What this book covers
- To get the most out of this book
- Download the example code files
- Download the color images
- Conventions used
- Get in touch
- Reviews
- Section 1: Machine Learning on AWS
- Getting Started with Machine Learning for AWS
- How AWS empowers data scientists
- Using AWS tools for ML
- Identifying candidate problems that can be solved using ML
- The ML project life cycle
- Data gathering
- Evaluation metrics
- Algorithm selection
- Deploying models
- Summary
- Exercises
- Section 2: Implementing Machine Learning Algorithms at Scale on AWS
- Classifying Twitter Feeds with Naive Bayes
- Classification algorithms
- Feature types
- Nominal features
- Ordinal features
- Continuous features
- Naive Bayes classifier
- Bayes' theorem
- Posterior
- Likelihood
- Prior probability
- Evidence
- How the Naive Bayes algorithm works
- Classifying text with language models
- Collecting the tweets
- Preparing the data
- Building a Naive Bayes model through SageMaker notebooks
- Na?ve Bayes model on SageMaker notebooks using Apache Spark
- Using SageMaker's BlazingText built-in ML service
- Naive Bayes – pros and cons
- Summary
- Exercises
- Predicting House Value with Regression Algorithms
- Predicting the price of houses
- Understanding linear regression
- Linear least squares estimation
- Maximum likelihood estimation
- Gradient descent
- Evaluating regression models
- Mean absolute error
- Mean squared error
- Root mean squared error
- R-squared
- Implementing linear regression through scikit-learn
- Implementing linear regression through Apache Spark
- Implementing linear regression through SageMaker's Linear Learner
- Understanding logistic regression
- Logistic regression in Spark
- Pros and cons of linear models
- Summary
- Predicting User Behavior with Tree-Based Methods
- Understanding decision trees
- Recursive splitting
- Types of decision trees
- Cost functions
- Gini Impurity
- Information gain
- Criteria to stop splitting trees
- Understanding random forest algorithms
- Understanding gradient-boosting algorithms
- Predicting clicks on log streams
- Introduction to Elastic MapReduce (EMR)
- Training with Apache Spark on EMR
- Getting the data
- Preparing the data
- Categorical encoding
- One-hot encoding
- Training a model
- Evaluating our model
- Area under the ROC curve
- Area under the precision-recall curve
- Training tree ensembles on EMR
- Training gradient-boosted trees with the SageMaker services
- Preparing the data
- Training with SageMaker XGBoost
- Applying and evaluating the model
- Summary
- Exercises
- Customer Segmentation Using Clustering Algorithms
- Understanding how clustering algorithms work
- k-means clustering
- Euclidean distance
- Manhattan distance
- Hierarchical clustering
- Agglomerative clustering
- Divisive clustering
- Clustering with Apache Spark on EMR
- Clustering with Spark and SageMaker on EMR
- Understanding the purpose of the IAM role
- Summary
- Exercises
- Analyzing Visitor Patterns to Make Recommendations
- Making theme park attraction recommendations through Flickr data
- Collaborative filtering
- Memory-based approach
- Model-based approach
- Matrix factorization
- Stochastic gradient descent
- Alternating least squares
- Finding recommendations through Apache Spark's ALS
- Data gathering and exploration
- Training the model
- Getting recommendations
- Recommending attractions through SageMaker FMs
- Preparing the dataset for learning
- Training the model
- Getting recommendations
- Summary
- Exercises
- Section 3: Deep Learning
- Implementing Deep Learning Algorithms
- Understanding deep learning
- Applications of deep learning
- Self-driving cars
- Learning to play video games using a deep learning algorithm
- Understanding deep learning algorithms
- Neural network algorithms
- Activation functions
- Backpropagation
- Introduction to deep neural networks
- Understanding convolutional neural networks
- Summary
- Exercises
- Implementing Deep Learning with TensorFlow on AWS
- Introducing TensorFlow
- TensorFlow as a general machine learning library
- Training and serving the TensorFlow model through SageMaker
- Creating a custom neural net with TensorFlow
- Summary
- Exercises
- Image Classification and Detection with SageMaker
- Introducing Amazon SageMaker for image classification
- Training a deep learning model using Amazon SageMaker
- Classifying images using Amazon SageMaker
- Summary
- Exercises
- Section 4: Integrating Ready-Made AWS Machine Learning Services
- Working with AWS Comprehend
- Introducing Amazon Comprehend
- Accessing Amazon Comprehend
- Named-entity recognition using Comprehend
- Sentiment analysis using Comprehend
- Text classification using Comprehend
- Summary
- Exercises
- Using AWS Rekognition
- Introducing Amazon Rekognition
- Implementing object and scene detection
- Implementing facial analysis
- Other Rekognition services
- Image moderation
- Celebrity recognition
- Face comparison
- Summary
- Exercises
- Building Conversational Interfaces Using AWS Lex
- Introducing Amazon Lex
- Building a custom chatbot using Amazon Lex
- Summary
- Exercises
- Section 5: Optimizing and Deploying Models through AWS
- Creating Clusters on AWS
- Choosing your instance types
- On-demand versus spot instance pricing
- Reserved pricing
- Amazon Machine Images (AMIs)
- Deep learning hardware
- Distributed deep learning
- Model parallelization versus data parallelization
- Distributed TensorFlow
- Distributed learning through Apache Spark
- Data parallelization
- Model parallelization
- Distributed hyperparameter tuning
- Distributed predictions at scale
- Parallelization in SageMaker
- Summary
- Optimizing Models in Spark and SageMaker
- The importance of model optimization
- Automatic hyperparameter tuning
- Hyperparameter tuning in Apache Spark
- Hyperparameter tuning in SageMaker
- Summary
- Exercises
- Tuning Clusters for Machine Learning
- Introduction to the EMR architecture
- Apache Hadoop
- Apache Spark
- Apache Hive
- Presto
- Apache HBase
- Yet Another Resource Negotiator (YARN)
- Tuning EMR for different applications
- Configuring application properties
- Maximize Resource Allocation
- The AWS Glue Catalog
- Managing data pipelines with Glue
- Creating tables with Glue
- Accessing Glue tables in Spark
- Summary
- Deploying Models Built in AWS
- SageMaker model deployment
- Apache Spark model deployment
- Summary
- Exercises
- Appendix: Getting Started with AWS
- Other Books You May Enjoy
- Leave a review - let other readers know what you think 更新時間:2021-06-24 14:23:51