深度學習中的英文專有名詞
最近在讀深度學習的文獻資料,覺得專有名詞還是挺多的。網上搜集到一些,背一下。
activation 啟用值
activation function 啟用函式
additive noise 加性噪聲
autoencoder 自編碼器
Autoencoders 自編碼演算法
average firing rate 平均啟用率
average sum-of-squares error 均方差
backpropagation 後向傳播
basis 基
basis feature vectors 特徵基向量
batch gradient ascent 批量梯度上升法
Bayesian regularization method 貝葉斯規則化方法
Bernoulli random variable 伯努利隨機變數
bias term 偏置項
binary classfication 二元分類
class labels 型別標記
concatenation 級聯
conjugate gradient 共軛梯度
contiguous groups 聯通區域
convex optimization software 凸優化軟體
convolution 卷積
cost function 代價函式
covariance matrix 協方差矩陣
DC component 直流分量
decorrelation 去相關
degeneracy 退化
demensionality reduction 降維
derivative 導函式
diagonal 對角線
diffusion of gradients 梯度的彌散
eigenvalue 特徵值
eigenvector 特徵向量
error term 殘差
feature matrix 特徵矩陣
feature standardization 特徵標準化
feedforward architectures 前饋結構演算法
feedforward neural network 前饋神經網路
feedforward pass 前饋傳導
fine-tuned 微調
first-order feature 一階特徵
forward pass 前向傳導
forward propagation 前向傳播
Gaussian prior 高斯先驗概率
generative model 生成模型
gradient descent 梯度下降
Greedy layer-wise training 逐層貪婪訓練方法
grouping matrix 分組矩陣
Hadamard product 阿達馬乘積
Hessian matrix Hessian 矩陣
hidden layer 隱含層
hidden units 隱藏神經元
Hierarchical grouping 層次型分組
higher-order features 更高階特徵
highly non-convex optimization problem 高度非凸的優化問題
histogram 直方圖
hyperbolic tangent 雙曲正切函式
hypothesis 估值,假設
identity activation function 恆等激勵函式
IID 獨立同分布
illumination 照明
inactive 抑制
independent component analysis 獨立成份分析
input domains 輸入域
input layer 輸入層
intensity 亮度/灰度
intercept term 截距
KL divergence 相對熵
KL divergence KL分散度
k-Means K-均值
learning rate 學習速率
least squares 最小二乘法
linear correspondence 線性響應
linear superposition 線性疊加
line-search algorithm 線搜尋演算法
local mean subtraction 區域性均值消減
local optima 區域性最優解
logistic regression 邏輯迴歸
loss function 損失函式
low-pass filtering 低通濾波
magnitude 幅值
MAP 極大後驗估計
maximum likelihood estimation 極大似然估計
mean 平均值
MFCC Mel 倒頻係數
multi-class classification 多元分類
neural networks 神經網路
neuron 神經元
Newton's method 牛頓法
non-convex function 非凸函式
non-linear feature 非線性特徵
norm 正規化
norm bounded 有界範數
norm constrained 範數約束
normalization 歸一化
numerical roundoff errors 數值舍入誤差
numerically checking 數值檢驗
numerically reliable 數值計算上穩定
object detection 物體檢測
objective function 目標函式
off-by-one error 缺位錯誤
orthogonalization 正交化
output layer 輸出層
overall cost function 總體代價函式
over-complete basis 超完備基
over-fitting 過擬合
parts of objects 目標的部件
part-whole decompostion 部分-整體分解
PCA 主元分析
penalty term 懲罰因子
per-example mean subtraction 逐樣本均值消減
pooling 池化
pretrain 預訓練
principal components analysis 主成份分析
quadratic constraints 二次約束
RBMs 受限Boltzman機
reconstruction based models 基於重構的模型
reconstruction cost 重建代價
reconstruction term 重構項
redundant 冗餘
reflection matrix 反射矩陣
regularization 正則化
regularization term 正則化項
rescaling 縮放
robust 魯棒性
run 行程
second-order feature 二階特徵
sigmoid activation function S型激勵函式
significant digits 有效數字
singular value 奇異值
singular vector 奇異向量
smoothed L1 penalty 平滑的L1範數懲罰
Smoothed topographic L1 sparsity penalty 平滑地形L1稀疏懲罰函式
smoothing 平滑
Softmax Regresson Softmax迴歸
sorted in decreasing order 降序排列
source features 源特徵
sparse autoencoder 消減歸一化
Sparsity 稀疏性
sparsity parameter 稀疏性引數
sparsity penalty 稀疏懲罰
square function 平方函式
squared-error 方差
stationary 平穩性(不變性)
stationary stochastic process 平穩隨機過程
step-size 步長值
supervised learning 監督學習
symmetric positive semi-definite matrix 對稱半正定矩陣
symmetry breaking 對稱失效
tanh function 雙曲正切函式
the average activation 平均活躍度
the derivative checking method 梯度驗證方法
the empirical distribution 經驗分佈函式
the energy function 能量函式
the Lagrange dual 拉格朗日對偶函式
the log likelihood 對數似然函式
the pixel intensity value 畫素灰度值
the rate of convergence 收斂速度
topographic cost term 拓撲代價項
topographic ordered 拓撲秩序
transformation 變換
translation invariant 平移不變性
trivial answer 平凡解
under-complete basis 不完備基
unrolling 組合擴充套件
unsupervised learning 無監督學習
variance 方差
vecotrized implementation 向量化實現
vectorization 向量化
visual cortex 視覺皮層
weight decay 權重衰減
weighted average 加權平均值
whitening 白化
zero-mean 均值為零
machine learning : 機器學習
deep learning : 深度學習
image processing : 影象處理
natural language processing : 自然語言處理
algorithms : 演算法
training data set : 訓練資料集
facial detection : 面部識別
malware detection : 惡意程式檢測
adversarial sample : 對抗樣本
countermeasuring techniques : 防禦技術
Indiscriminate Attack:非針對性攻擊
Adversary’s goal:敵手目標
Adversary’s knowledge :敵手知識
Adversary’s capability:敵手能力
Attack strategy:攻擊策略
Gradient Ascent Strategy:梯度下降策略
Generative Model:生成模型
Discriminative model:判別模型
The Direct Gradient:直接梯度法
Accuracy:準確率
Loss:損失值
White-Box Attack:白盒攻擊
Blank-Box Attack:黑盒攻擊
Reconstruction Attack:重建攻擊
Proactive Defense:主動防禦
Reactive Defense:被動防禦
Reject On Negative Impact:拒絕消極影響
Stackelberg Games:斯塔克爾伯格博弈
Defensive Distillation:防禦精餾
Differential Privacy:差分隱私
Homomorphic Encryption:同態加密
Pattern Recognition:模式識別
RNN, Recurrent Neural Networks:迴圈神經網路
FNNs(Feed-forward Neural Networks):前向反饋神經網路
Convolutional layer:卷積層
Rectified Linear Units layer,ReLU layer:線性整流層
Pooling layer :池化層
Fully-Connected layer:全連線層
Face Recognition System :面部識別系統 (FRS)
Adversarial Classification : 敵手分類
Adversarial Learning :對抗學習
try-and-error:試錯
Causative Attack :誘發型攻擊
Security Violation :安全損害
Integrity Attack :完整性攻擊
Availability Attack:可用性攻擊
Privacy Violation Attack :隱私竊取攻擊
Specificity of an Attack :攻擊的專一性
Obfuscation Attacks:迷惑攻擊
Counterintuitive:反直覺
Poisoning Attack:投毒攻擊
Centroid:中心值
Bridge:橋
Spoofing Attack :欺騙攻擊
Avoiding Attack:逃避攻擊
Impersonate Attack:模仿攻擊
The Least Likely Class:最小相似類
Inversion Attack:逆向攻擊
Confidence Values:置信值
Equation-Solving Attacks:等式求解攻擊
Model Extraction Attacks:模型提取攻擊
Arms Race:攻防技術競賽
Non-stationary:不平穩
Data Sanitization:資料清洗
Randomized Prediction Games:隨機預測博弈
Deep Contractive Networks:深度收縮網路
Crowdsourcing:眾包
Randomized Response:隨機響應
Logistic Regression:邏輯迴歸
regression analysis:迴歸分析