Machine Learning for Finance
eBook - ePub

Machine Learning for Finance

The practical guide to using data-driven algorithms in banking, insurance, and investments

Jannes Klaas

  1. 456 pagine
  2. English
  3. ePUB (disponibile sull'app)
  4. Disponibile su iOS e Android
eBook - ePub

Machine Learning for Finance

The practical guide to using data-driven algorithms in banking, insurance, and investments

Jannes Klaas

Dettagli del libro
Anteprima del libro
Indice dei contenuti
Citazioni

Informazioni sul libro

A guide to advances in machine learning for financial professionals, with working Python code

Key Features

  • Explore advances in machine learning and how to put them to work in financial industries
  • Clear explanation and expert discussion of how machine learning works, with an emphasis on financial applications
  • Deep coverage of advanced machine learning approaches including neural networks, GANs, and reinforcement learning

Book Description

Machine Learning for Finance explores new advances in machine learning and shows how they can be applied across the financial sector, including in insurance, transactions, and lending. It explains the concepts and algorithms behind the main machine learning techniques and provides example Python code for implementing the models yourself.

The book is based on Jannes Klaas' experience of running machine learning training courses for financial professionals. Rather than providing ready-made financial algorithms, the book focuses on the advanced ML concepts and ideas that can be applied in a wide variety of ways.

The book shows how machine learning works on structured data, text, images, and time series. It includes coverage of generative adversarial learning, reinforcement learning, debugging, and launching machine learning products. It discusses how to fight bias in machine learning and ends with an exploration of Bayesian inference and probabilistic programming.

What you will learn

  • Apply machine learning to structured data, natural language, photographs, and written text
  • How machine learning can detect fraud, forecast financial trends, analyze customer sentiments, and more
  • Implement heuristic baselines, time series, generative models, and reinforcement learning in Python, scikit-learn, Keras, and TensorFlow
  • Dig deep into neural networks, examine uses of GANs and reinforcement learning
  • Debug machine learning applications and prepare them for launch
  • Address bias and privacy concerns in machine learning

Who this book is for

This book is ideal for readers who understand math and Python, and want to adopt machine learning in financial applications. The book assumes college-level knowledge of math and statistics.

Domande frequenti

Come faccio ad annullare l'abbonamento?
È semplicissimo: basta accedere alla sezione Account nelle Impostazioni e cliccare su "Annulla abbonamento". Dopo la cancellazione, l'abbonamento rimarrà attivo per il periodo rimanente già pagato. Per maggiori informazioni, clicca qui
È possibile scaricare libri? Se sì, come?
Al momento è possibile scaricare tramite l'app tutti i nostri libri ePub mobile-friendly. Anche la maggior parte dei nostri PDF è scaricabile e stiamo lavorando per rendere disponibile quanto prima il download di tutti gli altri file. Per maggiori informazioni, clicca qui
Che differenza c'è tra i piani?
Entrambi i piani ti danno accesso illimitato alla libreria e a tutte le funzionalità di Perlego. Le uniche differenze sono il prezzo e il periodo di abbonamento: con il piano annuale risparmierai circa il 30% rispetto a 12 rate con quello mensile.
Cos'è Perlego?
Perlego è un servizio di abbonamento a testi accademici, che ti permette di accedere a un'intera libreria online a un prezzo inferiore rispetto a quello che pagheresti per acquistare un singolo libro al mese. Con oltre 1 milione di testi suddivisi in più di 1.000 categorie, troverai sicuramente ciò che fa per te! Per maggiori informazioni, clicca qui.
Perlego supporta la sintesi vocale?
Cerca l'icona Sintesi vocale nel prossimo libro che leggerai per verificare se è possibile riprodurre l'audio. Questo strumento permette di leggere il testo a voce alta, evidenziandolo man mano che la lettura procede. Puoi aumentare o diminuire la velocità della sintesi vocale, oppure sospendere la riproduzione. Per maggiori informazioni, clicca qui.
Machine Learning for Finance è disponibile online in formato PDF/ePub?
Sì, puoi accedere a Machine Learning for Finance di Jannes Klaas in formato PDF e/o ePub, così come ad altri libri molto apprezzati nelle sezioni relative a Computer Science e Artificial Intelligence (AI) & Semantics. Scopri oltre 1 milione di libri disponibili nel nostro catalogo.

Informazioni

Anno
2019
ISBN
9781789134698

Machine Learning for Finance


Table of Contents

Machine Learning for Finance
Why subscribe?
Packt.com
Contributors
About the author
About the reviewer
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
1. Neural Networks and Gradient-Based Optimization
Our journey in this book
What is machine learning?
Supervised learning
Unsupervised learning
Reinforcement learning
The unreasonable effectiveness of data
All models are wrong
Setting up your workspace
Using Kaggle kernels
Running notebooks locally
Installing TensorFlow
Installing Keras
Using data locally
Using the AWS deep learning AMI
Approximating functions
A forward pass
A logistic regressor
Python version of our logistic regressor
Optimizing model parameters
Measuring model loss
Gradient descent
Backpropagation
Parameter updates
Putting it all together
A deeper network
A brief introduction to Keras
Importing Keras
A two-layer model in Keras
Stacking layers
Compiling the model
Training the model
Keras and TensorFlow
Tensors and the computational graph
Exercises
Summary
2. Applying Machine Learning to Structured Data
The data
Heuristic, feature-based, and E2E models
The machine learning software stack
The heuristic approach
Making predictions using the heuristic model
The F1 score
Evaluating with a confusion matrix
The feature engineering approach
A feature from intuition – fraudsters don't sleep
Expert insight – transfer, then cash out
Statistical quirks – errors in balances
Preparing the data for the Keras library
One-hot encoding
Entity embeddings
Tokenizing categories
Creating input models
Training the model
Creating predictive models with Keras
Extracting the target
Creating a test set
Creating a validation set
Oversampling the training data
Building the model
Creating a simple baseline
Building more complex models
A brief primer on tree-based methods
A simple decision tree
A random forest
XGBoost
E2E modeling
Exercises
Summary
3. Utilizing Computer Vision
Convolutional Neural Networks
Filters on MNIST
Adding a second filter
Filters on color images
The building blocks of ConvNets in Keras
Conv2D
Kernel size
Stride size
Padding
Input shape
Simplified Conv2D notation
ReLU activation
MaxPooling2D
Flatten
Dense
Training MNIST
The model
Loading the data
Compiling and training
More bells and whistles for our neural network
Momentum
The Adam optimizer
Regularization
L2 regularization
L1 regularization
Regularization in Keras
Dropout
Batchnorm
Working with big image datasets
Working with pretrained models
Modifying VGG-16
Random image augmentation
Augmentation with ImageDataGenerator
The modularity tradeoff
Computer vision beyond classification
Facial recognition
Bounding box prediction
Exercises
Summary
4. Understanding Time Series
Visualization and preparation in pandas
Aggregate global feature statistics
Examining the sample time series
Different kinds of stationarity
Why stationarity matters
Making a time series stationary
When to ignore stationarity issues
Fast Fourier transformations
Autocorrelation
Establishing a training and testing regime
A note on backtesting
Median forecasting
ARIMA
Kalman filters
Forecasting with neural networks
Data preparation
Weekdays
Conv1D
Dilated and causal convolution
Simple RNN
LSTM
The carry
Recurrent dropout
Bayesian deep learning
Exercises
Summary
5. Parsing Textual Data with Natural Language Processing
An introductory guide to spaCy
Named entity recognition
Fine-tuning the NER
Part-of-speech (POS) tagging
Rule-based matching
Adding custom functions to matchers
Adding the matcher to the pipeline
Combining rule-based and learning-based systems
Regular expressions
Using Python's regex module
Regex in pandas
When to use regexes and when not to
A text classification task
Preparing the data
Sanitizing characters
Lemmatization
Preparing the target
Preparing the training and test sets
Bag-of-words
TF-IDF
Topic modeling
Word embeddings
Preprocessing for training with word vectors
Loading pretrained word vectors
Time series models with word vectors
Document similarity with word embeddings
A quick tour of the Keras functional API
Attention
Seq2seq models
Seq2seq architecture overview
The data
Encoding characters
Creating inference models
Making translations
Exercises
Summary
6. Using Generative Models
Understanding autoencoders
Autoencoder for MNIST
Autoencoder for credit cards
Visualizing latent spaces with t-SNE
Variational autoencoders
MNIST example
Using the Lambda layer
Kullback–Leibler divergence
Creating a custom loss
Using a VAE to generate data
VAEs for an end-to-end fraud detection system
VAEs for time series
GANs
A MNIST GAN
Understanding GAN latent vectors
GAN training tricks
Using less data – active learning
Using labeling budgets efficiently
Leveraging machines for human labeling
Pseudo labeling for unlabeled data
Using generative models
SGANs for fraud detection
Exercises
Summary
7. Reinforcement Learning for Financial Markets
Catch – a quick guide to reinforcement learning
Q-learning turns RL into supervised learning
Defining the Q-learning model
Training to play Catch
Markov processes and the bellman equation – A more formal introduction to RL
The Bellman equation in economics
Advantage actor-critic models
Learning to balance
Learning to trade
Evolutionary strategies and genetic algorithms
Practical tips for RL engineering
Designing good reward functions
Careful, manual reward shaping
Inverse reinforcement learning
Learning from human preferences
Robust RL
Frontiers of RL
Multi-agent RL
Learning how to learn
Understanding the brain through RL
Exercises
Summary
8. Privacy, Debugging, and Launching Your Products
Debugging data
How to find out whether your data is up to the task
What to do if you don't have enough data
Unit testing data
Keeping data private and complying with regulations
Preparing the data for training
Understanding which inputs led to which predictions
Debugging your model
Hyperparameter search with Hyperas
Efficient learning rate search
Learning rate scheduling
Monitoring training with TensorBoard
Exploding and vanishing gradients
Deployment
Launching fast
Understanding and monitoring metrics
Understand...

Indice dei contenuti

  1. Machine Learning for Finance
Stili delle citazioni per Machine Learning for Finance

APA 6 Citation

Klaas, J. (2019). Machine Learning for Finance (1st ed.). Packt Publishing. Retrieved from https://www.perlego.com/book/969846/machine-learning-for-finance-the-practical-guide-to-using-datadriven-algorithms-in-banking-insurance-and-investments-pdf (Original work published 2019)

Chicago Citation

Klaas, Jannes. (2019) 2019. Machine Learning for Finance. 1st ed. Packt Publishing. https://www.perlego.com/book/969846/machine-learning-for-finance-the-practical-guide-to-using-datadriven-algorithms-in-banking-insurance-and-investments-pdf.

Harvard Citation

Klaas, J. (2019) Machine Learning for Finance. 1st edn. Packt Publishing. Available at: https://www.perlego.com/book/969846/machine-learning-for-finance-the-practical-guide-to-using-datadriven-algorithms-in-banking-insurance-and-investments-pdf (Accessed: 14 October 2022).

MLA 7 Citation

Klaas, Jannes. Machine Learning for Finance. 1st ed. Packt Publishing, 2019. Web. 14 Oct. 2022.