ORPP logo

Scala for Machine Learning - Second Edition : (Record no. 131020)

MARC details
000 -LEADER
fixed length control field 11083nam a22004573i 4500
001 - CONTROL NUMBER
control field EBC5061334
003 - CONTROL NUMBER IDENTIFIER
control field MiAaPQ
005 - DATE AND TIME OF LATEST TRANSACTION
control field 20240729131508.0
006 - FIXED-LENGTH DATA ELEMENTS--ADDITIONAL MATERIAL CHARACTERISTICS
fixed length control field m o d |
007 - PHYSICAL DESCRIPTION FIXED FIELD--GENERAL INFORMATION
fixed length control field cr cnu||||||||
008 - FIXED-LENGTH DATA ELEMENTS--GENERAL INFORMATION
fixed length control field 240724s2017 xx o ||||0 eng d
020 ## - INTERNATIONAL STANDARD BOOK NUMBER
International Standard Book Number 9781787126206
Qualifying information (electronic bk.)
035 ## - SYSTEM CONTROL NUMBER
System control number (MiAaPQ)EBC5061334
035 ## - SYSTEM CONTROL NUMBER
System control number (Au-PeEL)EBL5061334
035 ## - SYSTEM CONTROL NUMBER
System control number (CaPaEBR)ebr11447463
035 ## - SYSTEM CONTROL NUMBER
System control number (OCoLC)1005611068
040 ## - CATALOGING SOURCE
Original cataloging agency MiAaPQ
Language of cataloging eng
Description conventions rda
-- pn
Transcribing agency MiAaPQ
Modifying agency MiAaPQ
050 #4 - LIBRARY OF CONGRESS CALL NUMBER
Classification number QA76.73.S28.N53 2017
100 1# - MAIN ENTRY--PERSONAL NAME
Personal name Nicolas, Patrick R.
245 10 - TITLE STATEMENT
Title Scala for Machine Learning - Second Edition :
Remainder of title Leverage Scala and Machine Learning to Study and Construct Systems That Can Learn from Data.
250 ## - EDITION STATEMENT
Edition statement 2nd ed.
264 #1 - PRODUCTION, PUBLICATION, DISTRIBUTION, MANUFACTURE, AND COPYRIGHT NOTICE
Place of production, publication, distribution, manufacture Birmingham :
Name of producer, publisher, distributor, manufacturer Packt Publishing, Limited,
Date of production, publication, distribution, manufacture, or copyright notice 2017.
264 #4 - PRODUCTION, PUBLICATION, DISTRIBUTION, MANUFACTURE, AND COPYRIGHT NOTICE
Date of production, publication, distribution, manufacture, or copyright notice ©2017.
300 ## - PHYSICAL DESCRIPTION
Extent 1 online resource (740 pages)
336 ## - CONTENT TYPE
Content type term text
Content type code txt
Source rdacontent
337 ## - MEDIA TYPE
Media type term computer
Media type code c
Source rdamedia
338 ## - CARRIER TYPE
Carrier type term online resource
Carrier type code cr
Source rdacarrier
505 0# - FORMATTED CONTENTS NOTE
Formatted contents note Cover -- Copyright -- Credits -- About the Author -- About the Reviewers -- www.PacktPub.com -- Customer Feedback -- Table of Contents -- Preface -- Chapter 1: Getting Started -- Mathematical notations for the curious -- Why machine learning? -- Classification -- Prediction -- Optimization -- Regression -- Why Scala? -- Scala as a functional language -- Abstraction -- Higher kinded types -- Functors -- Monads -- Scala as an object oriented language -- Scala as a scalable language -- Model categorization -- Taxonomy of machine learning algorithms -- Unsupervised learning -- Clustering -- Dimension reduction -- Supervised learning -- Generative models -- Discriminative models -- Semi-supervised learning -- Reinforcement learning -- Leveraging Java libraries -- Tools and frameworks -- Java -- Scala -- Eclipse Scala IDE -- IntelliJ IDEA Scala plugin -- Simple build tool -- Apache Commons Math -- Description -- Licensing -- Installation -- JFreeChart -- Description -- Licensing -- Installation -- Other libraries and frameworks -- Source code -- Convention -- Context bounds -- Presentation -- Primitives and implicits -- Immutability -- Let's kick the tires -- Writing a simple workflow -- Step 1 - scoping the problem -- Step 2 - loading data -- Step 3 - preprocessing data -- Step 4 - discovering patterns -- Step 5 - implementing the classifier -- Step 6 - evaluating the model -- Summary -- Chapter 2: Data Pipelines -- Modeling -- What is a model? -- Model versus design -- Selecting features -- Extracting features -- Defining a methodology -- Monadic data transformation -- Error handling -- Monads to the rescue -- mplicit models -- Explicit models -- Workflow computational model -- Supporting mathematical abstractions -- Step 1 - variable declaration -- Step 2 - model definition -- Step 3 - instantiation -- Composing mixins to build workflow.
505 8# - FORMATTED CONTENTS NOTE
Formatted contents note Understanding the problem -- Defining modules -- Instantiating the workflow -- Modularizing -- Profiling data -- Immutable statistics -- Z-score and Gauss -- Assessing a model -- Validation -- Key quality metrics -- F-score for binomial classification -- F-score for multinomial classification -- Area under the curves -- Area under PRC -- Area under ROC -- Cross-validation -- One-fold cross-validation -- K-fold cross-validation -- Bias-variance decomposition -- Overfitting -- Summary -- Chapter 3: Data Preprocessing -- Time series in Scala -- Context bounds -- Types and operations -- Transpose operator -- Differential operator -- Lazy views -- Moving averages -- Simple moving average -- Weighted moving average -- Exponential moving average -- Fourier analysis -- Discrete Fourier transform (DFT) -- DFT-based filtering -- Detection of market cycles -- The discrete Kalman filter -- The state space estimation -- The transition equation -- The measurement equation -- The recursive algorithm -- Prediction -- Correction -- Kalman smoothing -- Fixed lag smoothing -- Experimentation -- Benefits and drawbacks -- Alternative preprocessing techniques -- Summary -- Chapter 4: Unsupervised Learning -- K-mean clustering -- K-means -- Measuring similarity -- Defining the algorithm -- Step 1 - Clusters configuration -- Step 2 - Clusters assignment -- Step 3 - Reconstruction error minimization -- Step 4 - Classification -- Curse of dimensionality -- Evaluation -- The results -- Tuning the number of clusters -- Validation -- Expectation-Maximization (EM) -- Gaussian mixture model -- EM overview -- Implementation -- Classification -- Testing -- Online EM -- Summary -- Chapter 5: Dimension Reduction -- Challenging model complexity -- The divergences -- The Kullback-Leibler divergence -- Overview -- Implementation -- Testing -- The mutual information.
505 8# - FORMATTED CONTENTS NOTE
Formatted contents note Principal components analysis (PCA) -- Algorithm -- Implementation -- Test case -- Evaluation -- Extending PCA -- Validation -- Categorical features -- Performance -- Nonlinear models -- Kernel PCA -- Manifolds -- Summary -- Chapter 6: Naïve Bayes Classifiers -- Probabilistic graphical models -- Naïve Bayes classifiers -- Introducing the multinomial Naïve Bayes -- Formalism -- The frequentist perspective -- The predictive model -- The zero-Frequency problem -- Implementation -- Design -- Training -- Classification -- F1 Validation -- Features extraction -- Testing -- Multivariate Bernoulli classification -- Model -- Implementation -- Naïve Bayes and text mining -- Basics information retrieval -- Implementation -- Analyzing documents -- Extracting relative terms frequency -- Generating the features -- Testing -- Retrieving textual information -- Evaluating text mining classifier -- Pros and cons -- Summary -- Chapter 7: Sequential Data Models -- Markov decision processes -- The Markov property -- The first-order discrete Markov chain -- The hidden Markov model (HMM) -- Notation -- The lambda model -- Design -- Evaluation (CF-1) -- Alpha (forward pass) -- Beta (backward pass) -- Training (CF-2) -- Baum-Welch estimator (EM) -- Decoding (CF-3) -- The Viterbi algorithm -- Putting it all together -- Test case 1 - Training -- HMM as filtering technique -- Conditional random fields -- Introduction to CRF -- Linear chain CRF -- Regularized CRF and text analytics -- The feature functions model -- Design -- Implementation -- Configuring the CRF classifier -- Training the CRF model -- Applying the CRF model -- Tests -- The training convergence profile -- Impact of the size of the training set -- Impact of L2 regularization factor -- Comparing CRF and HMM -- Performance consideration -- Summary -- Chapter 8: Monte Carlo Inference -- The purpose of sampling.
505 8# - FORMATTED CONTENTS NOTE
Formatted contents note Gaussian sampling -- Box-Muller transform -- Monte Carlo approximation -- Overview -- Implementation -- Bootstrapping with replacement -- Overview -- Resampling -- Implementation -- Pros and cons of bootstrap -- Markov Chain Monte Carlo (MCMC) -- Overview -- Metropolis-Hastings (MH) -- Implementation -- Test -- Summary -- Chapter 9: Regression and Regularization -- Linear regression -- Univariate linear regression -- Implementation -- Test case -- Ordinary least squares (OLS) regression -- Design -- Implementation -- Test case 1 - trending -- Test case 2 - features selection -- Regularization -- Ln roughness penalty -- Ridge regression -- Design -- Implementation -- Test case -- Numerical optimization -- Logistic regression -- Logistic function -- Design -- Training workflow -- Step 1 - configuring the optimizer -- Step 2 - computing the Jacobian matrix -- Step 3 - managing the convergence of optimizer -- Step 4 - defining the least squares problem -- Step 5 - minimizing the sum of square errors -- Test -- Classification -- Summary -- Chapter 10: Multi-Layer Perceptron -- Feed-forward neural networks (FFNN) -- The biological background -- Mathematical background -- The multilayer perceptron (MLP) -- Activation function -- Network topology -- Design -- Configuration -- Network components -- Network topology -- Input and hidden layers -- Output layer -- Synapses -- Connections -- Weights initialization -- Model -- Problem types (modes) -- Online versus batch training -- Training epoch -- Step 1 - input forward propagation -- Step 2 - error backpropagation -- Step 3 - exit condition -- Putting it all together -- Training and classification -- Regularization -- Model generation -- Fast Fisher-Yates shuffle -- Prediction -- Model fitness -- Evaluation -- Execution profile -- Impact of learning rate -- Impact of the momentum factor.
505 8# - FORMATTED CONTENTS NOTE
Formatted contents note Impact of the number of hidden layers -- Test case -- Implementation -- Models evaluation -- Impact of hidden layers' architecture -- Benefits and limitations -- Summary -- Chapter 11: Deep Learning -- Sparse autoencoder -- Undercomplete autoencoder -- Deterministic autoencoder -- Categorization -- Feed-forward sparse, undercomplete autoencoder -- Sparsity updating equations -- Implementation -- Restricted Boltzmann Machines (RBMs) -- Boltzmann machine -- Binary restricted Boltzmann machines -- Conditional probabilities -- Sampling -- Log-likelihood gradient -- Contrastive divergence -- Configuration parameters -- Unsupervised learning -- Convolution neural networks -- Local receptive fields -- Weight sharing -- Convolution layers -- Sub-sampling layers -- Putting it all together -- Summary -- Chapter 12: Kernel Models and SVM -- Kernel functions -- Overview -- Common discriminative kernels -- Kernel monadic composition -- The support vector machine (SVM) -- The linear SVM -- The separable case (hard margin) -- The non-separable case (soft margin) -- The nonlinear SVM -- Max-margin classification -- The kernel trick -- Support vector classifier (SVC) -- The binary SVC -- Anomaly detection with one-class SVC -- Support vector regression (SVR) -- Overview -- SVR versus linear regression -- Performance considerations -- Summary -- Chapter 13: Evolutionary Computing -- Evolution -- The origin -- NP problems -- Evolutionary computing -- Genetic algorithms and machine learning -- Genetic algorithm components -- Encodings -- Value encoding -- Predicate encoding -- Solution encoding -- The encoding scheme -- Genetic operators -- Selection -- Crossover -- Mutation -- Fitness score -- Implementation -- Software design -- Key components -- Population -- Chromosomes -- Genes -- Selection -- Controlling population growth -- GA configuration -- Crossover.
505 8# - FORMATTED CONTENTS NOTE
Formatted contents note Population.
588 ## - SOURCE OF DESCRIPTION NOTE
Source of description note Description based on publisher supplied metadata and other sources.
590 ## - LOCAL NOTE (RLIN)
Local note Electronic reproduction. Ann Arbor, Michigan : ProQuest Ebook Central, 2024. Available via World Wide Web. Access may be limited to ProQuest Ebook Central affiliated libraries.
650 #0 - SUBJECT ADDED ENTRY--TOPICAL TERM
Topical term or geographic name entry element Scala (Computer program language).
655 #4 - INDEX TERM--GENRE/FORM
Genre/form data or focus term Electronic books.
776 08 - ADDITIONAL PHYSICAL FORM ENTRY
Relationship information Print version:
Main entry heading Nicolas, Patrick R.
Title Scala for Machine Learning - Second Edition
Place, publisher, and date of publication Birmingham : Packt Publishing, Limited,c2017
797 2# - LOCAL ADDED ENTRY--CORPORATE NAME (RLIN)
Corporate name or jurisdiction name as entry element ProQuest (Firm)
856 40 - ELECTRONIC LOCATION AND ACCESS
Uniform Resource Identifier <a href="https://ebookcentral.proquest.com/lib/orpp/detail.action?docID=5061334">https://ebookcentral.proquest.com/lib/orpp/detail.action?docID=5061334</a>
Public note Click to View

No items available.

© 2024 Resource Centre. All rights reserved.