西安城市开发者社区
【学习笔记】吴恩达机器学习 | 汇总 | 已完结!!! 【学习笔记】吴恩达机器学习 | 汇总 | 已完结!!!
【学习笔记】吴恩达机器学习 | 汇总 | 已完结!!!
简要声明
课程学习相关网址
Bilibili
网易云课堂
学习讲义
由于课程学习内容为英文,文本会采用英文进行内容记录,采用中文进行简要解释。
本学习笔记单纯是为了能对学到的内容有更深入的理解,如果有错误的地方,恳请包容和指正。
非常感谢Andrew Ng吴恩达教授的无私奉献!!!
索引
Machine Learning
机器学习
Supervised learning
监督学习
Unsupervised learning
非监督学习
Reinforcement learning
强化学习
Regression
回归问题
Classification
分类问题
label
标签
feature
特征
cluster
簇
clustering algorithm
聚类算法
hypothesis
假设函数
Linear regression
线性回归
Parameter
模型参数
cost function
代价函数
Gradient descent
梯度下降
convex function
凸函数
Matrix
矩阵
Vector
向量
index
下标
Matrix Addition
矩阵加法
Scalar Multiplication
标量乘法
commutative
乘法交换律
Associative
乘法结合律
Identity Matrix
单位矩阵
Matrix inverse
矩阵的逆
Matrix Transpose
矩阵转置
feature
特征
Multivariate linear regression
多元线性回归
Feature Scaling
特征缩放
Example automatic convergence test
自动收敛测试
Polynomial regression
多项式回归
Normal equation
正规方程
Classification problem
分类问题
Logistic Regression
逻辑回归
Decision boundary
决策边界
Conjugate gradient
共轭梯度法
Multi‐class classification
多元分类
One-versus‐all
一对多
Underfitting
欠拟合
high bias
高偏差
Overfitting
过拟合
high variance
高方差
generalize
泛化
Regularization
正则化
Neural Network
神经网络
bias unit
偏置单元
activation function
激活函数
weights
权重
input layer
输入层
output layer
输出层
hidden layer
隐藏层
Forward propagation
前向传播
Back-propagation
反向传播
Gradient checking
梯度检测
Diagnostic
诊断法
Training set
训练集
Test set
测试集
Cross validation set
交叉验证集
Learning curves
学习曲线
Error analysis
错误分析
Numerical evaluation
数值评估
skewed classes
不对称性分类
Precision
查准率
Recall
召回率
F_1 Score
F值
Support Vector Machines (SVM)
支持向量机
Large margin classifiers
大间距分类器
Kernels
核函数
landmark
标记
Clustering
聚类
K‐means
K均值
cluster centroids
聚类中心
distortion function
失真函数
Dimensionality Reduction
降维
highly redundant feature
高冗余特征
Data Visualization
数据可视化
Principal Component Analysis (PCA)
主成分分析方法
projection error
投影误差
Data preprocessing
数据预处理
covariance matrix
协方差矩阵
Reconstruction
重构
Anomaly detection
异常检测
Gaussian distribution
高斯分布
Multivariate Gaussian distribution
多元高斯分布
Recommender Systems
推荐系统
Collaborative filtering
协同过滤
feature learning
特征学习
low rank matrix factorization
低秩矩阵分解
Stochastic gradient descent
随机梯度下降法
Batch gradient descent
批量梯度下降
Mini‐batch gradient descent
小批量梯度下降
Online Learning
在线学习
click-through rate(CTR)
点击率
Map‐reduce
映射减少
“If you worked all the way through this course, you should now consider yourself an expert in machine learning.”
“It was maybe not so long ago, that I was a student myself. And even today, I still try to take different courses when I have time to try to learn new things. And so I know how time-consuming it is to learn this stuff.”
“And I wanted to say: Thank you very much for having been a student in this class.”
欢迎加入西安开发者社区!我们致力于为西安地区的开发者提供学习、合作和成长的机会。参与我们的活动,与专家分享最新技术趋势,解决挑战,探索创新。加入我们,共同打造技术社区!
加入社区
所有评论(0)