SlideShare ist ein Scribd-Unternehmen logo
1 von 44
LINEAR ALGEBRA AND
PROBABILITY (DEEP LEARNING
CHAPTER 2&3)
CHENG ZHAN
YAN XU
SCALARS, VECTORS, MATRICES AND
TENSORS
• Scalars: A scalar is just a single number
• Vectors: A vector is an array of numbers
• Matrices: A matrix is a 2-D array of numbers
• Tensors: An array of numbers arranged on a regular grid with a
variable number of axes is known as a tensor
OPERATION
• Transpose
• Addition
• In the context of deep learning, we also use some less conventional
notation. We allow the addition of matrix and a vector, yielding another
matrix: C = A +b
• Multiplication
• A(B + C) = AB + AC
• A(BC) = (AB)C
• AB = BA does not always hold, unlike scalar multiplication
APPLICATION OF MATRIX MULTIPLICATION
IDENTITY AND INVERSE MATRICES
• Ax=b
• Identity matrix
• When the inverse exists, several different algorithms can find it
• Gaussian elimination leads to O(n^3) complexity
• Iterative method, like gradient descent (steepest descent) or conjugate
gradient
LINEAR DEPENDENCE AND SPAN
• Ax=b, z = αx + (1 −α)y
• In general, this kind of operation is called a linear combination
• The span of a set of vectors is the set of all points obtainable
by linear combination of the original vectors.
• A set of vectors is linearly independent if no vector in the set is
a linear combination of the other vectors.
EIGENVECTOR AND EIGENVALUE (SQUARE
MATRIX)
PROBABILITY AND INFORMATION
BENFORD'S LAW
• The frequency distribution of leading digits in many real-life
sets of numerical data is not uniform. The law states that in
many naturally occurring collections of numbers, the
leading significant digit is likely to be small.
SIMULATION
100! VS. 1000! VS. 10000!
PROBABILITY AND INFORMATION THEORY
• Motivation (source for uncertainty)
• Inherent stochasticity in the system being modeled
• Incomplete observability
• Incomplete modeling
• Simple over complex
• Most birds fly
• Birds fly, except for very young birds that have not yet learned to fly, sick or
injured birds that have lost the ability to fly, flightless species of birds
including the cassowary, ostrich and kiwi
• Frequentist probability
• parameters are fixed
• related directly to the rates at which events occur
• Bayesian probability
• parameters are variables that can be described by some distribution
• degree of belief
RANDOM VARIABLE
• A random variable is a variable that can take on different values
randomly
• A probability distribution is a description of how likely a
random variable or set of random variables is to take on each
of its possible states.
• probability mass function (PMF)
• ∀x ∈ x, 0≤ P(x)≤1,
• probability density function (PDF)
• ∀x ∈ x, 0≤ P(x),
CONDITIONAL PROBABILITY AND
INDEPENDENCE
MOMENTS
DISTRIBUTION SUMMARY
Parameter Expectation Variance
Bernoulli
distribution
Binomial
distribution
Poisson
distribution
Uniform
distribution
Exponential
distribution
Gaussian
distribution
HOW TO DEFINE THE DISTANCE
• statistical distance quantifies the distance between two statistical
objects
• d(x, y) ≥ 0 (non-negativity)
• d(x, y) = 0 if and only if x = y (identity of indiscernible. Note that
condition 1 and 2 together produce positive definiteness)
• d(x, y) = d(y, x) (symmetry)
• d(x, z) ≤ d(x, y) + d(y, z) (triangle inequality)
• Examples
• Total variation
• Covariance
HOW TO DEFINE THE DISTANCE
• statistical distance quantifies the distance between two statistical
objects
• d(x, y) ≥ 0 (non-negativity)
• d(x, y) = 0 if and only if x = y (identity of indiscernible. Note that
condition 1 and 2 together produce positive definiteness)
• d(x, y) = d(y, x) (symmetry)
• d(x, z) ≤ d(x, y) + d(y, z) (triangle inequality)
• Examples
• Total variation
• Covariance
UNCORRELATED AND INDEPENDENT
• Uncorrelated
• E(XY) − E(X)E(Y) = 0
• Independent
• P(X=x,Y=y)=P(X=x)P(Y=y), for all x,y.
CORRELATION AND DEPENDENCE
Let X∼U(−1,1)X∼U(−1,1).
Let Y = 𝑋2
.
Uncorrelated but dependent.
LAW OF LARGE NUMBER
CENTRAL LIMIT THEORY
INFORMATION
• A discrete random variable x and we ask how much information
is received when we observe a specific value for this variable.
• Degree of surprise (there was a solar eclipse this morning)
• Likely events should have low information content.
• Less likely events should have higher information content.
• Independent events should have additive information.
• For example, finding out that a tossed coin has come up as heads twice
should convey twice as much information as finding out that a tossed coin
has come up as heads once.
ENTROPY
• Information entropy is defined as the average amount
of information produced by a stochastic source of data.
From Binomial to Poisson
Yan Xu
Feb. 10, 2018
Houston Machine Learning Meetup
Flipping a coin
Binomial Distribution of getting heads:
P(0.5, 4)
From Binomial to Poisson
The number of
successes in a
sequence of n
independent
experiments with
success probability p.
The probability of observing k events in an
interval. The average number of events in an
interval is designated λ.
Breaking into parts
Pulling out
Part I
Part II
Part III
= ( 1 – 0 ) –k =1
Bring it together
Roadmap
1. Introduction (Chapter 1), Historical view and trends of deep learning – Yan Xu
2. Linear algebra and probability (Chapter 2&3) – Cheng Zhan
3. Numerical Computation and machine learning basics (Chapter 4&5) – Linda
MacPhee-Cobb
4. Deep forward neural nets and regularization (Chapter 6&7) – Licheng Zhang
5 Quantum Machine Learning - Nicholas Teague
6. Optimization for training models (Chapter 8) - Zhenzhen Zhong, Yan Xu
7. Convolutional Networks (Chapter 9) – Wesley Cobb
8. Sequence modeling I (Chapter 10)
9. Sequence modeling II (Chapter 10)
......
Thank You
Slides:
https://www.slideshare.net/xuyangela
https://www.meetup.com/Houston-Machine-Learning/
Feel free to message me if you want to lead a session!

Weitere ähnliche Inhalte

Was ist angesagt?

Probability Distributions
Probability DistributionsProbability Distributions
Probability Distributionsrishi.indian
 
CABT SHS Statistics & Probability - Expected Value and Variance of Discrete P...
CABT SHS Statistics & Probability - Expected Value and Variance of Discrete P...CABT SHS Statistics & Probability - Expected Value and Variance of Discrete P...
CABT SHS Statistics & Probability - Expected Value and Variance of Discrete P...Gilbert Joseph Abueg
 
Chap08 estimation additional topics
Chap08 estimation additional topicsChap08 estimation additional topics
Chap08 estimation additional topicsJudianto Nugroho
 
Discreet and continuous probability
Discreet and continuous probabilityDiscreet and continuous probability
Discreet and continuous probabilitynj1992
 
Introduction to Discrete Random Variables
Introduction to Discrete Random VariablesIntroduction to Discrete Random Variables
Introduction to Discrete Random VariablesJJkedst
 
Chapter 2 discrete_random_variable_2009
Chapter 2 discrete_random_variable_2009Chapter 2 discrete_random_variable_2009
Chapter 2 discrete_random_variable_2009ayimsevenfold
 
Discrete probability distribution (complete)
Discrete probability distribution (complete)Discrete probability distribution (complete)
Discrete probability distribution (complete)ISYousafzai
 
Random variable
Random variable Random variable
Random variable JalilAlih
 
Probability distribution 2
Probability distribution 2Probability distribution 2
Probability distribution 2Nilanjan Bhaumik
 
Probability distribution for Dummies
Probability distribution for DummiesProbability distribution for Dummies
Probability distribution for DummiesBalaji P
 
Statistics lecture 6 (ch5)
Statistics lecture 6 (ch5)Statistics lecture 6 (ch5)
Statistics lecture 6 (ch5)jillmitchell8778
 
Probability 4.1
Probability 4.1Probability 4.1
Probability 4.1herbison
 
Descriptive Statistics Part II: Graphical Description
Descriptive Statistics Part II: Graphical DescriptionDescriptive Statistics Part II: Graphical Description
Descriptive Statistics Part II: Graphical Descriptiongetyourcheaton
 
Probability Distributions for Discrete Variables
Probability Distributions for Discrete VariablesProbability Distributions for Discrete Variables
Probability Distributions for Discrete Variablesgetyourcheaton
 
Probability distribution
Probability distributionProbability distribution
Probability distributionRanjan Kumar
 
Random variable
Random variableRandom variable
Random variableJalilAlih
 

Was ist angesagt? (20)

Discrete and Continuous Random Variables
Discrete and Continuous Random VariablesDiscrete and Continuous Random Variables
Discrete and Continuous Random Variables
 
Probability Distributions
Probability DistributionsProbability Distributions
Probability Distributions
 
CABT SHS Statistics & Probability - Expected Value and Variance of Discrete P...
CABT SHS Statistics & Probability - Expected Value and Variance of Discrete P...CABT SHS Statistics & Probability - Expected Value and Variance of Discrete P...
CABT SHS Statistics & Probability - Expected Value and Variance of Discrete P...
 
Chap08 estimation additional topics
Chap08 estimation additional topicsChap08 estimation additional topics
Chap08 estimation additional topics
 
Discreet and continuous probability
Discreet and continuous probabilityDiscreet and continuous probability
Discreet and continuous probability
 
Random Variables
Random VariablesRandom Variables
Random Variables
 
Introduction to Discrete Random Variables
Introduction to Discrete Random VariablesIntroduction to Discrete Random Variables
Introduction to Discrete Random Variables
 
Chapter 2 discrete_random_variable_2009
Chapter 2 discrete_random_variable_2009Chapter 2 discrete_random_variable_2009
Chapter 2 discrete_random_variable_2009
 
Sampling Distributions
Sampling DistributionsSampling Distributions
Sampling Distributions
 
Discrete probability distribution (complete)
Discrete probability distribution (complete)Discrete probability distribution (complete)
Discrete probability distribution (complete)
 
Random variable
Random variable Random variable
Random variable
 
Probability distribution 2
Probability distribution 2Probability distribution 2
Probability distribution 2
 
Probability distribution for Dummies
Probability distribution for DummiesProbability distribution for Dummies
Probability distribution for Dummies
 
Statistics lecture 6 (ch5)
Statistics lecture 6 (ch5)Statistics lecture 6 (ch5)
Statistics lecture 6 (ch5)
 
Probability 4.1
Probability 4.1Probability 4.1
Probability 4.1
 
Descriptive Statistics Part II: Graphical Description
Descriptive Statistics Part II: Graphical DescriptionDescriptive Statistics Part II: Graphical Description
Descriptive Statistics Part II: Graphical Description
 
5 random variables
5 random variables5 random variables
5 random variables
 
Probability Distributions for Discrete Variables
Probability Distributions for Discrete VariablesProbability Distributions for Discrete Variables
Probability Distributions for Discrete Variables
 
Probability distribution
Probability distributionProbability distribution
Probability distribution
 
Random variable
Random variableRandom variable
Random variable
 

Ähnlich wie Linear algebra and probability (Deep Learning chapter 2&3)

Basic statistics 1
Basic statistics  1Basic statistics  1
Basic statistics 1Kumar P
 
슬로우캠퍼스: scikit-learn & 머신러닝 (강박사)
슬로우캠퍼스:  scikit-learn & 머신러닝 (강박사)슬로우캠퍼스:  scikit-learn & 머신러닝 (강박사)
슬로우캠퍼스: scikit-learn & 머신러닝 (강박사)마이캠퍼스
 
Probability statistics assignment help
Probability statistics assignment helpProbability statistics assignment help
Probability statistics assignment helpHomeworkAssignmentHe
 
Probability, Discrete Probability, Normal Probabilty
Probability, Discrete Probability, Normal ProbabiltyProbability, Discrete Probability, Normal Probabilty
Probability, Discrete Probability, Normal ProbabiltyFaisal Hussain
 
Unit-1 Introduction and Mathematical Preliminaries.pptx
Unit-1 Introduction and Mathematical Preliminaries.pptxUnit-1 Introduction and Mathematical Preliminaries.pptx
Unit-1 Introduction and Mathematical Preliminaries.pptxavinashBajpayee1
 
Introduction to probabilities and radom variables
Introduction to probabilities and radom variablesIntroduction to probabilities and radom variables
Introduction to probabilities and radom variablesmohammedderriche2
 
Basic statistics for algorithmic trading
Basic statistics for algorithmic tradingBasic statistics for algorithmic trading
Basic statistics for algorithmic tradingQuantInsti
 
Bayesian Neural Networks
Bayesian Neural NetworksBayesian Neural Networks
Bayesian Neural NetworksNatan Katz
 
Statr sessions 9 to 10
Statr sessions 9 to 10Statr sessions 9 to 10
Statr sessions 9 to 10Ruru Chowdhury
 
Statistics for Data Analysis - ODE - BVP .pptx
Statistics for Data Analysis - ODE - BVP .pptxStatistics for Data Analysis - ODE - BVP .pptx
Statistics for Data Analysis - ODE - BVP .pptxIsfandiyarEminli2
 
Unit-II -Soft Computing.pdf
Unit-II -Soft Computing.pdfUnit-II -Soft Computing.pdf
Unit-II -Soft Computing.pdfRamya Nellutla
 
clustering tendency
clustering tendencyclustering tendency
clustering tendencyAmir Shokri
 
Lecture 4 - Linear Regression, a lecture in subject module Statistical & Mach...
Lecture 4 - Linear Regression, a lecture in subject module Statistical & Mach...Lecture 4 - Linear Regression, a lecture in subject module Statistical & Mach...
Lecture 4 - Linear Regression, a lecture in subject module Statistical & Mach...Maninda Edirisooriya
 
Fuzzy Set Theory
Fuzzy Set TheoryFuzzy Set Theory
Fuzzy Set TheoryAMIT KUMAR
 

Ähnlich wie Linear algebra and probability (Deep Learning chapter 2&3) (20)

Machine learning mathematicals.pdf
Machine learning mathematicals.pdfMachine learning mathematicals.pdf
Machine learning mathematicals.pdf
 
Basic statistics 1
Basic statistics  1Basic statistics  1
Basic statistics 1
 
슬로우캠퍼스: scikit-learn & 머신러닝 (강박사)
슬로우캠퍼스:  scikit-learn & 머신러닝 (강박사)슬로우캠퍼스:  scikit-learn & 머신러닝 (강박사)
슬로우캠퍼스: scikit-learn & 머신러닝 (강박사)
 
Probability statistics assignment help
Probability statistics assignment helpProbability statistics assignment help
Probability statistics assignment help
 
Statistics-2 : Elements of Inference
Statistics-2 : Elements of InferenceStatistics-2 : Elements of Inference
Statistics-2 : Elements of Inference
 
MUMS: Transition & SPUQ Workshop - Some Strategies to Quantify Uncertainty fo...
MUMS: Transition & SPUQ Workshop - Some Strategies to Quantify Uncertainty fo...MUMS: Transition & SPUQ Workshop - Some Strategies to Quantify Uncertainty fo...
MUMS: Transition & SPUQ Workshop - Some Strategies to Quantify Uncertainty fo...
 
Probability, Discrete Probability, Normal Probabilty
Probability, Discrete Probability, Normal ProbabiltyProbability, Discrete Probability, Normal Probabilty
Probability, Discrete Probability, Normal Probabilty
 
Unit-1 Introduction and Mathematical Preliminaries.pptx
Unit-1 Introduction and Mathematical Preliminaries.pptxUnit-1 Introduction and Mathematical Preliminaries.pptx
Unit-1 Introduction and Mathematical Preliminaries.pptx
 
Introduction to probabilities and radom variables
Introduction to probabilities and radom variablesIntroduction to probabilities and radom variables
Introduction to probabilities and radom variables
 
Basic statistics for algorithmic trading
Basic statistics for algorithmic tradingBasic statistics for algorithmic trading
Basic statistics for algorithmic trading
 
fuzzy
fuzzyfuzzy
fuzzy
 
5. RV and Distributions.pptx
5. RV and Distributions.pptx5. RV and Distributions.pptx
5. RV and Distributions.pptx
 
Bayesian Neural Networks
Bayesian Neural NetworksBayesian Neural Networks
Bayesian Neural Networks
 
Statr sessions 9 to 10
Statr sessions 9 to 10Statr sessions 9 to 10
Statr sessions 9 to 10
 
Statistics for Data Analysis - ODE - BVP .pptx
Statistics for Data Analysis - ODE - BVP .pptxStatistics for Data Analysis - ODE - BVP .pptx
Statistics for Data Analysis - ODE - BVP .pptx
 
Unit-II -Soft Computing.pdf
Unit-II -Soft Computing.pdfUnit-II -Soft Computing.pdf
Unit-II -Soft Computing.pdf
 
clustering tendency
clustering tendencyclustering tendency
clustering tendency
 
2주차
2주차2주차
2주차
 
Lecture 4 - Linear Regression, a lecture in subject module Statistical & Mach...
Lecture 4 - Linear Regression, a lecture in subject module Statistical & Mach...Lecture 4 - Linear Regression, a lecture in subject module Statistical & Mach...
Lecture 4 - Linear Regression, a lecture in subject module Statistical & Mach...
 
Fuzzy Set Theory
Fuzzy Set TheoryFuzzy Set Theory
Fuzzy Set Theory
 

Mehr von Yan Xu

Kaggle winning solutions: Retail Sales Forecasting
Kaggle winning solutions: Retail Sales ForecastingKaggle winning solutions: Retail Sales Forecasting
Kaggle winning solutions: Retail Sales ForecastingYan Xu
 
Basics of Dynamic programming
Basics of Dynamic programming Basics of Dynamic programming
Basics of Dynamic programming Yan Xu
 
Walking through Tensorflow 2.0
Walking through Tensorflow 2.0Walking through Tensorflow 2.0
Walking through Tensorflow 2.0Yan Xu
 
Practical contextual bandits for business
Practical contextual bandits for businessPractical contextual bandits for business
Practical contextual bandits for businessYan Xu
 
Introduction to Multi-armed Bandits
Introduction to Multi-armed BanditsIntroduction to Multi-armed Bandits
Introduction to Multi-armed BanditsYan Xu
 
A Data-Driven Question Generation Model for Educational Content - by Jack Wang
A Data-Driven Question Generation Model for Educational Content - by Jack WangA Data-Driven Question Generation Model for Educational Content - by Jack Wang
A Data-Driven Question Generation Model for Educational Content - by Jack WangYan Xu
 
Deep Learning Approach in Characterizing Salt Body on Seismic Images - by Zhe...
Deep Learning Approach in Characterizing Salt Body on Seismic Images - by Zhe...Deep Learning Approach in Characterizing Salt Body on Seismic Images - by Zhe...
Deep Learning Approach in Characterizing Salt Body on Seismic Images - by Zhe...Yan Xu
 
Deep Hierarchical Profiling & Pattern Discovery: Application to Whole Brain R...
Deep Hierarchical Profiling & Pattern Discovery: Application to Whole Brain R...Deep Hierarchical Profiling & Pattern Discovery: Application to Whole Brain R...
Deep Hierarchical Profiling & Pattern Discovery: Application to Whole Brain R...Yan Xu
 
Detecting anomalies on rotating equipment using Deep Stacked Autoencoders - b...
Detecting anomalies on rotating equipment using Deep Stacked Autoencoders - b...Detecting anomalies on rotating equipment using Deep Stacked Autoencoders - b...
Detecting anomalies on rotating equipment using Deep Stacked Autoencoders - b...Yan Xu
 
Introduction to Autoencoders
Introduction to AutoencodersIntroduction to Autoencoders
Introduction to AutoencodersYan Xu
 
State of enterprise data science
State of enterprise data scienceState of enterprise data science
State of enterprise data scienceYan Xu
 
Long Short Term Memory
Long Short Term MemoryLong Short Term Memory
Long Short Term MemoryYan Xu
 
Deep Feed Forward Neural Networks and Regularization
Deep Feed Forward Neural Networks and RegularizationDeep Feed Forward Neural Networks and Regularization
Deep Feed Forward Neural Networks and RegularizationYan Xu
 
HML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep LearningHML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep LearningYan Xu
 
Secrets behind AlphaGo
Secrets behind AlphaGoSecrets behind AlphaGo
Secrets behind AlphaGoYan Xu
 
Optimization in Deep Learning
Optimization in Deep LearningOptimization in Deep Learning
Optimization in Deep LearningYan Xu
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkYan Xu
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network Yan Xu
 
Introduction to Neural Network
Introduction to Neural NetworkIntroduction to Neural Network
Introduction to Neural NetworkYan Xu
 
Nonlinear dimension reduction
Nonlinear dimension reductionNonlinear dimension reduction
Nonlinear dimension reductionYan Xu
 

Mehr von Yan Xu (20)

Kaggle winning solutions: Retail Sales Forecasting
Kaggle winning solutions: Retail Sales ForecastingKaggle winning solutions: Retail Sales Forecasting
Kaggle winning solutions: Retail Sales Forecasting
 
Basics of Dynamic programming
Basics of Dynamic programming Basics of Dynamic programming
Basics of Dynamic programming
 
Walking through Tensorflow 2.0
Walking through Tensorflow 2.0Walking through Tensorflow 2.0
Walking through Tensorflow 2.0
 
Practical contextual bandits for business
Practical contextual bandits for businessPractical contextual bandits for business
Practical contextual bandits for business
 
Introduction to Multi-armed Bandits
Introduction to Multi-armed BanditsIntroduction to Multi-armed Bandits
Introduction to Multi-armed Bandits
 
A Data-Driven Question Generation Model for Educational Content - by Jack Wang
A Data-Driven Question Generation Model for Educational Content - by Jack WangA Data-Driven Question Generation Model for Educational Content - by Jack Wang
A Data-Driven Question Generation Model for Educational Content - by Jack Wang
 
Deep Learning Approach in Characterizing Salt Body on Seismic Images - by Zhe...
Deep Learning Approach in Characterizing Salt Body on Seismic Images - by Zhe...Deep Learning Approach in Characterizing Salt Body on Seismic Images - by Zhe...
Deep Learning Approach in Characterizing Salt Body on Seismic Images - by Zhe...
 
Deep Hierarchical Profiling & Pattern Discovery: Application to Whole Brain R...
Deep Hierarchical Profiling & Pattern Discovery: Application to Whole Brain R...Deep Hierarchical Profiling & Pattern Discovery: Application to Whole Brain R...
Deep Hierarchical Profiling & Pattern Discovery: Application to Whole Brain R...
 
Detecting anomalies on rotating equipment using Deep Stacked Autoencoders - b...
Detecting anomalies on rotating equipment using Deep Stacked Autoencoders - b...Detecting anomalies on rotating equipment using Deep Stacked Autoencoders - b...
Detecting anomalies on rotating equipment using Deep Stacked Autoencoders - b...
 
Introduction to Autoencoders
Introduction to AutoencodersIntroduction to Autoencoders
Introduction to Autoencoders
 
State of enterprise data science
State of enterprise data scienceState of enterprise data science
State of enterprise data science
 
Long Short Term Memory
Long Short Term MemoryLong Short Term Memory
Long Short Term Memory
 
Deep Feed Forward Neural Networks and Regularization
Deep Feed Forward Neural Networks and RegularizationDeep Feed Forward Neural Networks and Regularization
Deep Feed Forward Neural Networks and Regularization
 
HML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep LearningHML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep Learning
 
Secrets behind AlphaGo
Secrets behind AlphaGoSecrets behind AlphaGo
Secrets behind AlphaGo
 
Optimization in Deep Learning
Optimization in Deep LearningOptimization in Deep Learning
Optimization in Deep Learning
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network
 
Introduction to Neural Network
Introduction to Neural NetworkIntroduction to Neural Network
Introduction to Neural Network
 
Nonlinear dimension reduction
Nonlinear dimension reductionNonlinear dimension reduction
Nonlinear dimension reduction
 

Kürzlich hochgeladen

❤Jammu Kashmir Call Girls 8617697112 Personal Whatsapp Number 💦✅.
❤Jammu Kashmir Call Girls 8617697112 Personal Whatsapp Number 💦✅.❤Jammu Kashmir Call Girls 8617697112 Personal Whatsapp Number 💦✅.
❤Jammu Kashmir Call Girls 8617697112 Personal Whatsapp Number 💦✅.Nitya salvi
 
Recombination DNA Technology (Nucleic Acid Hybridization )
Recombination DNA Technology (Nucleic Acid Hybridization )Recombination DNA Technology (Nucleic Acid Hybridization )
Recombination DNA Technology (Nucleic Acid Hybridization )aarthirajkumar25
 
Asymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 b
Asymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 bAsymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 b
Asymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 bSérgio Sacani
 
Physiochemical properties of nanomaterials and its nanotoxicity.pptx
Physiochemical properties of nanomaterials and its nanotoxicity.pptxPhysiochemical properties of nanomaterials and its nanotoxicity.pptx
Physiochemical properties of nanomaterials and its nanotoxicity.pptxAArockiyaNisha
 
GBSN - Biochemistry (Unit 1)
GBSN - Biochemistry (Unit 1)GBSN - Biochemistry (Unit 1)
GBSN - Biochemistry (Unit 1)Areesha Ahmad
 
CALL ON ➥8923113531 🔝Call Girls Kesar Bagh Lucknow best Night Fun service 🪡
CALL ON ➥8923113531 🔝Call Girls Kesar Bagh Lucknow best Night Fun service  🪡CALL ON ➥8923113531 🔝Call Girls Kesar Bagh Lucknow best Night Fun service  🪡
CALL ON ➥8923113531 🔝Call Girls Kesar Bagh Lucknow best Night Fun service 🪡anilsa9823
 
Raman spectroscopy.pptx M Pharm, M Sc, Advanced Spectral Analysis
Raman spectroscopy.pptx M Pharm, M Sc, Advanced Spectral AnalysisRaman spectroscopy.pptx M Pharm, M Sc, Advanced Spectral Analysis
Raman spectroscopy.pptx M Pharm, M Sc, Advanced Spectral AnalysisDiwakar Mishra
 
Pests of mustard_Identification_Management_Dr.UPR.pdf
Pests of mustard_Identification_Management_Dr.UPR.pdfPests of mustard_Identification_Management_Dr.UPR.pdf
Pests of mustard_Identification_Management_Dr.UPR.pdfPirithiRaju
 
fundamental of entomology all in one topics of entomology
fundamental of entomology all in one topics of entomologyfundamental of entomology all in one topics of entomology
fundamental of entomology all in one topics of entomologyDrAnita Sharma
 
Zoology 4th semester series (krishna).pdf
Zoology 4th semester series (krishna).pdfZoology 4th semester series (krishna).pdf
Zoology 4th semester series (krishna).pdfSumit Kumar yadav
 
Hubble Asteroid Hunter III. Physical properties of newly found asteroids
Hubble Asteroid Hunter III. Physical properties of newly found asteroidsHubble Asteroid Hunter III. Physical properties of newly found asteroids
Hubble Asteroid Hunter III. Physical properties of newly found asteroidsSérgio Sacani
 
Isotopic evidence of long-lived volcanism on Io
Isotopic evidence of long-lived volcanism on IoIsotopic evidence of long-lived volcanism on Io
Isotopic evidence of long-lived volcanism on IoSérgio Sacani
 
Botany krishna series 2nd semester Only Mcq type questions
Botany krishna series 2nd semester Only Mcq type questionsBotany krishna series 2nd semester Only Mcq type questions
Botany krishna series 2nd semester Only Mcq type questionsSumit Kumar yadav
 
Nightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43b
Nightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43bNightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43b
Nightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43bSérgio Sacani
 
Chromatin Structure | EUCHROMATIN | HETEROCHROMATIN
Chromatin Structure | EUCHROMATIN | HETEROCHROMATINChromatin Structure | EUCHROMATIN | HETEROCHROMATIN
Chromatin Structure | EUCHROMATIN | HETEROCHROMATINsankalpkumarsahoo174
 
Recombinant DNA technology (Immunological screening)
Recombinant DNA technology (Immunological screening)Recombinant DNA technology (Immunological screening)
Recombinant DNA technology (Immunological screening)PraveenaKalaiselvan1
 
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls AgencyHire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls AgencySheetal Arora
 
Lucknow 💋 Russian Call Girls Lucknow Finest Escorts Service 8923113531 Availa...
Lucknow 💋 Russian Call Girls Lucknow Finest Escorts Service 8923113531 Availa...Lucknow 💋 Russian Call Girls Lucknow Finest Escorts Service 8923113531 Availa...
Lucknow 💋 Russian Call Girls Lucknow Finest Escorts Service 8923113531 Availa...anilsa9823
 

Kürzlich hochgeladen (20)

❤Jammu Kashmir Call Girls 8617697112 Personal Whatsapp Number 💦✅.
❤Jammu Kashmir Call Girls 8617697112 Personal Whatsapp Number 💦✅.❤Jammu Kashmir Call Girls 8617697112 Personal Whatsapp Number 💦✅.
❤Jammu Kashmir Call Girls 8617697112 Personal Whatsapp Number 💦✅.
 
Recombination DNA Technology (Nucleic Acid Hybridization )
Recombination DNA Technology (Nucleic Acid Hybridization )Recombination DNA Technology (Nucleic Acid Hybridization )
Recombination DNA Technology (Nucleic Acid Hybridization )
 
Asymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 b
Asymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 bAsymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 b
Asymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 b
 
Physiochemical properties of nanomaterials and its nanotoxicity.pptx
Physiochemical properties of nanomaterials and its nanotoxicity.pptxPhysiochemical properties of nanomaterials and its nanotoxicity.pptx
Physiochemical properties of nanomaterials and its nanotoxicity.pptx
 
GBSN - Biochemistry (Unit 1)
GBSN - Biochemistry (Unit 1)GBSN - Biochemistry (Unit 1)
GBSN - Biochemistry (Unit 1)
 
CELL -Structural and Functional unit of life.pdf
CELL -Structural and Functional unit of life.pdfCELL -Structural and Functional unit of life.pdf
CELL -Structural and Functional unit of life.pdf
 
CALL ON ➥8923113531 🔝Call Girls Kesar Bagh Lucknow best Night Fun service 🪡
CALL ON ➥8923113531 🔝Call Girls Kesar Bagh Lucknow best Night Fun service  🪡CALL ON ➥8923113531 🔝Call Girls Kesar Bagh Lucknow best Night Fun service  🪡
CALL ON ➥8923113531 🔝Call Girls Kesar Bagh Lucknow best Night Fun service 🪡
 
Raman spectroscopy.pptx M Pharm, M Sc, Advanced Spectral Analysis
Raman spectroscopy.pptx M Pharm, M Sc, Advanced Spectral AnalysisRaman spectroscopy.pptx M Pharm, M Sc, Advanced Spectral Analysis
Raman spectroscopy.pptx M Pharm, M Sc, Advanced Spectral Analysis
 
Pests of mustard_Identification_Management_Dr.UPR.pdf
Pests of mustard_Identification_Management_Dr.UPR.pdfPests of mustard_Identification_Management_Dr.UPR.pdf
Pests of mustard_Identification_Management_Dr.UPR.pdf
 
fundamental of entomology all in one topics of entomology
fundamental of entomology all in one topics of entomologyfundamental of entomology all in one topics of entomology
fundamental of entomology all in one topics of entomology
 
Zoology 4th semester series (krishna).pdf
Zoology 4th semester series (krishna).pdfZoology 4th semester series (krishna).pdf
Zoology 4th semester series (krishna).pdf
 
Hubble Asteroid Hunter III. Physical properties of newly found asteroids
Hubble Asteroid Hunter III. Physical properties of newly found asteroidsHubble Asteroid Hunter III. Physical properties of newly found asteroids
Hubble Asteroid Hunter III. Physical properties of newly found asteroids
 
Isotopic evidence of long-lived volcanism on Io
Isotopic evidence of long-lived volcanism on IoIsotopic evidence of long-lived volcanism on Io
Isotopic evidence of long-lived volcanism on Io
 
Botany krishna series 2nd semester Only Mcq type questions
Botany krishna series 2nd semester Only Mcq type questionsBotany krishna series 2nd semester Only Mcq type questions
Botany krishna series 2nd semester Only Mcq type questions
 
Nightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43b
Nightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43bNightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43b
Nightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43b
 
Chromatin Structure | EUCHROMATIN | HETEROCHROMATIN
Chromatin Structure | EUCHROMATIN | HETEROCHROMATINChromatin Structure | EUCHROMATIN | HETEROCHROMATIN
Chromatin Structure | EUCHROMATIN | HETEROCHROMATIN
 
The Philosophy of Science
The Philosophy of ScienceThe Philosophy of Science
The Philosophy of Science
 
Recombinant DNA technology (Immunological screening)
Recombinant DNA technology (Immunological screening)Recombinant DNA technology (Immunological screening)
Recombinant DNA technology (Immunological screening)
 
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls AgencyHire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
 
Lucknow 💋 Russian Call Girls Lucknow Finest Escorts Service 8923113531 Availa...
Lucknow 💋 Russian Call Girls Lucknow Finest Escorts Service 8923113531 Availa...Lucknow 💋 Russian Call Girls Lucknow Finest Escorts Service 8923113531 Availa...
Lucknow 💋 Russian Call Girls Lucknow Finest Escorts Service 8923113531 Availa...
 

Linear algebra and probability (Deep Learning chapter 2&3)

  • 1. LINEAR ALGEBRA AND PROBABILITY (DEEP LEARNING CHAPTER 2&3) CHENG ZHAN YAN XU
  • 2.
  • 3.
  • 4. SCALARS, VECTORS, MATRICES AND TENSORS • Scalars: A scalar is just a single number • Vectors: A vector is an array of numbers • Matrices: A matrix is a 2-D array of numbers • Tensors: An array of numbers arranged on a regular grid with a variable number of axes is known as a tensor
  • 5. OPERATION • Transpose • Addition • In the context of deep learning, we also use some less conventional notation. We allow the addition of matrix and a vector, yielding another matrix: C = A +b • Multiplication • A(B + C) = AB + AC • A(BC) = (AB)C • AB = BA does not always hold, unlike scalar multiplication
  • 6. APPLICATION OF MATRIX MULTIPLICATION
  • 7. IDENTITY AND INVERSE MATRICES • Ax=b • Identity matrix • When the inverse exists, several different algorithms can find it • Gaussian elimination leads to O(n^3) complexity • Iterative method, like gradient descent (steepest descent) or conjugate gradient
  • 8. LINEAR DEPENDENCE AND SPAN • Ax=b, z = αx + (1 −α)y • In general, this kind of operation is called a linear combination • The span of a set of vectors is the set of all points obtainable by linear combination of the original vectors. • A set of vectors is linearly independent if no vector in the set is a linear combination of the other vectors.
  • 9. EIGENVECTOR AND EIGENVALUE (SQUARE MATRIX)
  • 10.
  • 11.
  • 12.
  • 13.
  • 14.
  • 16. BENFORD'S LAW • The frequency distribution of leading digits in many real-life sets of numerical data is not uniform. The law states that in many naturally occurring collections of numbers, the leading significant digit is likely to be small.
  • 18. 100! VS. 1000! VS. 10000!
  • 19. PROBABILITY AND INFORMATION THEORY • Motivation (source for uncertainty) • Inherent stochasticity in the system being modeled • Incomplete observability • Incomplete modeling • Simple over complex • Most birds fly • Birds fly, except for very young birds that have not yet learned to fly, sick or injured birds that have lost the ability to fly, flightless species of birds including the cassowary, ostrich and kiwi
  • 20. • Frequentist probability • parameters are fixed • related directly to the rates at which events occur • Bayesian probability • parameters are variables that can be described by some distribution • degree of belief
  • 21. RANDOM VARIABLE • A random variable is a variable that can take on different values randomly • A probability distribution is a description of how likely a random variable or set of random variables is to take on each of its possible states. • probability mass function (PMF) • ∀x ∈ x, 0≤ P(x)≤1, • probability density function (PDF) • ∀x ∈ x, 0≤ P(x),
  • 24. DISTRIBUTION SUMMARY Parameter Expectation Variance Bernoulli distribution Binomial distribution Poisson distribution Uniform distribution Exponential distribution Gaussian distribution
  • 25. HOW TO DEFINE THE DISTANCE • statistical distance quantifies the distance between two statistical objects • d(x, y) ≥ 0 (non-negativity) • d(x, y) = 0 if and only if x = y (identity of indiscernible. Note that condition 1 and 2 together produce positive definiteness) • d(x, y) = d(y, x) (symmetry) • d(x, z) ≤ d(x, y) + d(y, z) (triangle inequality) • Examples • Total variation • Covariance
  • 26. HOW TO DEFINE THE DISTANCE • statistical distance quantifies the distance between two statistical objects • d(x, y) ≥ 0 (non-negativity) • d(x, y) = 0 if and only if x = y (identity of indiscernible. Note that condition 1 and 2 together produce positive definiteness) • d(x, y) = d(y, x) (symmetry) • d(x, z) ≤ d(x, y) + d(y, z) (triangle inequality) • Examples • Total variation • Covariance
  • 27. UNCORRELATED AND INDEPENDENT • Uncorrelated • E(XY) − E(X)E(Y) = 0 • Independent • P(X=x,Y=y)=P(X=x)P(Y=y), for all x,y.
  • 28. CORRELATION AND DEPENDENCE Let X∼U(−1,1)X∼U(−1,1). Let Y = 𝑋2 . Uncorrelated but dependent.
  • 29. LAW OF LARGE NUMBER
  • 31. INFORMATION • A discrete random variable x and we ask how much information is received when we observe a specific value for this variable. • Degree of surprise (there was a solar eclipse this morning) • Likely events should have low information content. • Less likely events should have higher information content. • Independent events should have additive information. • For example, finding out that a tossed coin has come up as heads twice should convey twice as much information as finding out that a tossed coin has come up as heads once.
  • 32.
  • 33. ENTROPY • Information entropy is defined as the average amount of information produced by a stochastic source of data.
  • 34.
  • 35. From Binomial to Poisson Yan Xu Feb. 10, 2018 Houston Machine Learning Meetup
  • 36. Flipping a coin Binomial Distribution of getting heads: P(0.5, 4)
  • 37. From Binomial to Poisson The number of successes in a sequence of n independent experiments with success probability p. The probability of observing k events in an interval. The average number of events in an interval is designated λ.
  • 41. Part III = ( 1 – 0 ) –k =1
  • 43. Roadmap 1. Introduction (Chapter 1), Historical view and trends of deep learning – Yan Xu 2. Linear algebra and probability (Chapter 2&3) – Cheng Zhan 3. Numerical Computation and machine learning basics (Chapter 4&5) – Linda MacPhee-Cobb 4. Deep forward neural nets and regularization (Chapter 6&7) – Licheng Zhang 5 Quantum Machine Learning - Nicholas Teague 6. Optimization for training models (Chapter 8) - Zhenzhen Zhong, Yan Xu 7. Convolutional Networks (Chapter 9) – Wesley Cobb 8. Sequence modeling I (Chapter 10) 9. Sequence modeling II (Chapter 10) ......

Hinweis der Redaktion

  1. Determining whether Ax=b has a solution thus amounts to testing whether b is in the span of the columns of A. This particular span is known as the column space, or the range, of A
  2. an observation about the 
  3. Mathematical framework for representing uncertain statements.
  4. drawing a certain hand of cards in a poker game If a doctor analyzes a patient and says that the patient has a 40 percent chance of having the flu
  5. In many cases, we are interested in the probability of some event, given that some other event has happened.
  6. A message saying “the sun rose this morning” is so uninformative as to be unnecessary to send, but a message saying “there was a solar eclipse this morning” is very informative. and in the extreme case, events that are guaranteed to happen should have no information content whatsoever. We begin by considering a discrete random variable x and we ask how much information is received when we observe a specific value for this variable. The amount of information can be viewed as the ‘degree of surprise’ on learning the value of x.