Statistics and Mathematics for Machine Learning, Deep Learning , Deep NLP

Overview

Stat4ML

Statistics and Mathematics for Machine Learning, Deep Learning , Deep NLP

This is the first course from our trio courses:

  1. Statistics Foundation for ML

https://github.com/Bellman281/Stat4ML/

  1. Introduction to Statistical Learning https://github.com/Bellman281/Intro_Statistical_Learning

  2. Advanced Statistical Learning for DL ( to be anounced)

Registration Form for cohort 2 of STAT4ML:

https://forms.gle/ZqLJLmv1K5nGVx3m7

Notes about the course:

Instructor : Omid Safarzadeh,

LinkedIn: https://www.linkedin.com/in/omidsafarzadeh/

IG : @deepdatascientists

Course Text Book: Statistical Inference 2nd Edition by George Casella (Author), Roger L. Berger (Author) :

https://www.amazon.com/Statistical-Inference-George-Casella-dp-0534243126/dp/0534243126/ref=mt_other?_encoding=UTF8&me=&qid=

Pre Requisitives

Recall from Calculus:

    Derivative
          Chain rule
    Integral
          Techniques of Integration
          Substitution
    Integration by parts

Matrix Algebra Review:

    Matrix operations
    Matrix Multiplication
       Properties of determinants
       Inverse Matrix
       Matrix Transpose
       Properties of transpose
    Partioned Matrices
    Eigenvalues and Eigenvectors
    Matrix decomposition
       LU decomposition
       Cholesky decomposition
       QR decomposition
       SVD
    Matrix Differentiation

Course 1 :

Slide 1 : Probability Theory Foundation

 Sample Space
 Probability Theory Foundation
    Axiomatic Foundations
    The Calculus of Probabilities
 Independence
 Conditional Probability
    Bayes Theorem
 Random Variables
 Probability Function
    Distribution Functions
    Density function

Slide 2: Moments

   Moments
       Expected Value
       Variance
       Covariance and Correlation
   Moment Generating Functions
       Normal mgf
   Matrix Notation for Moments

Slide 3: Distribution Functions

   Distributions
     Discrete Distribution
       Discrete Uniform Distribution
       Binomial Distribution
       Poisson Distribution
     Continuous Distribution
       Uniform Distribution
       Exponential Distribution
       Normal Distribution
       Lognormal Distribution
       Laplace Distribution
       Beta Distribution

Slide 4: Conditional and Multivariate Distributions

Joint and Marginal Distribution
Conditional Distributions and Independence
Bivariate Transformations
Hierarchical Models and Mixture Distribution
Bivariate Normal Distribution
Multivariate Distribution

Slide 5: Convergence Concepts

Random Samples
   Sums of Random Variable from a Random Sample
Inequalities
Convergence Concepts:
   Almost Sure Convergence
   Convergence in Probability
   Convergence in Distribution
The Delta Method

Slide 6: Maximum Likelihood Estimation

Maximum Likelihood Estimation
  Motivation and the Main Ideas
  Properties of the Maximum Likelihood Estimator

Slide 7: Bayesian and posterior distribution Estimation

   Computing the posterior
   Maximum likelihood estimation (MLE)
Maximum a posteriori (MAP) estimation
   Posterior mean
   MAP properties
Bayesian linear regression
Owner
Omid Safarzadeh
Deep Learning Expert, Kaggler
Omid Safarzadeh
中文問句產生器;使用台達電閱讀理解資料集(DRCD)

Transformer QG on DRCD The inputs of the model refers to we integrate C and A into a new C' in the following form. C' = [c1, c2, ..., [HL], a1, ..., a

Philip 1 Oct 22, 2021
Sinkhorn Transformer - Practical implementation of Sparse Sinkhorn Attention

Sinkhorn Transformer This is a reproduction of the work outlined in Sparse Sinkhorn Attention, with additional enhancements. It includes a parameteriz

Phil Wang 217 Nov 25, 2022
Uncomplete archive of files from the European Nopsled Team

European Nopsled CTF Archive This is an archive of collected material from various Capture the Flag competitions that the European Nopsled team played

European Nopsled 4 Nov 24, 2021
The aim of this task is to predict someone's English proficiency based on a text input.

English_proficiency_prediction_NLP The aim of this task is to predict someone's English proficiency based on a text input. Using the The NICT JLE Corp

1 Dec 13, 2021
End-to-End Speech Processing Toolkit

ESPnet: end-to-end speech processing toolkit system/pytorch ver. 1.0.1 1.1.0 1.2.0 1.3.1 1.4.0 1.5.1 1.6.0 1.7.1 1.8.1 ubuntu18/python3.8/pip ubuntu18

ESPnet 5.9k Jan 03, 2023
Implementation of COCO-LM, Correcting and Contrasting Text Sequences for Language Model Pretraining, in Pytorch

COCO LM Pretraining (wip) Implementation of COCO-LM, Correcting and Contrasting Text Sequences for Language Model Pretraining, in Pytorch. They were a

Phil Wang 44 Jul 28, 2022
Official implementation of Meta-StyleSpeech and StyleSpeech

Meta-StyleSpeech : Multi-Speaker Adaptive Text-to-Speech Generation Dongchan Min, Dong Bok Lee, Eunho Yang, and Sung Ju Hwang This is an official code

min95 169 Jan 05, 2023
Prompt-learning is the latest paradigm to adapt pre-trained language models (PLMs) to downstream NLP tasks

Prompt-learning is the latest paradigm to adapt pre-trained language models (PLMs) to downstream NLP tasks, which modifies the input text with a textual template and directly uses PLMs to conduct pre

THUNLP 2.3k Jan 08, 2023
Weaviate demo with the text2vec-openai module

Weaviate demo with the text2vec-openai module This repository contains an example of how to use the Weaviate text2vec-openai module. When using this d

SeMI Technologies 11 Nov 11, 2022
Create a semantic search engine with a neural network (i.e. BERT) whose knowledge base can be updated

Create a semantic search engine with a neural network (i.e. BERT) whose knowledge base can be updated. This engine can later be used for downstream tasks in NLP such as Q&A, summarization, generation

Diego 1 Mar 20, 2022
Pretrain CPM - 大规模预训练语言模型的预训练代码

CPM-Pretrain 版本更新记录 为了促进中文自然语言处理研究的发展,本项目提供了大规模预训练语言模型的预训练代码。项目主要基于DeepSpeed、Megatron实现,可以支持数据并行、模型加速、流水并行的代码。 安装 1、首先安装pytorch等基础依赖,再安装APEX以支持fp16。 p

Tsinghua AI 37 Dec 06, 2022
Main repository for the chatbot Bobotinho.

Bobotinho Bot Main repository for the chatbot Bobotinho. ℹ️ Introduction Twitch chatbot with entertainment commands. ‎ 💻 Technologies Concurrent code

Bobotinho 14 Nov 29, 2022
Easy to start. Use deep nerual network to predict the sentiment of movie review.

Easy to start. Use deep nerual network to predict the sentiment of movie review. Various methods, word2vec, tf-idf and df to generate text vectors. Various models including lstm and cov1d. Achieve f1

1 Nov 19, 2021
TalkNet: Audio-visual active speaker detection Model

Is someone talking? TalkNet: Audio-visual active speaker detection Model This repository contains the code for our ACM MM 2021 paper, TalkNet, an acti

142 Dec 14, 2022
TPlinker for NER 中文/英文命名实体识别

本项目是参考 TPLinker 中HandshakingTagging思想,将TPLinker由原来的关系抽取(RE)模型修改为命名实体识别(NER)模型。

GodK 113 Dec 28, 2022
NLP, Machine learning

Netflix-recommendation-system NLP, Machine learning About Recommendation algorithms are at the core of the Netflix product. It provides their members

Harshith VH 6 Jan 12, 2022
💬 Open source machine learning framework to automate text- and voice-based conversations: NLU, dialogue management, connect to Slack, Facebook, and more - Create chatbots and voice assistants

Rasa Open Source Rasa is an open source machine learning framework to automate text-and voice-based conversations. With Rasa, you can build contextual

Rasa 15.3k Jan 03, 2023
GPT-2 Model for Leetcode Questions in python

Leetcode using AI 🤖 GPT-2 Model for Leetcode Questions in python New demo here: https://huggingface.co/spaces/gagan3012/project-code-py Note: the Ans

Gagan Bhatia 100 Dec 12, 2022
A tool helps build a talk preview image by combining the given background image and talk event description

talk-preview-img-builder A tool helps build a talk preview image by combining the given background image and talk event description Installation and U

PyCon Taiwan 4 Aug 20, 2022