TensorFlow 機器學習相關(guān)英文術(shù)語

2018-09-01 21:26 更新

機器學習相關(guān)術(shù)語(按首字母排序)




縮寫英語漢語
A

Activation Function激活函數(shù)
Adversarial Networks對抗網(wǎng)絡(luò)
Affine Layer仿射層
agent代理/智能體
algorithm算法
alpha-beta pruningα-β剪枝

anomaly detection異常檢測
approximation近似
AGIArtificial General Intelligence通用人工智能
AIArtificial Intelligence人工智能
association analysis關(guān)聯(lián)分析
attention mechanism注意機制
autoencoder自編碼器
ASRautomatic speech recognition自動語音識別
automatic summarization自動摘要
average gradient平均梯度
Average-Pooling平均池化
B

BPbackpropagation反向傳播
BPTTBackpropagation Through Time通過時間的反向傳播
BNBatch Normalization分批標準化
Bayesian network貝葉斯網(wǎng)絡(luò)
Bias-Variance Dilemma偏差/方差困境
Bi-LSTMBi-directional Long-Short Term Memory雙向長短期記憶
bias偏置/偏差

big data大數(shù)據(jù)

Boltzmann machine玻爾茲曼機
C

CPUCentral Processing Unit中央處理器
chunk詞塊

clustering聚類

cluster analysis聚類分析
co-adapting共適應
co-occurrence共現(xiàn)
Computation Cost計算成本
Computational Linguistics計算語言學
computer vision計算機視覺

concept drift概念漂移
CRFconditional random field條件隨機域/場

convergence收斂
CAconversational agent會話代理
convexity凸性
CNNconvolutional neural network卷積神經(jīng)網(wǎng)絡(luò)

Cost Function成本函數(shù)

cross entropy交叉熵
D


Decision Boundary決策邊界

Decision Trees決策樹
DBNDeep Belief Network深度信念網(wǎng)絡(luò)
DCGANDeep Convolutional Generative Adversarial Network深度卷積生成對抗網(wǎng)絡(luò)
DLdeep learning深度學習
DNNdeep neural network深度神經(jīng)網(wǎng)絡(luò)
Deep Q-Learning深度Q學習
DQNDeep Q-Network深度Q網(wǎng)絡(luò)
DNCdifferentiable neural computer可微分神經(jīng)計算機
dimensionality reduction algorithm降維算法

discriminative model判別模型

discriminator判別器

divergence散度

domain adaption領(lǐng)域自適應

Dropout

Dynamic Fusion動態(tài)融合
E


Embedding嵌入

emotional analysis情緒分析

End-to-End端到端
EMExpectation-Maximization期望最大化
Exploding Gradient Problem梯度爆炸問題
ELMExtreme Learning Machine超限學習機
F

FAIRFacebook Artificial Intelligence ResearchFacebook人工智能研究所

factorization因子分解
feature engineering特征工程

Featured Learning特征學習

Feedforward Neural Networks前饋神經(jīng)網(wǎng)絡(luò)
G

game theory博弈論
GMMGaussian Mixture Model高斯混合模型
GAGenetic Algorithm遺傳算法

Generalization泛化
GANGenerative Adversarial Networks生成對抗網(wǎng)絡(luò)
Generative Model生成模型

Generator生成器

Global Optimization全局優(yōu)化
GNMTGoogle Neural Machine Translation谷歌神經(jīng)機器翻譯
Gradient Descent梯度下降
graph theory圖論
GPUgraphics processing unit圖形處理單元/圖形處理器
H

HDMhidden dynamic model隱動態(tài)模型

hidden layer隱藏層
HMMHidden Markov Model隱馬爾可夫模型
hybrid computing混合計算

hyperparameter超參數(shù)
I

ICAIndependent Component Analysis獨立成分分析

input輸入
ICMLInternational Conference for Machine Learning國際機器學習大會
language phenomena語言現(xiàn)象
latent dirichlet allocation隱含狄利克雷分布
J

JSDJensen-Shannon DivergenceJS距離
K

K-Means ClusteringK-均值聚類
K-NNK-Nearest Neighbours AlgorithmK-最近鄰算法

Knowledge Representation知識表征
KBknowledge base知識庫
L


Latent Dirichlet Allocation隱狄利克雷分布
LSAlatent semantic analysis潛在語義分析
learner學習器

Linear Regression線性回歸

log likelihood對數(shù)似然

Logistic RegressionLogistic回歸
LSTMLong-Short Term Memory長短期記憶

loss損失
M

MTmachine translation機器翻譯
Max-Pooling最大池化
Maximum Likelihood最大似然

minimax game最小最大博弈

Momentum動量
MLPMultilayer Perceptron多層感知器
multi-document summarization多文檔摘要
MLPmulti layered perceptron多層感知器

multimodal learning多模態(tài)學習
multiple linear regression多元線性回歸
N

Naive Bayes Classifier樸素貝葉斯分類器
named entity recognition命名實體識別

Nash equilibrium納什均衡
NLGnatural language generation自然語言生成
NLPnatural language processing自然語言處理
NLLNegative Log Likelihood負對數(shù)似然
NMTNeural Machine Translation神經(jīng)機器翻譯
NTMNeural Turing Machine神經(jīng)圖靈機
NCEnoise-contrastive estimation噪音對比估計

non-convex optimization非凸優(yōu)化
non-negative matrix factorization非負矩陣分解
Non-Saturating Game非飽和博弈
O


objective function目標函數(shù)
Off-Policy離策略
On-Policy在策略
one shot learning一次性學習

output輸出
P


Parameter參數(shù)
parse tree解析樹
part-of-speech tagging詞性標注
PSOParticle Swarm Optimization粒子群優(yōu)化算法
perceptron感知器
polarity detection極性檢測
pooling池化
PPGNPlug and Play Generative Network即插即用生成網(wǎng)絡(luò)
PCAprincipal component analysis主成分分析

Probability Graphical Model概率圖模型
Q

QNNQuantized Neural Network量子化神經(jīng)網(wǎng)絡(luò)

quantum computer量子計算機

Quantum Computing量子計算
R

RBFRadial Basis Function徑向基函數(shù)
Random Forest Algorithm隨機森林算法
ReLURectified Linear Unit線性修正單元/線性修正函數(shù)
RNNRecurrent Neural Network循環(huán)神經(jīng)網(wǎng)絡(luò)
recursive neural network遞歸神經(jīng)網(wǎng)絡(luò)
RLreinforcement learning強化學習
representation表征
representation learning表征學習

Residual Mapping殘差映射
Residual Network殘差網(wǎng)絡(luò)
RBMRestricted Boltzmann Machine受限玻爾茲曼機
Robot機器人
Robustness穩(wěn)健性
RERule Engine規(guī)則引擎
S


saddle point鞍點
Self-Driving自動駕駛
SOMself organised map自組織映射

Semi-Supervised Learning半監(jiān)督學習
sentiment analysis情感分析
SLAMsimultaneous localization and mapping同步定位與地圖構(gòu)建
SVDSingular Value Decomposition奇異值分解
Spectral Clustering譜聚類
Speech Recognition語音識別
SGDstochastic gradient descent隨機梯度下降

supervised learning監(jiān)督學習
SVMSupport Vector Machine支持向量機
synset同義詞集
T

t-SNET-Distribution Stochastic Neighbour EmbeddingT-分布隨機近鄰嵌入
tensor張量
TPUTensor Processing Units張量處理單元

the least square method最小二乘法
Threshold闕值
Time Step時間步驟
tokenization標記化
treebank樹庫

transfer learning遷移學習
Turing Machine圖靈機
U


unsupervised learning無監(jiān)督學習
V

Vanishing Gradient Problem梯度消失問題
VC TheoryVapnik–Chervonenkis theory萬普尼克-澤范蘭杰斯理論

von Neumann architecture馮·諾伊曼架構(gòu)/結(jié)構(gòu)
W

WGANWasserstein GAN
Wweight權(quán)重
word embedding詞嵌入
WSDword sense disambiguation詞義消歧
X

Y

Z

ZSLzero-shot learning零次學習

zero-data learning零數(shù)據(jù)學習

參考文獻

[1]機器學習.Tom M.Mitchell




以上內(nèi)容是否對您有幫助:
在線筆記
App下載
App下載

掃描二維碼

下載編程獅App

公眾號
微信公眾號

編程獅公眾號