人工智能相关双语术语表

术语搬运工|术语表均整理自网络,侵删
0 人赞同了该文章

人工智能(Artificial Intelligence),英文缩写为AI。“人工智能”一词最初是在1956 年Dartmouth学会上提出的。


人工智能是研究、开发用于模拟、延伸和扩展人的智能的理论、方法、技术及应用系统的一门新的技术科学。人工智能是计算机科学的一个分支,它企图了解智能的实质,并生产出一种新的能以人类智能相似的方式作出反应的智能机器。


除了计算机科学以外, 人工智能还涉及信息论、控制论、自动化、仿生学、生物学、心理学、数理逻辑、语言学、医学和哲学等多门学科。人工智能学科研究的主要内容包括:知识表示、自动推理和搜索方法、机器学习和知识获取、知识处理系统、自然语言理解、计算机视觉、智能机器人、自动程序设计等方面。




以下是和人工智能相关的双语术语,括号内容为简称。



A


Activation Function 激活函数


Adversarial Networks 对抗网络


Affine Layer 仿射层


alpha-beta pruning α-β剪枝


Approximation 近似


Artificial General Intelligence(AGI)通用人工智能


Artificial Intelligence(AI)人工智能


association analysis 关联分析


attention mechanism 注意机制


autoencoder 自编码器


automatic speech recognition(ASR)自动语音识别


automatic summarization 自动摘要


average gradient 平均梯度


Average-Pooling 平均池化


B


backpropagation(BP)反向传播


Backpropagation Through Time(BPTT)通过时间的反向传播


Batch Normalization(BN)分批标准化


Bayesian network 贝叶斯网络


Bias-Variance Dilemma 偏差/方差困境


Bi-directional Long-Short Term Memory(Bi-LSTM)双向长短期记忆


bias 偏置/偏差


big data 大数据


Boltzmann machine 玻尔兹曼机


C


Central Processing Unit(CPU)中央处理器


chunk 词块


co-adapting 共适应


co-occurrence 共现


Computation Cost 计算成本


computer vision 计算机视觉


conditional random field(CRF)条件随机域/场


convergence 收敛


conversational agent(CA)会话代理


convexity 凸性


convolutional neural network(CNN)卷积神经网络


Cost Function 成本函数


cross entropy 交叉熵


D


Decision Boundary 决策边界


Decision Trees 决策树


Deep Belief Network(DBN)深度信念网络


Deep Convolutional Generative Adversarial Network(DCGAN)深度卷积生成对抗网络


deep learning(DL)深度学习


deep neural network(DNN)深度神经网络


Deep Q-Learning (DQN)深度Q学习


differentiable neural computer(DNC)可微分神经计算机


dimensionality reduction algorithm 降维算法


discriminative model 判别模型


discriminator 判别器


divergence 散度


Dynamic Fusion 动态融合





E


Embedding 嵌入


emotional analysis 情绪分析


End-to-End 端到端


xpectation-Maximization(EME)期望最大化


Exploding Gradient Problem 梯度爆炸问题


Extreme Learning Machine(ELM)超限学习机


F


Facebook Artificial Intelligence ResearchFacebook(FAIR)人工智能研究所


factorization 因子分解


feature engineering 特征工程


Featured Learning 特征学习


Feedforward Neural Networks 前馈神经网络


G


Gaussian Mixture Model(GMM)高斯混合模型


Genetic Algorithm(GA)遗传算法


Generalization 泛化


Generative Adversarial Networks(GAN)生成对抗网络


Generative Model 生成模型


Generator 生成器


Global Optimization 全局优化


Google Neural Machine Translation(GNMT)谷歌神经机器翻译


Gradient Descent 梯度下降


graph theory 图论


graphics processing unit(GPU)图形处理单元/图形处理器


H


HDMhidden dynamic model 隐动态模型


hidden layer 隐藏层


Hidden Markov Model(HMM)隐马尔可夫模型


hybrid computing混合计算


Hyperparameter超参数


I


ICAIndependent Component Analysis 独立成分分析


input 输入


International Conference for Machine Learning(ICML)国际机器学习大会


language phenomena语言现象


latent dirichlet allocation隐含狄利克雷分布





J


Jensen-Shannon Divergence(JSD)JS距离


K


K-Means Clustering K-均值聚类


K-Nearest Neighbours Algorithm(K-NN)K-最近邻算法


Knowledge Representation 知识表征


knowledge base(KB)知识库


L


Latent Dirichlet Allocation 隐狄利克雷分布


latent semantic analysis(LSA)潜在语义分析


Linear Regression 线性回归


log likelihood 对数似然


Logistic RegressionLogistic 回归


Long-Short Term Memory(LSTM)长短期记忆


loss损失


M


Max-Pooling 最大池化


Maximum Likelihood 最大似然


minimax game 最小最大博弈


Momentum 动量


Multilayer Perceptron(MLP)多层感知器


multi-document summarization 多文档摘要


multi layered perceptron(MLP)多层感知器


multiple linear regression 多元线性回归


N


Naive Bayes Classifier 朴素贝叶斯分类器


named entity recognition 命名实体识别


Nash equilibrium 纳什均衡


natural language generation(NLG)自然语言生成


natural language processing(NLP)自然语言处理


Negative Log Likelihood(NLL)负对数似然


Neural Machine Translation(NMT)神经机器翻译


Neural Turing Machine(NTM)神经图灵机


noise-contrastive estimation(NCE)噪音对比估计


non-convex optimization 非凸优化


non-negative matrix factorization 非负矩阵分解


Non-Saturating Game 非饱和博弈





O


objective function 目标函数


Off-Policy 离策略


On-Policy 在策略


output 输出


P


Parameter 参数


parse tree 解析树


part-of-speech tagging 词性标注


Particle Swarm Optimization(PSO)粒子群优化算法


perceptron 感知器


polarity detection 极性检测


pooling 池化


Plug and Play Generative Network(PPGN)即插即用生成网络


principal component analysis(PCA)主成分分析


Probability Graphical Model 概率图模型


Q


Quantized Neural Network(QNN)量子化神经网络


quantum computer 量子计算机


Quantum Computing 量子计算


R


RBFRadial Basis Function 径向基函数


Random Forest Algorithm 随机森林算法


Rectified Linear Unit(ReLU)线性修正单元/线性修正函数


Recurrent Neural Network(RNN)循环神经网络


recursive neural network 递归神经网络


reinforcement learning(RL)强化学习


representation 表征


representation learning 表征学习


Residual Mapping 残差映射


Residual Network 残差网络


Restricted Boltzmann Machine(RBM)受限玻尔兹曼机


Robot 机器人


Robustness 稳健性


Rule Engine(RE)规则引擎





S


saddle point 鞍点


self organised map(SOM)自组织映射


Semi-Supervised Learning 半监督学习


sentiment analysis 情感分析


Singular Value Decomposition(SVD)奇异值分解


Spectral Clustering 谱聚类


stochastic gradient descent(SGD)随机梯度下降


supervised learning 监督学习


Support Vector Machine(SVM)支持向量机


synset 同义词集


T


T-Distribution Stochastic Neighbour Embedding(t-SNE)T-分布随机近邻嵌入


Tensor 张量


Tensor Processing Units(TPU)张量处理单元


the least square method 最小二乘法


Threshold 阙值


Time Step 时间步骤


tokenization 标记化


treebank 树库


transfer learning 迁移学习


Turing Machine 图灵机


U


unsupervised learning 无监督学习


V


Vanishing Gradient Problem 梯度消失问题


Vapnik–Chervonenkis theory(VC Theory)万普尼克-泽范兰杰斯理论


von Neumann architecture 冯·诺伊曼架构/结构


W


weight(W)权重


word embedding 词嵌入


word sense disambiguation(WSD)词义消歧


(来源:搜狐)

发布于 2020-09-02 14:51:24
还没有评论
    旗渡客服