Python machine learning: unlock deeper insights into machine learning with this vital guide to cutting-edge predictive analytics
Gespeichert in:
1. Verfasser: | |
---|---|
Format: | Buch |
Sprache: | English |
Veröffentlicht: |
Birmingham ; Mumbai
Packt Publishing
[2016]
|
Schriftenreihe: | Community experience distilled
|
Schlagworte: | |
Online-Zugang: | Inhaltsverzeichnis |
Beschreibung: | xiii, 425 Seiten Illustrationen, Diagramme |
ISBN: | 9781783555130 |
Internformat
MARC
LEADER | 00000nam a2200000 c 4500 | ||
---|---|---|---|
001 | BV043230352 | ||
003 | DE-604 | ||
005 | 20161117 | ||
007 | t | ||
008 | 151222s2016 a||| |||| 00||| eng d | ||
020 | |a 9781783555130 |9 978-1-78355-513-0 | ||
024 | 3 | |a 9781783555130 | |
035 | |a (OCoLC)927507196 | ||
035 | |a (DE-599)BSZ446621838 | ||
040 | |a DE-604 |b ger |e rda | ||
041 | 0 | |a eng | |
049 | |a DE-523 |a DE-739 |a DE-83 |a DE-573 |a DE-19 |a DE-20 |a DE-862 |a DE-634 |a DE-29T |a DE-11 |a DE-355 |a DE-1102 |a DE-945 |a DE-706 |a DE-Aug4 | ||
084 | |a ST 250 |0 (DE-625)143626: |2 rvk | ||
100 | 1 | |a Raschka, Sebastian |e Verfasser |0 (DE-588)1080537872 |4 aut | |
245 | 1 | 0 | |a Python machine learning |b unlock deeper insights into machine learning with this vital guide to cutting-edge predictive analytics |c Sebastian Raschka |
264 | 1 | |a Birmingham ; Mumbai |b Packt Publishing |c [2016] | |
264 | 4 | |c © 2016 | |
300 | |a xiii, 425 Seiten |b Illustrationen, Diagramme | ||
336 | |b txt |2 rdacontent | ||
337 | |b n |2 rdamedia | ||
338 | |b nc |2 rdacarrier | ||
490 | 0 | |a Community experience distilled | |
650 | 0 | 7 | |a Datenanalyse |0 (DE-588)4123037-1 |2 gnd |9 rswk-swf |
650 | 0 | 7 | |a Big Data |0 (DE-588)4802620-7 |2 gnd |9 rswk-swf |
650 | 0 | 7 | |a Python 3.5 |0 (DE-588)1113598565 |2 gnd |9 rswk-swf |
650 | 0 | 7 | |a Python 3.4 |0 (DE-588)1053433689 |2 gnd |9 rswk-swf |
650 | 0 | 7 | |a Maschinelles Lernen |0 (DE-588)4193754-5 |2 gnd |9 rswk-swf |
650 | 0 | 7 | |a Python |g Programmiersprache |0 (DE-588)4434275-5 |2 gnd |9 rswk-swf |
689 | 0 | 0 | |a Python |g Programmiersprache |0 (DE-588)4434275-5 |D s |
689 | 0 | 1 | |a Maschinelles Lernen |0 (DE-588)4193754-5 |D s |
689 | 0 | |5 DE-604 | |
689 | 1 | 0 | |a Maschinelles Lernen |0 (DE-588)4193754-5 |D s |
689 | 1 | 1 | |a Datenanalyse |0 (DE-588)4123037-1 |D s |
689 | 1 | 2 | |a Big Data |0 (DE-588)4802620-7 |D s |
689 | 1 | 3 | |a Python 3.4 |0 (DE-588)1053433689 |D s |
689 | 1 | 4 | |a Python 3.5 |0 (DE-588)1113598565 |D s |
689 | 1 | |8 1\p |5 DE-604 | |
856 | 4 | 2 | |m Digitalisierung UB Passau - ADAM Catalogue Enrichment |q application/pdf |u http://bvbr.bib-bvb.de:8991/F?func=service&doc_library=BVB01&local_base=BVB01&doc_number=028652948&sequence=000002&line_number=0001&func_code=DB_RECORDS&service_type=MEDIA |3 Inhaltsverzeichnis |
999 | |a oai:aleph.bib-bvb.de:BVB01-028652948 | ||
883 | 1 | |8 1\p |a cgwrk |d 20201028 |q DE-101 |u https://d-nb.info/provenance/plan#cgwrk |
Datensatz im Suchindex
DE-BY-862_location | 2000 |
---|---|
DE-BY-FWS_call_number | 2000/ST 250 P99 R223 |
DE-BY-FWS_katkey | 627905 |
DE-BY-FWS_media_number | 083000515930 |
_version_ | 1824553902748467200 |
adam_text | Table of Contents
Preface
Chapter 1: Giving Computers the Ability to Learn from Data
Building intelligent machines to transform data into knowledge
The three different types of machine learning
Making predictions about the future with supervised learning
Classification for predicting class labels
Regression for predicting continuous outcomes
Solving interactive problems with reinforcement learning
Discovering hidden structures with unsupervised learning
Finding subgroups with clustering
Dimensionality reduction for data compression
An introduction to the basic terminology and notations
A roadmap for building machine learning systems
Preprocessing - getting data into shape
Training and selecting a predictive model
Evaluating models and predicting unseen data instances
Using Python for machine learning
Installing Python packages
Summary
Chapter 2: Training Machine Learning Algorithms
for Classification ___
Artificial neurons a brief glimpse into the early history
of machine learning
Implementing a perception Seaming algorithm in Python
Training a perceptron model on the Iris dataset
Adaptive linear neurons and the convergence of learning
Minimizing cost functions with gradient descent
ff *
VII
3
3
4
6
6
7
7
8
10
11
12
13
13
13
15
T(
Av )
»* i
Implementing an Adaptive Linear Neuron in Python 36
Large scale machine learning and stochastic gradient descent 42
Summary 47
Chapter 3: A Tour of Machine Learning Classifiers Using
Scikit-learn_______________________________________________________________49
Choosing a classification algorithm 49
First steps with scikit-learn 50
Training a perceptron via scikit-learn 50
Modeling class probabilities via logistic regression 56
Logistic regression intuition and conditional probabilities 56
Learning the weights of the logistic cost function 59
Training a logistic regression model with scikit-learn 62
Tackling overfitting via regularization 65
Maximum margin classification with support vector machines 69
Maximum margin intuition 70
Dealing with the nonlinearly separable case using slack variables 71
Alternative implementations in scikit-learn 74
Solving nonlinear problems using a kernel SVM 75
Using the kernel trick to find separating hyperplanes in higher
dimensional space 77
Decision tree learning 80
Maximizing information gain - getting the most bang for the buck 82
Building a decision tree 88
Combining weak to strong learners via random forests 90
K-nearest neighbors - a lazy learning algorithm 92
Summary 96
Chapter 4: Building Good Training Sets - Data Preprocessing 99
Dealing with missing data 99
Eliminating samples or features with missing values 101
Imputing missing values 102
Understanding the scikit-learn estimator API 102
Handling categorical data 104
Mapping ordinal features 104
Encoding class labels 105
Performing one-hot encoding on nominal features 106
Partitioning a dataset in training and test sets 108
Bringing features onto the same scale 110
Selecting meaningful features 112
Sparse solutions with L1 regularization 112
Sequential feature selection algorithms 118
Assessing feature importance with random forests 124
Summary 126
Chapter 5: Compressing Data via Dimensionality Reduction 127
Unsupervised dimensionality reduction via principal
component analysis 128
Total and explained variance 129
Feature transformation 133
Principal component analysis in scikit-learn 135
Supervised data compression via linear discriminant analysis 138
Computing the scatter matrices 140
Selecting linear discriminants for the new feature subspace 143
Projecting samples onto the new feature space 145
LDA via scikit-learn 146
Using kernel principal component analysis for nonlinear mappings 148
Kernel functions and the kernel trick 148
Implementing a kernel principal component analysis in Python 154
Example 1 - separating half-moon shapes 155
Example 2 - separating concentric circles 159
Projecting new data points 162
Kernel principal component analysis in scikit-learn 166
Summary 167
Chapter 6: Learning Best Practices for Model Evaluation
and Hyperparameter Tuning 169
169
170
171
173
173
175
179
180
183
18U
186
187
1 m
190
191
Streamlining workflows with pipelines
Loading the Breast Cancer Wisconsin dataset
Combining transformers and estimators in a pipeline
Using k-fold cross-validation to assess model performance
The holdout method
K-fold cross-validation
Debugging algorithms with learning and validation curves
Diagnosing bias and variance problems with learning curves
Addressing overfitting and underfitting with validation curves
Fine-tuning machine learning models via grid search
Tuning hyperparameters via grid search
Algorithm selection with nested cross-validation
Looking at different, performance evaluation motrice«
Reading a confusion matrix
Optimizing the precision and recall of a classification model
Plotting a receiver operating characteristic 193
The scoring metrics for multiclass classification 197
Summary 198
Chapter 7: Combining Different Models for Ensemble Learning 199
Learning with ensembles 199
Implementing a simple majority vote classifier 203
Combining different algorithms for classification with majority vote 210
Evaluating and tuning the ensemble classifier 213
Bagging - building an ensemble of classifiers from
bootstrap samples 219
Leveraging weak learners via adaptive boosting 224
Summary 232
Chapter 8: Applying Machine Learning to Sentiment Analysis________ 233
Obtaining the IMDb movie review dataset 233
Introducing the bag-of-words model 236
Transforming words into feature vectors 236
Assessing word relevancy via term frequency-inverse
document frequency 238
Cleaning text data 240
Processing documents into tokens 242
Training a logistic regression model for document classification 244
Working with bigger data - online algorithms and
out-of-core learning 246
Summary 250
Chapter 9: Embedding a Machine Learning Model into
a Web Application________________________________________________________251
Serializing fitted scikit-learn estimators 252
Setting up a SQLite database for data storage 255
Developing a web application with Flask 257
Our first Flask web application 258
Form validation and rendering 259
Turning the movie classifier into a web application 264
Deploying the web application to a public server 272
Updating the movie review classifier 274
Summary 276
Chapter 10: Predicting Continuous Target Variables
withjteqression Analysis _______________________________________________ 277
Introducing a simple linear regression model 278
Exploring the Housing Dataset 279
Visualizing the important characteristics of a dataset 280
Implementing an ordinary least squares linear regression model 285
Solving regression for regression parameters with gradient descent 285
Estimating the coefficient of a regression model via scikit-learn 289
Fitting a robust regression model using RANSAC 291
Evaluating the performance of linear regression models 294
Using regularized methods for regression 297
Turning a linear regression model into a curve - polynomial
regression 298
Modeling nonlinear relationships in the Housing Dataset 300
Dealing with nonlinear relationships using random forests 304
Decision tree regression 304
Random forest regression 306
Summary 309
Chapter 11: Working with Unlabeled Data - Clustering Analysis 311
Grouping objects by similarity using k-means 312
K-means++ 315
Hard versus soft clustering 317
Using the elbow method to find the optimal number of clusters 320
Quantifying the quality of clustering via silhouette plots 321
Organizing clusters as a hierarchical tree 326
Performing hierarchical clustering on a distance matrix 328
Attaching dendrograms to a heat map 332
Applying agglomerative clustering via scikit-learn 334
Locating regions of high density via DBSCAN 334
Summary 340
Chapter 12: Training Artificial Neural Networks for Image
Recognition__________ ______________________________________________ 341
Modeling complex functions with artificial neural networks 342
Single-layer neural network recap 343
Introducing the multi-layer neural network architecture 345
Activating a neural network via forward propagation 347
Classifying handwritten digits 350
Obtaining the MNIST dataset 351
Implementing a multi-layer perceptron 356
Training an artificial neural network 365
Computing the logistic cost function 365
Training neural networks via backpropagation 368
Developing your intuition for backpropagation 372
Debugging neural networks with gradient checking 373
Convergence in neural networks 379
Other neural network architectures 381
Convolutional Neural Networks 381
Recurrent Neural Networks 383
A few last words about neural network implementation 384
Summary 385
Chapter 13: Parallelizing Neural Network Training with Theano 387
Building, compiling, and running expressions with Theano 388
What is Theano? 390
First steps with Theano 391
Configuring Theano 392
Working with array structures 394
Wrapping things up - a linear regression example 397
Choosing activation functions for feedforward neural networks 401
Logistic function recap 402
Estimating probabilities in multi-class classification via the
softmax function 404
Broadening the output spectrum by using a hyperbolic tangent 405
Training neural networks efficiently using Keras 408
Summary 414
Index 417
|
any_adam_object | 1 |
author | Raschka, Sebastian |
author_GND | (DE-588)1080537872 |
author_facet | Raschka, Sebastian |
author_role | aut |
author_sort | Raschka, Sebastian |
author_variant | s r sr |
building | Verbundindex |
bvnumber | BV043230352 |
classification_rvk | ST 250 |
ctrlnum | (OCoLC)927507196 (DE-599)BSZ446621838 |
discipline | Informatik |
format | Book |
fullrecord | <?xml version="1.0" encoding="UTF-8"?><collection xmlns="http://www.loc.gov/MARC21/slim"><record><leader>02307nam a2200505 c 4500</leader><controlfield tag="001">BV043230352</controlfield><controlfield tag="003">DE-604</controlfield><controlfield tag="005">20161117 </controlfield><controlfield tag="007">t</controlfield><controlfield tag="008">151222s2016 a||| |||| 00||| eng d</controlfield><datafield tag="020" ind1=" " ind2=" "><subfield code="a">9781783555130</subfield><subfield code="9">978-1-78355-513-0</subfield></datafield><datafield tag="024" ind1="3" ind2=" "><subfield code="a">9781783555130</subfield></datafield><datafield tag="035" ind1=" " ind2=" "><subfield code="a">(OCoLC)927507196</subfield></datafield><datafield tag="035" ind1=" " ind2=" "><subfield code="a">(DE-599)BSZ446621838</subfield></datafield><datafield tag="040" ind1=" " ind2=" "><subfield code="a">DE-604</subfield><subfield code="b">ger</subfield><subfield code="e">rda</subfield></datafield><datafield tag="041" ind1="0" ind2=" "><subfield code="a">eng</subfield></datafield><datafield tag="049" ind1=" " ind2=" "><subfield code="a">DE-523</subfield><subfield code="a">DE-739</subfield><subfield code="a">DE-83</subfield><subfield code="a">DE-573</subfield><subfield code="a">DE-19</subfield><subfield code="a">DE-20</subfield><subfield code="a">DE-862</subfield><subfield code="a">DE-634</subfield><subfield code="a">DE-29T</subfield><subfield code="a">DE-11</subfield><subfield code="a">DE-355</subfield><subfield code="a">DE-1102</subfield><subfield code="a">DE-945</subfield><subfield code="a">DE-706</subfield><subfield code="a">DE-Aug4</subfield></datafield><datafield tag="084" ind1=" " ind2=" "><subfield code="a">ST 250</subfield><subfield code="0">(DE-625)143626:</subfield><subfield code="2">rvk</subfield></datafield><datafield tag="100" ind1="1" ind2=" "><subfield code="a">Raschka, Sebastian</subfield><subfield code="e">Verfasser</subfield><subfield code="0">(DE-588)1080537872</subfield><subfield code="4">aut</subfield></datafield><datafield tag="245" ind1="1" ind2="0"><subfield code="a">Python machine learning</subfield><subfield code="b">unlock deeper insights into machine learning with this vital guide to cutting-edge predictive analytics</subfield><subfield code="c">Sebastian Raschka</subfield></datafield><datafield tag="264" ind1=" " ind2="1"><subfield code="a">Birmingham ; Mumbai</subfield><subfield code="b">Packt Publishing</subfield><subfield code="c">[2016]</subfield></datafield><datafield tag="264" ind1=" " ind2="4"><subfield code="c">© 2016</subfield></datafield><datafield tag="300" ind1=" " ind2=" "><subfield code="a">xiii, 425 Seiten</subfield><subfield code="b">Illustrationen, Diagramme</subfield></datafield><datafield tag="336" ind1=" " ind2=" "><subfield code="b">txt</subfield><subfield code="2">rdacontent</subfield></datafield><datafield tag="337" ind1=" " ind2=" "><subfield code="b">n</subfield><subfield code="2">rdamedia</subfield></datafield><datafield tag="338" ind1=" " ind2=" "><subfield code="b">nc</subfield><subfield code="2">rdacarrier</subfield></datafield><datafield tag="490" ind1="0" ind2=" "><subfield code="a">Community experience distilled</subfield></datafield><datafield tag="650" ind1="0" ind2="7"><subfield code="a">Datenanalyse</subfield><subfield code="0">(DE-588)4123037-1</subfield><subfield code="2">gnd</subfield><subfield code="9">rswk-swf</subfield></datafield><datafield tag="650" ind1="0" ind2="7"><subfield code="a">Big Data</subfield><subfield code="0">(DE-588)4802620-7</subfield><subfield code="2">gnd</subfield><subfield code="9">rswk-swf</subfield></datafield><datafield tag="650" ind1="0" ind2="7"><subfield code="a">Python 3.5</subfield><subfield code="0">(DE-588)1113598565</subfield><subfield code="2">gnd</subfield><subfield code="9">rswk-swf</subfield></datafield><datafield tag="650" ind1="0" ind2="7"><subfield code="a">Python 3.4</subfield><subfield code="0">(DE-588)1053433689</subfield><subfield code="2">gnd</subfield><subfield code="9">rswk-swf</subfield></datafield><datafield tag="650" ind1="0" ind2="7"><subfield code="a">Maschinelles Lernen</subfield><subfield code="0">(DE-588)4193754-5</subfield><subfield code="2">gnd</subfield><subfield code="9">rswk-swf</subfield></datafield><datafield tag="650" ind1="0" ind2="7"><subfield code="a">Python</subfield><subfield code="g">Programmiersprache</subfield><subfield code="0">(DE-588)4434275-5</subfield><subfield code="2">gnd</subfield><subfield code="9">rswk-swf</subfield></datafield><datafield tag="689" ind1="0" ind2="0"><subfield code="a">Python</subfield><subfield code="g">Programmiersprache</subfield><subfield code="0">(DE-588)4434275-5</subfield><subfield code="D">s</subfield></datafield><datafield tag="689" ind1="0" ind2="1"><subfield code="a">Maschinelles Lernen</subfield><subfield code="0">(DE-588)4193754-5</subfield><subfield code="D">s</subfield></datafield><datafield tag="689" ind1="0" ind2=" "><subfield code="5">DE-604</subfield></datafield><datafield tag="689" ind1="1" ind2="0"><subfield code="a">Maschinelles Lernen</subfield><subfield code="0">(DE-588)4193754-5</subfield><subfield code="D">s</subfield></datafield><datafield tag="689" ind1="1" ind2="1"><subfield code="a">Datenanalyse</subfield><subfield code="0">(DE-588)4123037-1</subfield><subfield code="D">s</subfield></datafield><datafield tag="689" ind1="1" ind2="2"><subfield code="a">Big Data</subfield><subfield code="0">(DE-588)4802620-7</subfield><subfield code="D">s</subfield></datafield><datafield tag="689" ind1="1" ind2="3"><subfield code="a">Python 3.4</subfield><subfield code="0">(DE-588)1053433689</subfield><subfield code="D">s</subfield></datafield><datafield tag="689" ind1="1" ind2="4"><subfield code="a">Python 3.5</subfield><subfield code="0">(DE-588)1113598565</subfield><subfield code="D">s</subfield></datafield><datafield tag="689" ind1="1" ind2=" "><subfield code="8">1\p</subfield><subfield code="5">DE-604</subfield></datafield><datafield tag="856" ind1="4" ind2="2"><subfield code="m">Digitalisierung UB Passau - ADAM Catalogue Enrichment</subfield><subfield code="q">application/pdf</subfield><subfield code="u">http://bvbr.bib-bvb.de:8991/F?func=service&doc_library=BVB01&local_base=BVB01&doc_number=028652948&sequence=000002&line_number=0001&func_code=DB_RECORDS&service_type=MEDIA</subfield><subfield code="3">Inhaltsverzeichnis</subfield></datafield><datafield tag="999" ind1=" " ind2=" "><subfield code="a">oai:aleph.bib-bvb.de:BVB01-028652948</subfield></datafield><datafield tag="883" ind1="1" ind2=" "><subfield code="8">1\p</subfield><subfield code="a">cgwrk</subfield><subfield code="d">20201028</subfield><subfield code="q">DE-101</subfield><subfield code="u">https://d-nb.info/provenance/plan#cgwrk</subfield></datafield></record></collection> |
id | DE-604.BV043230352 |
illustrated | Illustrated |
indexdate | 2025-02-20T06:43:15Z |
institution | BVB |
isbn | 9781783555130 |
language | English |
oai_aleph_id | oai:aleph.bib-bvb.de:BVB01-028652948 |
oclc_num | 927507196 |
open_access_boolean | |
owner | DE-523 DE-739 DE-83 DE-573 DE-19 DE-BY-UBM DE-20 DE-862 DE-BY-FWS DE-634 DE-29T DE-11 DE-355 DE-BY-UBR DE-1102 DE-945 DE-706 DE-Aug4 |
owner_facet | DE-523 DE-739 DE-83 DE-573 DE-19 DE-BY-UBM DE-20 DE-862 DE-BY-FWS DE-634 DE-29T DE-11 DE-355 DE-BY-UBR DE-1102 DE-945 DE-706 DE-Aug4 |
physical | xiii, 425 Seiten Illustrationen, Diagramme |
publishDate | 2016 |
publishDateSearch | 2016 |
publishDateSort | 2016 |
publisher | Packt Publishing |
record_format | marc |
series2 | Community experience distilled |
spellingShingle | Raschka, Sebastian Python machine learning unlock deeper insights into machine learning with this vital guide to cutting-edge predictive analytics Datenanalyse (DE-588)4123037-1 gnd Big Data (DE-588)4802620-7 gnd Python 3.5 (DE-588)1113598565 gnd Python 3.4 (DE-588)1053433689 gnd Maschinelles Lernen (DE-588)4193754-5 gnd Python Programmiersprache (DE-588)4434275-5 gnd |
subject_GND | (DE-588)4123037-1 (DE-588)4802620-7 (DE-588)1113598565 (DE-588)1053433689 (DE-588)4193754-5 (DE-588)4434275-5 |
title | Python machine learning unlock deeper insights into machine learning with this vital guide to cutting-edge predictive analytics |
title_auth | Python machine learning unlock deeper insights into machine learning with this vital guide to cutting-edge predictive analytics |
title_exact_search | Python machine learning unlock deeper insights into machine learning with this vital guide to cutting-edge predictive analytics |
title_full | Python machine learning unlock deeper insights into machine learning with this vital guide to cutting-edge predictive analytics Sebastian Raschka |
title_fullStr | Python machine learning unlock deeper insights into machine learning with this vital guide to cutting-edge predictive analytics Sebastian Raschka |
title_full_unstemmed | Python machine learning unlock deeper insights into machine learning with this vital guide to cutting-edge predictive analytics Sebastian Raschka |
title_short | Python machine learning |
title_sort | python machine learning unlock deeper insights into machine learning with this vital guide to cutting edge predictive analytics |
title_sub | unlock deeper insights into machine learning with this vital guide to cutting-edge predictive analytics |
topic | Datenanalyse (DE-588)4123037-1 gnd Big Data (DE-588)4802620-7 gnd Python 3.5 (DE-588)1113598565 gnd Python 3.4 (DE-588)1053433689 gnd Maschinelles Lernen (DE-588)4193754-5 gnd Python Programmiersprache (DE-588)4434275-5 gnd |
topic_facet | Datenanalyse Big Data Python 3.5 Python 3.4 Maschinelles Lernen Python Programmiersprache |
url | http://bvbr.bib-bvb.de:8991/F?func=service&doc_library=BVB01&local_base=BVB01&doc_number=028652948&sequence=000002&line_number=0001&func_code=DB_RECORDS&service_type=MEDIA |
work_keys_str_mv | AT raschkasebastian pythonmachinelearningunlockdeeperinsightsintomachinelearningwiththisvitalguidetocuttingedgepredictiveanalytics |
Inhaltsverzeichnis
THWS Schweinfurt Zentralbibliothek Lesesaal
Signatur: |
2000 ST 250 P99 R223 |
---|---|
Exemplar 1 | ausleihbar Verfügbar Bestellen |