SlideShare a Scribd company logo
1 of 29
Download to read offline
Machine Learning Overview
滴滴-⼤大数据俱乐部
guodong
机器学习应⽤用⼲⼴广泛
什么是学习?
什么是机器学习?
• “Machine learning is the study of computer algorithms
that improve automatically through experience” – Tom
Mitchell (1998)
• 基于数据和假设归纳演绎
• 通常有⼈人的指导
• ⼀一类解决问题的⼯工具/思路
• 超越⼈人类了吗?
• 国际象棋,⼈人脸识别,语⾳音识别...
• 围棋,物体识别,机器翻译…
主要类别体系
Outline
• 有监督学习
• 热点与动态
• 学习资源
• 滴滴MLP
有监督学习
有监督学习
• 基于有标注的样本集,学习⼀一个预测函数
• 三个要素
• 模型:预估函数的假设空间 (hypothesis space)
• 策略:模型学习准则
• 优化算法
!!!!!!!!!!is!con'nuous,!real.valued,!e.g.!price,!
temperature
y(i)is#categorical,#########################.###
e.g.#gender
y(i) y(i)
2 {1. . . C}
要素1. 模型假设空间
• 假设空间
• 线性函数,多项式函数,各种复杂函数
• “如⽆无必要,勿增实体”
要素2. 模型学习准则
• 期望⻛风险最⼩小化 -> 经验⻛风险最⼩小化
• 损失函数
• Exponential loss
• Binomial deviance loss
• Squared Error Loss
• Hingo loss
要素3. 优化算法
• 最⼤大似然估计:期望最⼤大化(EM)
• 数值优化: 梯度下降,⽜牛顿法,拟⽜牛顿法(L-BFGS)
• ⻉贝叶斯⽅方法: 置信传播(BP), 期望传播(EP)
• http://dongguo.me/blog/2014/01/01/expectation-propagation/
• 采样⽅方法: Gibbs Sampling
常⽤用模型
预估函数 损失函数 优化算法
线性回归 梯度下降
Adaboost 前向分布算法
朴素⻉贝叶斯 — 对数似然损失 概率计算
Logistic回归 梯度下降,L-BFGS
⽀支持向量机 SMO解凸⼆二次规划
神经⺴⽹网络 多层logistic function 梯度下降
模型⽐比较
混合特征类型应对 对离群点的适应 计算复杂度 可解释性 预估效果
决策树 3 3 2 3 2
K-近邻 1 2 1 3 2
朴素⻉贝叶斯 1 3 3 2 1
Logistic回归 2 3 3 2 2
⽀支持向量机 2 2 1 2 3
神经⺴⽹网络 2 1 1 1 3
The bigger the better
好⽤用的模型算法库
• LIBLINEAR:LR & SVM;⽀支持百万特征;效果好
• OWLQN:ICML 2007(MS) ;LR+L-BFGS
• FTRL:KDD 2013(Google);LR;在线学习
• Ad Predictor: ICML 2009(MS);Bayes
• Spark MLlib:分布式
Model& FTRL& OWLQN& Ad&predictor&
AUC$ 0.638$ 0.641$ 0.639$
FTRL% OWLQN%
AUC$ 0.723$ 0.724$
Sparse$por2on$ 37%$ 32%$
Liblinear) ) Spark)MLlib)
!AUC% 0.857% 0.857%
!AUC% 0.925% 0.924%
选择适合的模型
• 没有“最好的”模型,有⼀一类问题较适合的模型
• 四个参考标准
• 问题的复杂性
• 训练样本数量和质量
• 计算能⼒力和训练时间
• 熟悉程度和实现成本
评估⽅方法
• Mean Squared Error (MSE)
• Accuracy
• Precision-Recall
• AUC(Area Under Curve)
初级选⼿手的⻛风格
• 套⽤用机器学习解决所有问题
• 不熟悉模型适⽤用场景,直接套⽤用某个熟悉的模型
• 不做数据分析,直接开始训练
• 不做特征处理(离散化,特征选择,特征组合,
单特征评估)
• 不思考训练(评估)样本和待预估样本是否同质
热点与动态
Spark:优秀的ML分布式计算平台
• ⾼高易⽤用+⾼高性能+融⼊入HADOOP⽣生态
• ⾏行业和⽣生态圈拥抱Spark
• IBM, Yahoo, Facebook,阿⾥里,华为,
Cloudera,Hortonworks…
• Spark MLlib 越来越丰富 [wiki]
ML应⽤用的⻔门槛越来越低
• 分布式机器学习平台:Spark
• 在线课程:Coursera, Stanford, Databricks
• 实践机会:kaggle.com
• 各种算法库
⼤大数据下的模型选择
• ⼤大数据上的简单模型
• CTR预估(LR on MPI)
• 中等数据上的复杂模型
• ⺴⽹网⻚页排序(单机+GBDT+⼈人⼯工标注样本)
• ⼤大数据上的复杂模型
• 图像识别(DNN)
深度学习
• Learning based on Deep Structures
• Why Now?
• Before 2006, all attempts failed
• Pre-training in unsupervised way!
• GPU+⼤大规模分布式计算
• 应⽤用:⼈人脸识别,猫脸识别,语⾳音识别,CTR预估
深度学习(2)
• Pre-training: RBM and Auto-encoder
!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!
RBM2!
!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!
RBM3!
!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!
RBM1!
Parameter Server for Large-scale ML
• Parameter Server
• Large Scale Distributed Deep
Network - NIPS 2012 Google
• “DistBelief”: 4 hidden layer, 2560
nodes each, 40M parameters
• 1.1 billion weakly labeled samples
• Optimization: SGD or L-BFGS
• Parameter Server for Distributed
Machine Learning
学习资料
学习资料
• 2⻔门课
• Machine Learning 公开课
• Probabilistic Graphical Models 公开课
• ⼏几本书:
• 统计学习⽅方法 (李航)
• Pattern Recognition and Machine Learning
• Machine Learning A Probabilistic Perspective
• The Elements of Statistic Learning
领域会议
• Top conference:NIPS, ICML, KDD, IJCAI, AAAI
• 智能交通领域:TRB(Transportation Research Board)
• 订单分配,订单预测,拼⻋车策略
滴滴机器学习平台
• 滴滴通⽤用的机器学习平台: 全流程,分布式,图形化交
互+RPC调⽤用 [功能⽂文档]
• 功能与架构
Thanks

More Related Content

What's hot

Lecture 2 Basic Concepts in Machine Learning for Language Technology
Lecture 2 Basic Concepts in Machine Learning for Language TechnologyLecture 2 Basic Concepts in Machine Learning for Language Technology
Lecture 2 Basic Concepts in Machine Learning for Language TechnologyMarina Santini
 
Feed forward ,back propagation,gradient descent
Feed forward ,back propagation,gradient descentFeed forward ,back propagation,gradient descent
Feed forward ,back propagation,gradient descentMuhammad Rasel
 
Image classification with Deep Neural Networks
Image classification with Deep Neural NetworksImage classification with Deep Neural Networks
Image classification with Deep Neural NetworksYogendra Tamang
 
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...Edureka!
 
Transfer Learning and Fine-tuning Deep Neural Networks
 Transfer Learning and Fine-tuning Deep Neural Networks Transfer Learning and Fine-tuning Deep Neural Networks
Transfer Learning and Fine-tuning Deep Neural NetworksPyData
 
Loss functions (DLAI D4L2 2017 UPC Deep Learning for Artificial Intelligence)
Loss functions (DLAI D4L2 2017 UPC Deep Learning for Artificial Intelligence)Loss functions (DLAI D4L2 2017 UPC Deep Learning for Artificial Intelligence)
Loss functions (DLAI D4L2 2017 UPC Deep Learning for Artificial Intelligence)Universitat Politècnica de Catalunya
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learningJörgen Sandig
 
Pattern recognition and Machine Learning.
Pattern recognition and Machine Learning.Pattern recognition and Machine Learning.
Pattern recognition and Machine Learning.Rohit Kumar
 
Machine Learning Foundations
Machine Learning FoundationsMachine Learning Foundations
Machine Learning FoundationsAlbert Y. C. Chen
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine LearningCloudxLab
 
PR-217: EfficientDet: Scalable and Efficient Object Detection
PR-217: EfficientDet: Scalable and Efficient Object DetectionPR-217: EfficientDet: Scalable and Efficient Object Detection
PR-217: EfficientDet: Scalable and Efficient Object DetectionJinwon Lee
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep LearningOswald Campesato
 
Deep Learning for Recommender Systems
Deep Learning for Recommender SystemsDeep Learning for Recommender Systems
Deep Learning for Recommender SystemsJustin Basilico
 
Anomaly Detection using Deep Auto-Encoders
Anomaly Detection using Deep Auto-EncodersAnomaly Detection using Deep Auto-Encoders
Anomaly Detection using Deep Auto-EncodersGianmario Spacagna
 
backpropagation in neural networks
backpropagation in neural networksbackpropagation in neural networks
backpropagation in neural networksAkash Goel
 

What's hot (20)

Lecture 2 Basic Concepts in Machine Learning for Language Technology
Lecture 2 Basic Concepts in Machine Learning for Language TechnologyLecture 2 Basic Concepts in Machine Learning for Language Technology
Lecture 2 Basic Concepts in Machine Learning for Language Technology
 
Feed forward ,back propagation,gradient descent
Feed forward ,back propagation,gradient descentFeed forward ,back propagation,gradient descent
Feed forward ,back propagation,gradient descent
 
Image classification with Deep Neural Networks
Image classification with Deep Neural NetworksImage classification with Deep Neural Networks
Image classification with Deep Neural Networks
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Machine learning
Machine learningMachine learning
Machine learning
 
Siamese networks
Siamese networksSiamese networks
Siamese networks
 
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
 
Transfer Learning and Fine-tuning Deep Neural Networks
 Transfer Learning and Fine-tuning Deep Neural Networks Transfer Learning and Fine-tuning Deep Neural Networks
Transfer Learning and Fine-tuning Deep Neural Networks
 
Loss functions (DLAI D4L2 2017 UPC Deep Learning for Artificial Intelligence)
Loss functions (DLAI D4L2 2017 UPC Deep Learning for Artificial Intelligence)Loss functions (DLAI D4L2 2017 UPC Deep Learning for Artificial Intelligence)
Loss functions (DLAI D4L2 2017 UPC Deep Learning for Artificial Intelligence)
 
Machine learning
Machine learningMachine learning
Machine learning
 
Autoencoder
AutoencoderAutoencoder
Autoencoder
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learning
 
Pattern recognition and Machine Learning.
Pattern recognition and Machine Learning.Pattern recognition and Machine Learning.
Pattern recognition and Machine Learning.
 
Machine Learning Foundations
Machine Learning FoundationsMachine Learning Foundations
Machine Learning Foundations
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
PR-217: EfficientDet: Scalable and Efficient Object Detection
PR-217: EfficientDet: Scalable and Efficient Object DetectionPR-217: EfficientDet: Scalable and Efficient Object Detection
PR-217: EfficientDet: Scalable and Efficient Object Detection
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
Deep Learning for Recommender Systems
Deep Learning for Recommender SystemsDeep Learning for Recommender Systems
Deep Learning for Recommender Systems
 
Anomaly Detection using Deep Auto-Encoders
Anomaly Detection using Deep Auto-EncodersAnomaly Detection using Deep Auto-Encoders
Anomaly Detection using Deep Auto-Encoders
 
backpropagation in neural networks
backpropagation in neural networksbackpropagation in neural networks
backpropagation in neural networks
 

Viewers also liked

第一讲 机器学习概述
第一讲 机器学习概述第一讲 机器学习概述
第一讲 机器学习概述juzihua1102
 
Skymind's Platform - CN
Skymind's Platform - CNSkymind's Platform - CN
Skymind's Platform - CNShu Wei Goh
 
[系列活動] Machine Learning 機器學習課程
[系列活動] Machine Learning 機器學習課程[系列活動] Machine Learning 機器學習課程
[系列活動] Machine Learning 機器學習課程台灣資料科學年會
 
课堂讲义(最后更新:2009-9-25)
课堂讲义(最后更新:2009-9-25)课堂讲义(最后更新:2009-9-25)
课堂讲义(最后更新:2009-9-25)butest
 
Deep Learning on AWS (November 2016)
Deep Learning on AWS (November 2016)Deep Learning on AWS (November 2016)
Deep Learning on AWS (November 2016)Julien SIMON
 
Emotional design presentation
Emotional design presentationEmotional design presentation
Emotional design presentationVinny Wu
 
34th.余凯.机器学习进展及语音图像中的应用
34th.余凯.机器学习进展及语音图像中的应用34th.余凯.机器学习进展及语音图像中的应用
34th.余凯.机器学习进展及语音图像中的应用komunling
 
"Energy-efficient Hardware for Embedded Vision and Deep Convolutional Neural ...
"Energy-efficient Hardware for Embedded Vision and Deep Convolutional Neural ..."Energy-efficient Hardware for Embedded Vision and Deep Convolutional Neural ...
"Energy-efficient Hardware for Embedded Vision and Deep Convolutional Neural ...Edge AI and Vision Alliance
 
Truenorth - Ibm’s brain like chip
Truenorth - Ibm’s brain like chipTruenorth - Ibm’s brain like chip
Truenorth - Ibm’s brain like chipSandeep Yadav
 
“From Eliza to Siri and beyond: Promise and challenges of intelligent, langua...
“From Eliza to Siri and beyond: Promise and challenges of intelligent, langua...“From Eliza to Siri and beyond: Promise and challenges of intelligent, langua...
“From Eliza to Siri and beyond: Promise and challenges of intelligent, langua...diannepatricia
 
Siri vs Alexa, Which is Better?
Siri vs Alexa, Which is Better?Siri vs Alexa, Which is Better?
Siri vs Alexa, Which is Better?Debbie Peterson
 
2015 Sport Analysis for March Madness
2015 Sport Analysis for March Madness2015 Sport Analysis for March Madness
2015 Sport Analysis for March MadnessYi Chun (Nancy) Chien
 
"Trends and Recent Developments in Processors for Vision," a Presentation fro...
"Trends and Recent Developments in Processors for Vision," a Presentation fro..."Trends and Recent Developments in Processors for Vision," a Presentation fro...
"Trends and Recent Developments in Processors for Vision," a Presentation fro...Edge AI and Vision Alliance
 
Machine Learning with New Hardware Challegens
Machine Learning with New Hardware ChallegensMachine Learning with New Hardware Challegens
Machine Learning with New Hardware ChallegensOscar Law
 
Face Recognition Based on Deep Learning (Yurii Pashchenko Technology Stream)
Face Recognition Based on Deep Learning (Yurii Pashchenko Technology Stream) Face Recognition Based on Deep Learning (Yurii Pashchenko Technology Stream)
Face Recognition Based on Deep Learning (Yurii Pashchenko Technology Stream) IT Arena
 
Enabling Artificial Intelligence - Alison B. Lowndes
Enabling Artificial Intelligence - Alison B. LowndesEnabling Artificial Intelligence - Alison B. Lowndes
Enabling Artificial Intelligence - Alison B. LowndesWithTheBest
 
Differences of Deep Learning Frameworks
Differences of Deep Learning FrameworksDifferences of Deep Learning Frameworks
Differences of Deep Learning FrameworksSeiya Tokui
 

Viewers also liked (20)

第一讲 机器学习概述
第一讲 机器学习概述第一讲 机器学习概述
第一讲 机器学习概述
 
Skymind's Platform - CN
Skymind's Platform - CNSkymind's Platform - CN
Skymind's Platform - CN
 
[系列活動] Machine Learning 機器學習課程
[系列活動] Machine Learning 機器學習課程[系列活動] Machine Learning 機器學習課程
[系列活動] Machine Learning 機器學習課程
 
课堂讲义(最后更新:2009-9-25)
课堂讲义(最后更新:2009-9-25)课堂讲义(最后更新:2009-9-25)
课堂讲义(最后更新:2009-9-25)
 
Deep Learning on AWS (November 2016)
Deep Learning on AWS (November 2016)Deep Learning on AWS (November 2016)
Deep Learning on AWS (November 2016)
 
Emotional design presentation
Emotional design presentationEmotional design presentation
Emotional design presentation
 
34th.余凯.机器学习进展及语音图像中的应用
34th.余凯.机器学习进展及语音图像中的应用34th.余凯.机器学习进展及语音图像中的应用
34th.余凯.机器学习进展及语音图像中的应用
 
"Energy-efficient Hardware for Embedded Vision and Deep Convolutional Neural ...
"Energy-efficient Hardware for Embedded Vision and Deep Convolutional Neural ..."Energy-efficient Hardware for Embedded Vision and Deep Convolutional Neural ...
"Energy-efficient Hardware for Embedded Vision and Deep Convolutional Neural ...
 
Ibm truenorth
Ibm truenorthIbm truenorth
Ibm truenorth
 
Truenorth - Ibm’s brain like chip
Truenorth - Ibm’s brain like chipTruenorth - Ibm’s brain like chip
Truenorth - Ibm’s brain like chip
 
“From Eliza to Siri and beyond: Promise and challenges of intelligent, langua...
“From Eliza to Siri and beyond: Promise and challenges of intelligent, langua...“From Eliza to Siri and beyond: Promise and challenges of intelligent, langua...
“From Eliza to Siri and beyond: Promise and challenges of intelligent, langua...
 
Car accident repairshops
Car accident repairshopsCar accident repairshops
Car accident repairshops
 
Siri vs Alexa, Which is Better?
Siri vs Alexa, Which is Better?Siri vs Alexa, Which is Better?
Siri vs Alexa, Which is Better?
 
2015 Sport Analysis for March Madness
2015 Sport Analysis for March Madness2015 Sport Analysis for March Madness
2015 Sport Analysis for March Madness
 
"Trends and Recent Developments in Processors for Vision," a Presentation fro...
"Trends and Recent Developments in Processors for Vision," a Presentation fro..."Trends and Recent Developments in Processors for Vision," a Presentation fro...
"Trends and Recent Developments in Processors for Vision," a Presentation fro...
 
Machine Learning with New Hardware Challegens
Machine Learning with New Hardware ChallegensMachine Learning with New Hardware Challegens
Machine Learning with New Hardware Challegens
 
Face Recognition Based on Deep Learning (Yurii Pashchenko Technology Stream)
Face Recognition Based on Deep Learning (Yurii Pashchenko Technology Stream) Face Recognition Based on Deep Learning (Yurii Pashchenko Technology Stream)
Face Recognition Based on Deep Learning (Yurii Pashchenko Technology Stream)
 
Enabling Artificial Intelligence - Alison B. Lowndes
Enabling Artificial Intelligence - Alison B. LowndesEnabling Artificial Intelligence - Alison B. Lowndes
Enabling Artificial Intelligence - Alison B. Lowndes
 
Machine learning with Google machine learning APIs - Puppy or Muffin?
Machine learning with Google machine learning APIs - Puppy or Muffin?Machine learning with Google machine learning APIs - Puppy or Muffin?
Machine learning with Google machine learning APIs - Puppy or Muffin?
 
Differences of Deep Learning Frameworks
Differences of Deep Learning FrameworksDifferences of Deep Learning Frameworks
Differences of Deep Learning Frameworks
 

Similar to 机器学习概述

机器学习与深度学习简介.pdf
机器学习与深度学习简介.pdf机器学习与深度学习简介.pdf
机器学习与深度学习简介.pdfCyanny LIANG
 
一淘广告机器学习
一淘广告机器学习一淘广告机器学习
一淘广告机器学习Shaoning Pan
 
學院碩士班_非監督式學習_使用Orange3直接使用_分群_20240417.pdf
學院碩士班_非監督式學習_使用Orange3直接使用_分群_20240417.pdf學院碩士班_非監督式學習_使用Orange3直接使用_分群_20240417.pdf
學院碩士班_非監督式學習_使用Orange3直接使用_分群_20240417.pdfFEG
 
20180506 Introduction to machine learning
20180506 Introduction to machine learning20180506 Introduction to machine learning
20180506 Introduction to machine learning岳華 杜
 
Introduction to machine learning
Introduction to machine learningIntroduction to machine learning
Introduction to machine learning岳華 杜
 
Machine Learning ABC
Machine Learning ABCMachine Learning ABC
Machine Learning ABCtonyblack42
 
01_智慧英文評分系統 Evaluate Student Summaries
01_智慧英文評分系統 Evaluate Student Summaries01_智慧英文評分系統 Evaluate Student Summaries
01_智慧英文評分系統 Evaluate Student SummariesIttrainingIttraining
 
敏捷自动化测试中的教训 45min 中文
敏捷自动化测试中的教训 45min   中文敏捷自动化测试中的教训 45min   中文
敏捷自动化测试中的教训 45min 中文Shuyong Lin
 
Machine Learning Introduction
Machine Learning IntroductionMachine Learning Introduction
Machine Learning IntroductionMark Chang
 
Why is data so important?
Why is data so important?Why is data so important?
Why is data so important?Ye (Julia) Li
 
SEM(structural equation modeling)結構方程模型-潛在成長模型-三星統計張偉豪-20140828
SEM(structural equation modeling)結構方程模型-潛在成長模型-三星統計張偉豪-20140828SEM(structural equation modeling)結構方程模型-潛在成長模型-三星統計張偉豪-20140828
SEM(structural equation modeling)結構方程模型-潛在成長模型-三星統計張偉豪-20140828Beckett Hsieh
 
求职经验分享 by Henry Ma
求职经验分享 by Henry Ma求职经验分享 by Henry Ma
求职经验分享 by Henry Maprancema
 
Sth. about Job Hunting in IT by Henry Ma
Sth. about Job Hunting in IT by Henry MaSth. about Job Hunting in IT by Henry Ma
Sth. about Job Hunting in IT by Henry Maprancema
 
「沙中撈金術」﹣談開放原始碼的推薦系統
「沙中撈金術」﹣談開放原始碼的推薦系統 「沙中撈金術」﹣談開放原始碼的推薦系統
「沙中撈金術」﹣談開放原始碼的推薦系統 建興 王
 

Similar to 机器学习概述 (14)

机器学习与深度学习简介.pdf
机器学习与深度学习简介.pdf机器学习与深度学习简介.pdf
机器学习与深度学习简介.pdf
 
一淘广告机器学习
一淘广告机器学习一淘广告机器学习
一淘广告机器学习
 
學院碩士班_非監督式學習_使用Orange3直接使用_分群_20240417.pdf
學院碩士班_非監督式學習_使用Orange3直接使用_分群_20240417.pdf學院碩士班_非監督式學習_使用Orange3直接使用_分群_20240417.pdf
學院碩士班_非監督式學習_使用Orange3直接使用_分群_20240417.pdf
 
20180506 Introduction to machine learning
20180506 Introduction to machine learning20180506 Introduction to machine learning
20180506 Introduction to machine learning
 
Introduction to machine learning
Introduction to machine learningIntroduction to machine learning
Introduction to machine learning
 
Machine Learning ABC
Machine Learning ABCMachine Learning ABC
Machine Learning ABC
 
01_智慧英文評分系統 Evaluate Student Summaries
01_智慧英文評分系統 Evaluate Student Summaries01_智慧英文評分系統 Evaluate Student Summaries
01_智慧英文評分系統 Evaluate Student Summaries
 
敏捷自动化测试中的教训 45min 中文
敏捷自动化测试中的教训 45min   中文敏捷自动化测试中的教训 45min   中文
敏捷自动化测试中的教训 45min 中文
 
Machine Learning Introduction
Machine Learning IntroductionMachine Learning Introduction
Machine Learning Introduction
 
Why is data so important?
Why is data so important?Why is data so important?
Why is data so important?
 
SEM(structural equation modeling)結構方程模型-潛在成長模型-三星統計張偉豪-20140828
SEM(structural equation modeling)結構方程模型-潛在成長模型-三星統計張偉豪-20140828SEM(structural equation modeling)結構方程模型-潛在成長模型-三星統計張偉豪-20140828
SEM(structural equation modeling)結構方程模型-潛在成長模型-三星統計張偉豪-20140828
 
求职经验分享 by Henry Ma
求职经验分享 by Henry Ma求职经验分享 by Henry Ma
求职经验分享 by Henry Ma
 
Sth. about Job Hunting in IT by Henry Ma
Sth. about Job Hunting in IT by Henry MaSth. about Job Hunting in IT by Henry Ma
Sth. about Job Hunting in IT by Henry Ma
 
「沙中撈金術」﹣談開放原始碼的推薦系統
「沙中撈金術」﹣談開放原始碼的推薦系統 「沙中撈金術」﹣談開放原始碼的推薦系統
「沙中撈金術」﹣談開放原始碼的推薦系統
 

More from Dong Guo

Convex optimization methods
Convex optimization methodsConvex optimization methods
Convex optimization methodsDong Guo
 
AlphaGo zero
AlphaGo zeroAlphaGo zero
AlphaGo zeroDong Guo
 
DQN (Deep Q-Network)
DQN (Deep Q-Network)DQN (Deep Q-Network)
DQN (Deep Q-Network)Dong Guo
 
Expectation propagation
Expectation propagationExpectation propagation
Expectation propagationDong Guo
 
Additive model and boosting tree
Additive model and boosting treeAdditive model and boosting tree
Additive model and boosting treeDong Guo
 
Feature selection
Feature selectionFeature selection
Feature selectionDong Guo
 
Logistic Regression
Logistic RegressionLogistic Regression
Logistic RegressionDong Guo
 
Machine learning Introduction
Machine learning IntroductionMachine learning Introduction
Machine learning IntroductionDong Guo
 

More from Dong Guo (8)

Convex optimization methods
Convex optimization methodsConvex optimization methods
Convex optimization methods
 
AlphaGo zero
AlphaGo zeroAlphaGo zero
AlphaGo zero
 
DQN (Deep Q-Network)
DQN (Deep Q-Network)DQN (Deep Q-Network)
DQN (Deep Q-Network)
 
Expectation propagation
Expectation propagationExpectation propagation
Expectation propagation
 
Additive model and boosting tree
Additive model and boosting treeAdditive model and boosting tree
Additive model and boosting tree
 
Feature selection
Feature selectionFeature selection
Feature selection
 
Logistic Regression
Logistic RegressionLogistic Regression
Logistic Regression
 
Machine learning Introduction
Machine learning IntroductionMachine learning Introduction
Machine learning Introduction
 

机器学习概述