Machine learning algorithms : reference guide for popular algorithms for data science and machine learning

Build strong foundation for entering the world of Machine Learning and data science with the help of this comprehensive guide About This Book Get started in the field of Machine Learning with the help of this solid, concept-rich, yet highly practical guide. Your one-stop solution for everything that...

Full description

Saved in:
Bibliographic Details
Main Author: Bonaccorso, Giuseppe, (Author)
Format: eBook
Language: English
Published: Birmingham, UK : Packt Publishing, 2017.
Subjects:
ISBN: 9781785884511
1785884514
9781523112210
1523112212
9781785889622
Physical Description: 1 online resource (1 volume) : illustrations

Cover

Table of contents

LEADER 09947cam a2200433 i 4500
001 kn-on1001347178
003 OCoLC
005 20240717213016.0
006 m o d
007 cr cn|||||||||
008 170818s2017 enka o 000 0 eng d
040 |a UMI  |b eng  |e rda  |e pn  |c UMI  |d N$T  |d IDEBK  |d OCLCF  |d TOH  |d STF  |d KNOVL  |d NLE  |d TEFOD  |d COO  |d UOK  |d CEF  |d KSU  |d UKMGB  |d WYU  |d C6I  |d UAB  |d UKAHL  |d N$T  |d OCLCQ  |d CZL  |d AU@  |d OCLCO  |d OCLCQ  |d OCLCO  |d OCLCL  |d DXU  |d OCLCQ 
020 |a 9781785884511  |q (electronic bk.) 
020 |a 1785884514  |q (electronic bk.) 
020 |a 9781523112210  |q (electronic bk.) 
020 |a 1523112212  |q (electronic bk.) 
020 |z 9781785889622 
035 |a (OCoLC)1001347178  |z (OCoLC)1097137302 
100 1 |a Bonaccorso, Giuseppe,  |e author. 
245 1 0 |a Machine learning algorithms :  |b reference guide for popular algorithms for data science and machine learning /  |c Giuseppe Bonaccorso. 
246 3 0 |a Reference guide for popular algorithms for data science and machine learning 
264 1 |a Birmingham, UK :  |b Packt Publishing,  |c 2017. 
300 |a 1 online resource (1 volume) :  |b illustrations 
336 |a text  |b txt  |2 rdacontent 
337 |a computer  |b c  |2 rdamedia 
338 |a online resource  |b cr  |2 rdacarrier 
506 |a Plný text je dostupný pouze z IP adres počítačů Univerzity Tomáše Bati ve Zlíně nebo vzdáleným přístupem pro zaměstnance a studenty 
520 |a Build strong foundation for entering the world of Machine Learning and data science with the help of this comprehensive guide About This Book Get started in the field of Machine Learning with the help of this solid, concept-rich, yet highly practical guide. Your one-stop solution for everything that matters in mastering the whats and whys of Machine Learning algorithms and their implementation. Get a solid foundation for your entry into Machine Learning by strengthening your roots (algorithms) with this comprehensive guide. Who This Book Is For This book is for IT professionals who want to enter the field of data science and are very new to Machine Learning. Familiarity with languages such as R and Python will be invaluable here. What You Will Learn Acquaint yourself with important elements of Machine Learning Understand the feature selection and feature engineering process Assess performance and error trade-offs for Linear Regression Build a data model and understand how it works by using different types of algorithm Learn to tune the parameters of Support Vector machines Implement clusters to a dataset Explore the concept of Natural Processing Language and Recommendation Systems Create a ML architecture from scratch. In Detail As the amount of data continues to grow at an almost incomprehensible rate, being able to understand and process data is becoming a key differentiator for competitive organizations. Machine learning applications are everywhere, from self-driving cars, spam detection, document search, and trading strategies, to speech recognition. This makes machine learning well-suited to the present-day era of Big Data and Data Science. The main challenge is how to transform data into actionable knowledge. In this book you will learn all the important Machine Learning algorithms that are commonly used in the field of data science. These algorithms can be used for supervised as well as unsupervised learning, reinforcement learning, and semi-supervised learning. A few famous algorithms that are covered in this book are Linear regression, Logistic Regression, SVM, Naive Bayes, K-Means, Random Forest, TensorFlow, and Feature engineering. In this book you will also learn how these algorithms work and their practical implementation to resolve your problems. This book will also introduce you to the Natural Processing Language and Recommendation systems, which help you run multiple algorithms simultaneously. On completion of the book you will... 
504 |a Includes bibliographical references at the end of each chapters and index. 
505 0 |a Cover -- Copyright -- Credits -- About the Author -- About the Reviewers -- www.PacktPub.com -- Customer Feedback -- Table of Contents -- Preface -- Chapter 1: A Gentle Introduction to Machine Learning -- Introduction -- classic and adaptive machines -- Only learning matters -- Supervised learning -- Unsupervised learning -- Reinforcement learning -- Beyond machine learning -- deep learning and bio-inspired adaptive systems -- Machine learning and big data -- Further reading -- Summary -- Chapter 2: Important Elements in Machine Learning -- Data formats -- Multiclass strategies -- One-vs-all -- One-vs-one -- Learnability -- Underfitting and overfitting -- Error measures -- PAC learning -- Statistical learning approaches -- MAP learning -- Maximum-likelihood learning -- Elements of information theory -- References -- Summary -- Chapter 3: Feature Selection and Feature Engineering -- scikit-learn toy datasets -- Creating training and test sets -- Managing categorical data -- Managing missing features -- Data scaling and normalization -- Feature selection and filtering -- Principal component analysis -- Non-negative matrix factorization -- Sparse PCA -- Kernel PCA -- Atom extraction and dictionary learning -- References -- Summary -- Chapter 4: Linear Regression -- Linear models -- A bidimensional example -- Linear regression with scikit-learn and higher dimensionality -- Regressor analytic expression -- Ridge, Lasso, and ElasticNet -- Robust regression with random sample consensus -- Polynomial regression -- Isotonic regression -- References -- Summary -- Chapter 5: Logistic Regression -- Linear classification -- Logistic regression -- Implementation and optimizations -- Stochastic gradient descent algorithms -- Finding the optimal hyperparameters through grid search -- Classification metrics -- ROC curve -- Summary -- Chapter 6: Naive Bayes. 
505 8 |a Bayes' theorem -- Naive Bayes classifiers -- Naive Bayes in scikit-learn -- Bernoulli naive Bayes -- Multinomial naive Bayes -- Gaussian naive Bayes -- References -- Summary -- Chapter 7: Support Vector Machines -- Linear support vector machines -- scikit-learn implementation -- Linear classification -- Kernel-based classification -- Radial Basis Function -- Polynomial kernel -- Sigmoid kernel -- Custom kernels -- Non-linear examples -- Controlled support vector machines -- Support vector regression -- References -- Summary -- Chapter 8: Decision Trees and Ensemble Learning -- Binary decision trees -- Binary decisions -- Impurity measures -- Gini impurity index -- Cross-entropy impurity index -- Misclassification impurity index -- Feature importance -- Decision tree classification with scikit-learn -- Ensemble learning -- Random forests -- Feature importance in random forests -- AdaBoost -- Gradient tree boosting -- Voting classifier -- References -- Summary -- Chapter 9: Clustering Fundamentals -- Clustering basics -- K-means -- Finding the optimal number of clusters -- Optimizing the inertia -- Silhouette score -- Calinski-Harabasz index -- Cluster instability -- DBSCAN -- Spectral clustering -- Evaluation methods based on the ground truth -- Homogeneity -- Completeness -- Adjusted rand index -- References -- Summary -- Chapter 10: Hierarchical Clustering -- Hierarchical strategies -- Agglomerative clustering -- Dendrograms -- Agglomerative clustering in scikit-learn -- Connectivity constraints -- References -- Summary -- Chapter 11: Introduction to Recommendation Systems -- Naive user-based systems -- User-based system implementation with scikit-learn -- Content-based systems -- Model-free (or memory-based) collaborative filtering -- Model-based collaborative filtering -- Singular Value Decomposition strategy -- Alternating least squares strategy. 
505 8 |a Alternating least squares with Apache Spark MLlib -- References -- Summary -- Chapter 12: Introduction to Natural Language Processing -- NLTK and built-in corpora -- Corpora examples -- The bag-of-words strategy -- Tokenizing -- Sentence tokenizing -- Word tokenizing -- Stopword removal -- Language detection -- Stemming -- Vectorizing -- Count vectorizing -- N-grams -- Tf-idf vectorizing -- A sample text classifier based on the Reuters corpus -- References -- Summary -- Chapter 13: Topic Modeling and Sentiment Analysis in NLP -- Topic modeling -- Latent semantic analysis -- Probabilistic latent semantic analysis -- Latent Dirichlet Allocation -- Sentiment analysis -- VADER sentiment analysis with NLTK -- References -- Summary -- Chapter 14: A Brief Introduction to Deep Learning and TensorFlow -- Deep learning at a glance -- Artificial neural networks -- Deep architectures -- Fully connected layers -- Convolutional layers -- Dropout layers -- Recurrent neural networks -- A brief introduction to TensorFlow -- Computing gradients -- Logistic regression -- Classification with a multi-layer perceptron -- Image convolution -- A quick glimpse inside Keras -- References -- Summary -- Chapter 15: Creating a Machine Learning Architecture -- Machine learning architectures -- Data collection -- Normalization -- Dimensionality reduction -- Data augmentation -- Data conversion -- Modeling/Grid search/Cross-validation -- Visualization -- scikit-learn tools for machine learning architectures -- Pipelines -- Feature unions -- References -- Summary -- Index. 
590 |a Knovel  |b Knovel (All titles) 
650 0 |a Machine learning. 
650 0 |a Computer algorithms. 
655 7 |a elektronické knihy  |7 fd186907  |2 czenas 
655 9 |a electronic books  |2 eczenas 
776 0 8 |i Print version:  |a Bonaccorso, Giuseppe.  |t Machine learning algorithms : reference guide for popular algorithms for data science and machine learning.  |d Birmingham, England ; Mumbai, India : Packt Publishing, 2017  |z 9781785889622 
856 4 0 |u https://proxy.k.utb.cz/login?url=https://app.knovel.com/hotlink/toc/id:kpMLA00001/machine-learning-algorithms?kpromoter=marc  |y Full text