舉報

會員
R Machine Learning Projects
Risoneofthemostpopularlanguageswhenitcomestoperformingcomputationalstatistics(statisticalcomputing)easilyandexploringthemathematicalsideofmachinelearning.Withthisbook,youwillleveragetheRecosystemtobuildefficientmachinelearningapplicationsthatcarryoutintelligenttaskswithinyourorganization.Thisbookwillhelpyoutestyourknowledgeandskills,guidingyouonhowtobuildeasilythroughtocomplexmachinelearningprojects.Youwillfirstlearnhowtobuildpowerfulmachinelearningmodelswithensemblestopredictemployeeattrition.Next,you’llimplementajokerecommendationengineandlearnhowtoperformsentimentanalysisonAmazonreviews.You’llalsoexploredifferentclusteringtechniquestosegmentcustomersusingwholesaledata.Inadditiontothis,thebookwillgetyouacquaintedwithcreditcardfrauddetectionusingautoencoders,andreinforcementlearningtomakepredictionsandwinonacasinoslotmachine.Bytheendofthebook,youwillbeequippedtoconfidentlyperformcomplextaskstobuildresearchandcommercialprojectsforautomatedoperations.
目錄(165章)
倒序
- coverpage
- Title Page
- Copyright and Credits
- R Machine Learning Projects
- About Packt
- Why subscribe?
- Packt.com
- Dedication
- Contributors
- About the author
- About the reviewers
- 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
- Exploring the Machine Learning Landscape
- ML versus software engineering
- Types of ML methods
- Supervised learning
- Unsupervised learning
- Semi-supervised learning
- Reinforcement learning
- Transfer learning
- ML terminology – a quick review
- Deep learning
- Big data
- Natural language processing
- Computer vision
- Cost function
- Model accuracy
- Confusion matrix
- Predictor variables
- Response variable
- Dimensionality reduction
- Class imbalance problem
- Model bias and variance
- Underfitting and overfitting
- Data preprocessing
- Holdout sample
- Hyperparameter tuning
- Performance metrics
- Feature engineering
- Model interpretability
- ML project pipeline
- Business understanding
- Understanding and sourcing the data
- Preparing the data
- Model building and evaluation
- Model deployment
- Learning paradigm
- Datasets
- Summary
- Predicting Employee Attrition Using Ensemble Models
- Philosophy behind ensembling
- Getting started
- Understanding the attrition problem and the dataset
- K-nearest neighbors model for benchmarking the performance
- Bagging
- Bagged classification and regression trees (treeBag) implementation
- Support vector machine bagging (SVMBag) implementation
- Naive Bayes (nbBag) bagging implementation
- Randomization with random forests
- Implementing an attrition prediction model with random forests
- Boosting
- The GBM implementation
- Building attrition prediction model with XGBoost
- Stacking
- Building attrition prediction model with stacking
- Summary
- Implementing a Jokes Recommendation Engine
- Fundamental aspects of recommendation engines
- Recommendation engine categories
- Content-based filtering
- Collaborative filtering
- Hybrid filtering
- Getting started
- Understanding the Jokes recommendation problem and the dataset
- Converting the DataFrame
- Dividing the DataFrame
- Building a recommendation system with an item-based collaborative filtering technique
- Building a recommendation system with a user-based collaborative filtering technique
- Building a recommendation system based on an association-rule mining technique
- The Apriori algorithm
- Content-based recommendation engine
- Differentiating between ITCF and content-based recommendations
- Building a hybrid recommendation system for Jokes recommendations
- Summary
- References
- Sentiment Analysis of Amazon Reviews with NLP
- The sentiment analysis problem
- Getting started
- Understanding the Amazon reviews dataset
- Building a text sentiment classifier with the BoW approach
- Pros and cons of the BoW approach
- Understanding word embedding
- Building a text sentiment classifier with pretrained word2vec word embedding based on Reuters news corpus
- Building a text sentiment classifier with GloVe word embedding
- Building a text sentiment classifier with fastText
- Summary
- Customer Segmentation Using Wholesale Data
- Understanding customer segmentation
- Understanding the wholesale customer dataset and the segmentation problem
- Categories of clustering algorithms
- Identifying the customer segments in wholesale customer data using k-means clustering
- Working mechanics of the k-means algorithm
- Identifying the customer segments in the wholesale customer data using DIANA
- Identifying the customer segments in the wholesale customers data using AGNES
- Summary
- Image Recognition Using Deep Neural Networks
- Technical requirements
- Understanding computer vision
- Achieving computer vision with deep learning
- Convolutional Neural Networks
- Layers of CNNs
- Introduction to the MXNet framework
- Understanding the MNIST dataset
- Implementing a deep learning network for handwritten digit recognition
- Implementing dropout to avoid overfitting
- Implementing the LeNet architecture with the MXNet library
- Implementing computer vision with pretrained models
- Summary
- Credit Card Fraud Detection Using Autoencoders
- Machine learning in credit card fraud detection
- Autoencoders explained
- Types of AEs based on hidden layers
- Types of AEs based on restrictions
- Applications of AEs
- The credit card fraud dataset
- Building AEs with the H2O library in R
- Autoencoder code implementation for credit card fraud detection
- Summary
- Automatic Prose Generation with Recurrent Neural Networks
- Understanding language models
- Exploring recurrent neural networks
- Comparison of feedforward neural networks and RNNs
- Backpropagation through time
- Problems and solutions to gradients in RNN
- Exploding gradients
- Vanishing gradients
- Building an automated prose generator with an RNN
- Implementing the project
- Summary
- Winning the Casino Slot Machines with Reinforcement Learning
- Understanding RL
- Comparison of RL with other ML algorithms
- Terminology of RL
- The multi-arm bandit problem
- Strategies for solving MABP
- The epsilon-greedy algorithm
- Boltzmann or softmax exploration
- Decayed epsilon greedy
- The upper confidence bound algorithm
- Thompson sampling
- Multi-arm bandit – real-world use cases
- Solving the MABP with UCB and Thompson sampling algorithms
- Summary
- The Road Ahead
- Other Books You May Enjoy
- Leave a review - let other readers know what you think 更新時間:2021-07-02 14:23:35
推薦閱讀
- 輕輕松松自動化測試
- Mastercam 2017數控加工自動編程經典實例(第4版)
- 會聲會影X5視頻剪輯高手速成
- Go Machine Learning Projects
- 空間傳感器網絡復雜區域智能監測技術
- 最簡數據挖掘
- 中國戰略性新興產業研究與發展·智能制造
- Nginx高性能Web服務器詳解
- The Python Workshop
- Hands-On Reactive Programming with Reactor
- 教育機器人的風口:全球發展現狀及趨勢
- 基于神經網絡的監督和半監督學習方法與遙感圖像智能解譯
- 會聲會影X4中文版從入門到精通
- 貫通Hibernate開發
- 貫通Java Web輕量級應用開發
- 納米集成電路制造工藝(第2版)
- 百度智能小程序:AI賦能新機遇
- Intel Edison Projects
- 數據結構與算法(C++語言版)
- Hands-On Automated Machine Learning
- Learning PostgreSQL 10(Second Edition)
- Learning AWK Programming
- Python Data Analysis
- Docker High Performance
- 計算機控制技術(MCGS實現)
- Hands-On Machine Learning with JavaScript
- 三維動畫綜合實訓
- Practical DevOps
- 計算機檢修技能零基礎成長
- Oracle PL/SQL寶典