此博客用于记录我在读论文的时候遇到的各类专业名词的英语与翻译,不定期更新,更新速度依据我读论文的速度和广度而定。 考虑到有可能会有朋友用这个作为数据集,所以我这里就缩写(如果有)和全称单独列作一行,方便后续处理。 有的内容是我结合了文章内容自行翻译的,有可能有错误,如有更好的翻译,请联系我,我进行更改。
machine learning:机器学习
ML:机器学习
deep learning:深度学习
DL:深度学习
Neural Networks:神经网络
NN:神经网络
Convolutional Neural Networks:卷积神经网络
CNN:卷积神经网络
Graph Neural Networks:图神经网络
GNN:图神经网络
Recurrent Neural Network:循环神经网络
RNN:循环神经网络
option evolution:观点演化
bounded confidence:有界信任
social network:社会网络
tolerance:公差
Variance:方差
adjacency matrix:邻接矩阵
confidence:置信度
support:支持度
Euclidean distance:欧氏距离
ER random graph:ER随机图模型
WS small world network:WS小世界网络模型
BA scale free network:BA无尺度网络模型
average shortest path length:平均最短路径长度
sentiment:情感
tone:情感
stop terms:停用词
stop words:停用词
pattern recognition:模式识别
sentiment analysis:情感分析
SA:情感分析
embeddings:嵌入
aspect term:方面词
aspect category:方面类别
aspect-category sentiment analysis:基于方面类别的情感分析
ACSA:基于方面类别的情感分析
aspect-term sentiment analysis:基于方面词的情感分析
ATSA:基于方面词的情感分析
natural language processing:自然语言处理
NLP:自然语言处理
classification:分类
regression:回归
tagging:标注
clustering:聚类
cluster:簇
linear regression:线性回归
Artificial Neural Network:人工神经网络
ANN:人工神经网络
supervised training:有监督训练
Supervised learning:有监督学习
Unsupervised Learning:无监督学习
Semi-supervised Learning:半监督学习
SSL:半监督学习
N-gram model:N元模型
Maximum Entropy:最大熵
MaxEnt:最大熵
ME:最大熵
information entropy:信息熵
Naïve Bayes:朴素贝叶斯
Naive Bayes:朴素贝叶斯
Naive Bayes classifier:朴素贝叶斯分类器
NB:朴素贝叶斯
NBC:朴素贝叶斯分类器
data set:数据集
granularity:粒度
prior:先验
posterior:后验
likelihood:似然
emoticon:emoji符号
heuristics:启发式
heuristics:探索法
Part-Of-Speech tagging:词性标注
POS tagging:词性标注
parts-of-speech:词性
coefficient:系数
human-computer interaction:人机交互
dimensionality-reduction:降维
Support Vector Machine:支持向量机
SVM:支持向量机
hyperplane:超平面
confidence interval:置信区间
t-test:T检验
P-value:P值
hold-out:留出法
K-fold:K折
cross validation:交叉验证
K-fold cross validation:K折交叉验证
ground truth:有监督训练的训练集的分类准确性(标准答案)
KNN:k最邻近分类算法
K- Nearest Neighbor:k最邻近分类算法
PMI:点互信息算法
Pointwise Mutual Information:点互信息算法
SO-PMI:情感倾向点互信息算法
user profile:用户画像
persona:用户画像
review:综述
opinion mining:意见挖掘
attention mechanism:注意力机制
RNN:循环神经网络 / 递归神经网络
recurrent neural network:循环神经网络
recursive neural network:递归神经网络
LSTM:长期短期记忆网络
Long Short Term Memory Network:长期短期记忆网络
linear model:线性模型
nonlinear model:非线性模型
sentiment polarity:情感极性
vanilla neural network:香草神经网络(原始神经网络)
knowledge graph:知识图谱
vector:向量
neuron:神经元
word segmentation:分词
hidden layer:隐藏层
overfitting:过拟合
gradient descent:梯度下降
GD:梯度下降
stochastic gradient descent:随机梯度下降
SGD:随机梯度下降
empirical risk:经验风险
Multi-Layer Perceptron:多层感知机
MLP:多层感知机
propagation:迭代
parsing:句法分析
parser:句法分析器
undirected graph:无向图
directed Graph:有向图