人工智能专业词汇
人工智能词汇表

人工智能词汇表 (技术文章)阿天发表于:04-12-08 20:421,AI:AI是人工智能英文单词Artificial Intelligence的缩写。
2,人工智能:人工智能是研究如何制造出人造的智能机器或智能系统,来模拟人类智能活动的能力,以延伸人们智能的科学。
3,产生式系统:产生式系统是Post于1943年提出的一种计算形式体系里所使用的术语,主要是使用类似于文法的规则,对符号串作替换运算。
到了60年代产生式系统成为认知心理学研究人类心理活动中信息加工过程的基础,并用它来建立人类认识的模型。
到现在产生式系统已发展成为人工智能系统中最典型最普遍的一种结构,例如目前大多数的专家系统都采用产生式系统的结构来建造。
产生式系统由综合数据库、一组产生式规则(规则集)和一个控制系统(控制策略)三部分组成,称为产生式系统的三要素。
4,产生式系统的三要素:产生式系统的三要素是综合数据库、一组产生式规则(规则集)和一个控制系统(控制策略)。
5,产生式规则:产生式规则是知识表示的一种形式,其形式如下: IF <前件> THEN <后件> 其中规则的<前件>表达的是该条规则所要满足的条件,规则的<后件>表示的是该规则所得出的结论,或者动作。
规则表达的可以是与待求解的问题有关的客观规律方面的知识,也可以是对求解问题有帮助的策略方面的知识。
6,八数码游戏(八数码问题):八数码游戏(八数码问题)描述为:在3×3组成的九宫格棋盘上,摆有八个将牌,每一个将牌都刻有1-8八个数码中的某一个数码。
棋盘中留有一个空格,允许其周围的某一个将牌向空格移动,这样通过移动将牌就可以不断改变将牌的布局。
这种游戏求解的问题是:给定一种初始的将牌布局或结构(称初始状态)和一个目标的布局(称目标状态),问如何移动将牌,实现从初始状态到目标状态的转变。
7,传教士和野人问题(M-C问题):传教士和野人问题描述为:有N个传教士和N个野人来到河边准备渡河,河岸有一条船,每次至多可供k人乘渡。
科技英语词汇大全了解科技领域的专业英语词汇

科技英语词汇大全了解科技领域的专业英语词汇科技英语词汇大全:了解科技领域的专业英语词汇科技在当今社会中起到了至关重要的作用,而掌握科技领域的专业英语词汇成为了越来越多人的需求。
本文将介绍一些常见的科技英语词汇,帮助读者在科技领域中更好地沟通和学习。
一、计算机和信息技术词汇1. Computer(计算机)- 一种能够完成数据处理和存储的机器。
2. Software(软件)- 与计算机硬件相对应,指的是一系列指令的集合,用于指导计算机进行特定任务。
3. Hardware(硬件)- 计算机的实际物理组件,如主机、显示器、键盘、鼠标等。
4. Internet(互联网)- 全球电子通信网络,将全球各地的计算机互相连接。
5. Network(网络)- 多台计算机通过通信设备相互连接形成的系统。
6. Database(数据库)- 结构化数据的集合,用来储存和组织大量数据。
7. Programming(编程)- 设计和创建计算机程序的过程。
二、人工智能和机器学习词汇1. Artificial Intelligence(人工智能)- 计算机模拟人类智能的一种技术。
2. Machine Learning(机器学习)- 计算机通过大量数据和算法,从中学习和提取模式,不断优化性能。
3. Deep Learning(深度学习)- 机器学习的一种特殊形式,在模拟人脑神经网络方面更为强大。
4. Neural Network(神经网络)- 一种模拟神经系统的计算模型,用于模拟人脑的学习和处理能力。
5. Natural Language Processing(自然语言处理)- 计算机通过算法和模型处理和理解人类语言。
6. Big Data(大数据)- 用来描述无法通过传统处理方法处理的大量数据量。
7. Algorithm(算法)- 在计算过程中为解决特定问题而设计的一系列步骤。
三、通信技术词汇1. Telecommunication(电信)- 通过传输信号进行远程通信的技术。
AI术语

人工智能专业重要词汇表1、A开头的词汇:Artificial General Intelligence/AGI通用人工智能Artificial Intelligence/AI人工智能Association analysis关联分析Attention mechanism注意力机制Attribute conditional independence assumption属性条件独立性假设Attribute space属性空间Attribute value属性值Autoencoder自编码器Automatic speech recognition自动语音识别Automatic summarization自动摘要Average gradient平均梯度Average-Pooling平均池化Accumulated error backpropagation累积误差逆传播Activation Function激活函数Adaptive Resonance Theory/ART自适应谐振理论Addictive model加性学习Adversarial Networks对抗网络Affine Layer仿射层Affinity matrix亲和矩阵Agent代理/ 智能体Algorithm算法Alpha-beta pruningα-β剪枝Anomaly detection异常检测Approximation近似Area Under ROC Curve/AUC R oc 曲线下面积2、B开头的词汇Backpropagation Through Time通过时间的反向传播Backpropagation/BP反向传播Base learner基学习器Base learning algorithm基学习算法Batch Normalization/BN批量归一化Bayes decision rule贝叶斯判定准则Bayes Model Averaging/BMA贝叶斯模型平均Bayes optimal classifier贝叶斯最优分类器Bayesian decision theory贝叶斯决策论Bayesian network贝叶斯网络Between-class scatter matrix类间散度矩阵Bias偏置/ 偏差Bias-variance decomposition偏差-方差分解Bias-Variance Dilemma偏差–方差困境Bi-directional Long-Short Term Memory/Bi-LSTM双向长短期记忆Binary classification二分类Binomial test二项检验Bi-partition二分法Boltzmann machine玻尔兹曼机Bootstrap sampling自助采样法/可重复采样/有放回采样Bootstrapping自助法Break-Event Point/BEP平衡点3、C开头的词汇Calibration校准Cascade-Correlation级联相关Categorical attribute离散属性Class-conditional probability类条件概率Classification and regression tree/CART分类与回归树Classifier分类器Class-imbalance类别不平衡Closed -form闭式Cluster簇/类/集群Cluster analysis聚类分析Clustering聚类Clustering ensemble聚类集成Co-adapting共适应Coding matrix编码矩阵COLT国际学习理论会议Committee-based learning基于委员会的学习Competitive learning竞争型学习Component learner组件学习器Comprehensibility可解释性Computation Cost计算成本Computational Linguistics计算语言学Computer vision计算机视觉Concept drift概念漂移Concept Learning System /CLS概念学习系统Conditional entropy条件熵Conditional mutual information条件互信息Conditional Probability Table/CPT条件概率表Conditional random field/CRF条件随机场Conditional risk条件风险Confidence置信度Confusion matrix混淆矩阵Connection weight连接权Connectionism连结主义Consistency一致性/相合性Contingency table列联表Continuous attribute连续属性Convergence收敛Conversational agent会话智能体Convex quadratic programming凸二次规划Convexity凸性Convolutional neural network/CNN卷积神经网络Co-occurrence同现Correlation coefficient相关系数Cosine similarity余弦相似度Cost curve成本曲线Cost Function成本函数Cost matrix成本矩阵Cost-sensitive成本敏感Cross entropy交叉熵Cross validation交叉验证Crowdsourcing众包Curse of dimensionality维数灾难Cut point截断点Cutting plane algorithm割平面法4、D开头的词汇Data mining数据挖掘Data set数据集Decision Boundary决策边界Decision stump决策树桩Decision tree决策树/判定树Deduction演绎Deep Belief Network深度信念网络Deep Convolutional Generative Adversarial Network/DCGAN深度卷积生成对抗网络Deep learning深度学习Deep neural network/DNN深度神经网络Deep Q-Learning深度Q 学习Deep Q-Network深度Q 网络Density estimation密度估计Density-based clustering密度聚类Differentiable neural computer可微分神经计算机Dimensionality reduction algorithm降维算法Directed edge有向边Disagreement measure不合度量Discriminative model判别模型Discriminator判别器Distance measure距离度量Distance metric learning距离度量学习Distribution分布Divergence散度Diversity measure多样性度量/差异性度量Domain adaption领域自适应Downsampling下采样D-separation (Directed separation)有向分离Dual problem对偶问题Dummy node哑结点Dynamic Fusion动态融合Dynamic programming动态规划5、E开头的词汇Eigenvalue decomposition特征值分解Embedding嵌入Emotional analysis情绪分析Empirical conditional entropy经验条件熵Empirical entropy经验熵Empirical error经验误差Empirical risk经验风险End-to-End端到端Energy-based model基于能量的模型Ensemble learning集成学习Ensemble pruning集成修剪Error Correcting Output Codes/ECOC纠错输出码Error rate错误率Error-ambiguity decomposition误差-分歧分解Euclidean distance欧氏距离Evolutionary computation演化计算Expectation-Maximization期望最大化Expected loss期望损失Exploding Gradient Problem梯度爆炸问题Exponential loss function指数损失函数Extreme Learning Machine/ELM超限学习机6、F开头的词汇Factorization因子分解False negative假负类False positive假正类False Positive Rate/FPR假正例率Feature engineering特征工程Feature selection特征选择Feature vector特征向量Featured Learning特征学习Feedforward Neural Networks/FNN前馈神经网络Fine-tuning微调Flipping output翻转法Fluctuation震荡Forward stagewise algorithm前向分步算法Frequentist频率主义学派Full-rank matrix满秩矩阵Functional neuron功能神经元7、G开头的词汇Gain ratio增益率Game theory博弈论Gaussian kernel function高斯核函数Gaussian Mixture Model高斯混合模型General Problem Solving通用问题求解Generalization泛化Generalization error泛化误差Generalization error bound泛化误差上界Generalized Lagrange function广义拉格朗日函数Generalized linear model广义线性模型Generalized Rayleigh quotient广义瑞利商Generative Adversarial Networks/GAN生成对抗网络Generative Model生成模型Generator生成器Genetic Algorithm/GA遗传算法Gibbs sampling吉布斯采样Gini index基尼指数Global minimum全局最小Global Optimization全局优化Gradient boosting梯度提升Gradient Descent梯度下降Graph theory图论Ground-truth真相/真实8、H开头的词汇Hard margin硬间隔Hard voting硬投票Harmonic mean调和平均Hesse matrix海塞矩阵Hidden dynamic model隐动态模型Hidden layer隐藏层Hidden Markov Model/HMM隐马尔可夫模型Hierarchical clustering层次聚类Hilbert space希尔伯特空间Hinge loss function合页损失函数Hold-out留出法Homogeneous同质Hybrid computing混合计算Hyperparameter超参数Hypothesis假设Hypothesis test假设验证9、I开头的词汇ICML国际机器学习会议Improved iterative scaling/IIS改进的迭代尺度法Incremental learning增量学习Independent and identically distributed/i.i.d.独立同分布Independent Component Analysis/ICA独立成分分析Indicator function指示函数Individual learner个体学习器Induction归纳Inductive bias归纳偏好Inductive learning归纳学习Inductive Logic Programming/ILP归纳逻辑程序设计Information entropy信息熵Information gain信息增益Input layer输入层Insensitive loss不敏感损失Inter-cluster similarity簇间相似度International Conference for Machine Learning/ICML国际机器学习大会Intra-cluster similarity簇内相似度Intrinsic value固有值Isometric Mapping/Isomap等度量映射Isotonic regression等分回归Iterative Dichotomiser迭代二分器10、K开头的词汇Kernel method核方法Kernel trick核技巧Kernelized Linear Discriminant Analysis/KLDA核线性判别分析K-fold cross validation k 折交叉验证/k 倍交叉验证K-Means Clustering K –均值聚类K-Nearest Neighbours Algorithm/KNN K近邻算法Knowledge base知识库Knowledge Representation知识表征11、L开头的词汇Label space标记空间Lagrange duality拉格朗日对偶性Lagrange multiplier拉格朗日乘子Laplace smoothing拉普拉斯平滑Laplacian correction拉普拉斯修正Latent Dirichlet Allocation隐狄利克雷分布Latent semantic analysis潜在语义分析Latent variable隐变量Lazy learning懒惰学习Learner学习器Learning by analogy类比学习Learning rate学习率Learning Vector Quantization/LVQ学习向量量化Least squares regression tree最小二乘回归树Leave-One-Out/LOO留一法linear chain conditional random field线性链条件随机场Linear Discriminant Analysis/LDA线性判别分析Linear model线性模型Linear Regression线性回归Link function联系函数Local Markov property局部马尔可夫性Local minimum局部最小Log likelihood对数似然Log odds/logit对数几率Logistic Regression Logistic 回归Log-likelihood对数似然Log-linear regression对数线性回归Long-Short Term Memory/LSTM长短期记忆Loss function损失函数12、M开头的词汇Machine translation/MT机器翻译Macron-P宏查准率Macron-R宏查全率Majority voting绝对多数投票法Manifold assumption流形假设Manifold learning流形学习Margin theory间隔理论Marginal distribution边际分布Marginal independence边际独立性Marginalization边际化Markov Chain Monte Carlo/MCMC马尔可夫链蒙特卡罗方法Markov Random Field马尔可夫随机场Maximal clique最大团Maximum Likelihood Estimation/MLE极大似然估计/极大似然法Maximum margin最大间隔Maximum weighted spanning tree最大带权生成树Max-Pooling最大池化Mean squared error均方误差Meta-learner元学习器Metric learning度量学习Micro-P微查准率Micro-R微查全率Minimal Description Length/MDL最小描述长度Minimax game极小极大博弈Misclassification cost误分类成本Mixture of experts混合专家Momentum动量Moral graph道德图/端正图Multi-class classification多分类Multi-document summarization多文档摘要Multi-layer feedforward neural networks多层前馈神经网络Multilayer Perceptron/MLP多层感知器Multimodal learning多模态学习Multiple Dimensional Scaling多维缩放Multiple linear regression多元线性回归Multi-response Linear Regression /MLR多响应线性回归Mutual information互信息13、N开头的词汇Naive bayes朴素贝叶斯Naive Bayes Classifier朴素贝叶斯分类器Named entity recognition命名实体识别Nash equilibrium纳什均衡Natural language generation/NLG自然语言生成Natural language processing自然语言处理Negative class负类Negative correlation负相关法Negative Log Likelihood负对数似然Neighbourhood Component Analysis/NCA近邻成分分析Neural Machine Translation神经机器翻译Neural Turing Machine神经图灵机Newton method牛顿法NIPS国际神经信息处理系统会议No Free Lunch Theorem/NFL没有免费的午餐定理Noise-contrastive estimation噪音对比估计Nominal attribute列名属性Non-convex optimization非凸优化Nonlinear model非线性模型Non-metric distance非度量距离Non-negative matrix factorization非负矩阵分解Non-ordinal attribute无序属性Non-Saturating Game非饱和博弈Norm范数Normalization归一化Nuclear norm核范数Numerical attribute数值属性14、O开头的词汇Objective function目标函数Oblique decision tree斜决策树Occam’s razor奥卡姆剃刀Odds几率Off-Policy离策略One shot learning一次性学习One-Dependent Estimator/ODE独依赖估计On-Policy在策略Ordinal attribute有序属性Out-of-bag estimate包外估计Output layer输出层Output smearing输出调制法Overfitting过拟合/过配Oversampling过采样15、P开头的词汇Paired t-test成对t 检验Pairwise成对型Pairwise Markov property成对马尔可夫性Parameter参数Parameter estimation参数估计Parameter tuning调参Parse tree解析树Particle Swarm Optimization/PSO粒子群优化算法Part-of-speech tagging词性标注Perceptron感知机Performance measure性能度量Plug and Play Generative Network即插即用生成网络Plurality voting相对多数投票法Polarity detection极性检测Polynomial kernel function多项式核函数Pooling池化Positive class正类Positive definite matrix正定矩阵Post-hoc test后续检验Post-pruning后剪枝potential function势函数Precision查准率/准确率Prepruning预剪枝Principal component analysis/PCA主成分分析Principle of multiple explanations多释原则Prior先验Probability Graphical Model概率图模型Proximal Gradient Descent/PGD近端梯度下降Pruning剪枝Pseudo-label伪标记16、Q开头的词汇Quantized Neural Network量子化神经网络Quantum computer量子计算机Quantum Computing量子计算Quasi Newton method拟牛顿法17、R开头的词汇Radial Basis Function/RBF径向基函数Random Forest Algorithm随机森林算法Random walk随机漫步Recall查全率/召回率Receiver Operating Characteristic/ROC受试者工作特征Rectified Linear Unit/ReLU线性修正单元Recurrent Neural Network循环神经网络Recursive neural network递归神经网络Reference model参考模型Regression回归Regularization正则化Reinforcement learning/RL强化学习Representation learning表征学习Representer theorem表示定理reproducing kernel Hilbert space/RKHS再生核希尔伯特空间Re-sampling重采样法Rescaling再缩放Residual Mapping残差映射Residual Network残差网络Restricted Boltzmann Machine/RBM受限玻尔兹曼机Restricted Isometry Property/RIP限定等距性Re-weighting重赋权法Robustness稳健性/鲁棒性Root node根结点Rule Engine规则引擎Rule learning规则学习18、S开头的词汇Saddle point鞍点Sample space样本空间Sampling采样Score function评分函数Self-Driving自动驾驶Self-Organizing Map/SOM自组织映射Semi-naive Bayes classifiers半朴素贝叶斯分类器Semi-Supervised Learning半监督学习semi-Supervised Support Vector Machine半监督支持向量机Sentiment analysis情感分析Separating hyperplane分离超平面Sigmoid function Sigmoid 函数Similarity measure相似度度量Simulated annealing模拟退火Simultaneous localization and mapping同步定位与地图构建Singular Value Decomposition奇异值分解Slack variables松弛变量Smoothing平滑Soft margin软间隔Soft margin maximization软间隔最大化Soft voting软投票Sparse representation稀疏表征Sparsity稀疏性Specialization特化Spectral Clustering谱聚类Speech Recognition语音识别Splitting variable切分变量Squashing function挤压函数Stability-plasticity dilemma可塑性-稳定性困境Statistical learning统计学习Status feature function状态特征函Stochastic gradient descent随机梯度下降Stratified sampling分层采样Structural risk结构风险Structural risk minimization/SRM结构风险最小化Subspace子空间Supervised learning监督学习/有导师学习support vector expansion支持向量展式Support Vector Machine/SVM支持向量机Surrogat loss替代损失Surrogate function替代函数Symbolic learning符号学习Symbolism符号主义Synset同义词集19、T开头的词汇T-Distribution Stochastic Neighbour Embedding/t-SNE T–分布随机近邻嵌入Tensor张量Tensor Processing Units/TPU张量处理单元The least square method最小二乘法Threshold阈值Threshold logic unit阈值逻辑单元Threshold-moving阈值移动Time Step时间步骤Tokenization标记化Training error训练误差Training instance训练示例/训练例Transductive learning直推学习Transfer learning迁移学习Treebank树库Tria-by-error试错法True negative真负类True positive真正类True Positive Rate/TPR真正例率Turing Machine图灵机Twice-learning二次学习20、U开头的词汇Underfitting欠拟合/欠配Undersampling欠采样Understandability可理解性Unequal cost非均等代价Unit-step function单位阶跃函数Univariate decision tree单变量决策树Unsupervised learning无监督学习/无导师学习Unsupervised layer-wise training无监督逐层训练Upsampling上采样21、V开头的词汇Vanishing Gradient Problem梯度消失问题Variational inference变分推断VC Theory VC维理论Version space版本空间Viterbi algorithm维特比算法Von Neumann architecture冯·诺伊曼架构22、W开头的词汇Wasserstein GAN/WGAN Wasserstein生成对抗网络Weak learner弱学习器Weight权重Weight sharing权共享Weighted voting加权投票法Within-class scatter matrix类内散度矩阵Word embedding词嵌入Word sense disambiguation词义消歧23、Z开头的词汇Zero-data learning零数据学习Zero-shot learning零次学习。
人工智能相关词汇

人工智能相关词汇1. 机器学习2. 深度学习3. 神经网络4. 数据挖掘5. 预测模型6. 自适应学习7. 人工神经网络8. 强化学习9. 自然语言处理10. 图像识别11. 语音识别12. 模式识别13. 计算机视觉14. 知识表示15. 数据聚类16. 数据分类17. 数据预处理18. 数据标注19. 监督学习20. 无监督学习21. 半监督学习22. 神经元23. 神经元网络24. 模拟神经元25. 递归神经网络26. 卷积神经网络27. 循环神经网络28. 感知器29. 遗传算法30. 模拟退火31. Ant Colony Optimization (蚁群算法)32. Artificial Bee Colony (人工蜂群算法)33. 模糊逻辑34. 反向传播算法35. 梯度下降36. 线性回归37. 逻辑回归38. 随机森林39. 支持向量机40. K-最近邻算法41. 高斯混合模型42. Gated Recurrent Unit (门控循环单元)43. 长短时记忆网络 (LSTM)44. 深度置信网络 (DBN)45. 泊松分布46. 负二项分布47. 正太分布48. 卡方分布49. t分布50. 子空间聚类51. 层级聚类52. 密度聚类53. 期望最大化算法54. 线性判别分析 (LDA)55. 主成分分析 (PCA)56. 隐马尔可夫模型 (HMM)57. 贝叶斯网络58. 支配树算法59. 双曲线辅助算法60. 自适应辅助算法61. 静态辅助算法62. 动态辅助算法63. 布尔运算64. 行进树算法65. 局部最大值算法66. 全局最大值算法67. 互信息68. 信息熵69. Kullback-Leibler散度70. 交叉熵71. 熵权法72. 多标签分类73. 小波变换74. 动量法75. 反向传播 (BP) 算法76. AdaBoost77. 常规化78. 置信区间79. 统计假设检验80. 随机梯度下降81. 可逆计算82. 图像分割83. 数据流84. 列聚类85. 边缘检测86. 人工智能伦理87. 机器学习流程88. Hadoop89. Spark90. 图算法91. Residual Neural Network (残差神经网络)92. 生成对抗网络 (GAN)93. 青蛙跳算法94. 微分进化算法95. 整数编码遗传算法96. 量子遗传算法97. 水循环算法98. 其他进化算法99. 元学习100. 机器学习应用于新冠疫情预测。
2023年度科技词汇

2023年度科技词汇
2023年度科技词汇有:
1. 大语言模型:是人工智能领域的现象级概念。
2. 生成式人工智能:是能够高效地生成全新的、真实的、有用的数据的人工智能系统。
3. 量子计算:是遵循量子力学规律进行高速数学和逻辑运算、存储及处理量子信息的物理装置。
4. 脑机接口:是在人脑和计算机或其他电子设备之间建立直接的通信和控制路径的技术。
5. 数据要素:是数据资源,是数据来源的构成,包括数据采集、数据存储、数据清洗等。
6. 智慧城市:是运用物联网、云计算、大数据、空间地理信息集成等新一代信息技术,促进城市规划、建设、管理和服务智慧化的新理念和新模式。
7. 碳足迹:是指企业机构、活动、产品或个人通过交通运输、食品生产和消费以及各类生产过程等引起的温室气体排放的集合。
8. 柔性制造:是一种灵活、高效和个性化的制造方式,通过先进的自动化和信息技术实现生产线的智能化和柔性化。
9. 再生稻:是指利用水稻的再生能力,在头季稻收割后,让稻桩上存活的休眠芽萌发生长,抽穗结实,再收一季稻的种植方式。
10. 可控核聚变:是一种利用轻元素核在超高温和超高压环境下聚变成重元素核
并释放巨大能量的技术。
AI专用词汇

AI专⽤词汇LetterAAccumulatederrorbackpropagation累积误差逆传播ActivationFunction激活函数AdaptiveResonanceTheory/ART⾃适应谐振理论Addictivemodel加性学习Adversari alNetworks对抗⽹络AffineLayer仿射层Affinitymatrix亲和矩阵Agent代理/智能体Algorithm算法Alpha-betapruningα-β剪枝Anomalydetection异常检测Approximation近似AreaUnderROCCurve/AUCRoc曲线下⾯积ArtificialGeneralIntelligence/AGI通⽤⼈⼯智能ArtificialIntelligence/AI⼈⼯智能Associationanalysis关联分析Attentionmechanism注意⼒机制Attributeconditionalindependenceassumption属性条件独⽴性假设Attributespace属性空间Attributevalue属性值Autoencoder⾃编码器Automaticspeechrecognition⾃动语⾳识别Automaticsummarization⾃动摘要Aver agegradient平均梯度Average-Pooling平均池化LetterBBackpropagationThroughTime通过时间的反向传播Backpropagation/BP反向传播Baselearner基学习器Baselearnin galgorithm基学习算法BatchNormalization/BN批量归⼀化Bayesdecisionrule贝叶斯判定准则BayesModelAveraging/BMA贝叶斯模型平均Bayesoptimalclassifier贝叶斯最优分类器Bayesiandecisiontheory贝叶斯决策论Bayesiannetwork贝叶斯⽹络Between-cla ssscattermatrix类间散度矩阵Bias偏置/偏差Bias-variancedecomposition偏差-⽅差分解Bias-VarianceDilemma偏差–⽅差困境Bi-directionalLong-ShortTermMemory/Bi-LSTM双向长短期记忆Binaryclassification⼆分类Binomialtest⼆项检验Bi-partition⼆分法Boltzmannmachine玻尔兹曼机Bootstrapsampling⾃助采样法/可重复采样/有放回采样Bootstrapping⾃助法Break-EventPoint/BEP平衡点LetterCCalibration校准Cascade-Correlation级联相关Categoricalattribute离散属性Class-conditionalprobability类条件概率Classificationandregressiontree/CART分类与回归树Classifier分类器Class-imbalance类别不平衡Closed-form闭式Cluster簇/类/集群Clusteranalysis聚类分析Clustering聚类Clusteringensemble聚类集成Co-adapting共适应Codin gmatrix编码矩阵COLT国际学习理论会议Committee-basedlearning基于委员会的学习Competiti velearning竞争型学习Componentlearner组件学习器Comprehensibility可解释性Comput ationCost计算成本ComputationalLinguistics计算语⾔学Computervision计算机视觉C onceptdrift概念漂移ConceptLearningSystem/CLS概念学习系统Conditionalentropy条件熵Conditionalmutualinformation条件互信息ConditionalProbabilityTable/CPT条件概率表Conditionalrandomfield/CRF条件随机场Conditionalrisk条件风险Confidence置信度Confusionmatrix混淆矩阵Connectionweight连接权Connectionism连结主义Consistency⼀致性/相合性Contingencytable列联表Continuousattribute连续属性Convergence收敛Conversationalagent会话智能体Convexquadraticprogramming凸⼆次规划Convexity凸性Convolutionalneuralnetwork/CNN卷积神经⽹络Co-oc currence同现Correlationcoefficient相关系数Cosinesimilarity余弦相似度Costcurve成本曲线CostFunction成本函数Costmatrix成本矩阵Cost-sensitive成本敏感Crosse ntropy交叉熵Crossvalidation交叉验证Crowdsourcing众包Curseofdimensionality维数灾难Cutpoint截断点Cuttingplanealgorithm割平⾯法LetterDDatamining数据挖掘Dataset数据集DecisionBoundary决策边界Decisionstump决策树桩Decisiontree决策树/判定树Deduction演绎DeepBeliefNetwork深度信念⽹络DeepConvolutionalGe nerativeAdversarialNetwork/DCGAN深度卷积⽣成对抗⽹络Deeplearning深度学习Deep neuralnetwork/DNN深度神经⽹络DeepQ-Learning深度Q学习DeepQ-Network深度Q⽹络Densityestimation密度估计Density-basedclustering密度聚类Differentiab leneuralcomputer可微分神经计算机Dimensionalityreductionalgorithm降维算法D irectededge有向边Disagreementmeasure不合度量Discriminativemodel判别模型Di scriminator判别器Distancemeasure距离度量Distancemetriclearning距离度量学习D istribution分布Divergence散度Diversitymeasure多样性度量/差异性度量Domainadaption领域⾃适应Downsampling下采样D-separation(Directedseparation)有向分离Dual problem对偶问题Dummynode哑结点DynamicFusion动态融合Dynamicprogramming动态规划LetterEEigenvaluedecomposition特征值分解Embedding嵌⼊Emotionalanalysis情绪分析Empiricalconditionalentropy经验条件熵Empiricalentropy经验熵Empiricalerror经验误差Empiricalrisk经验风险End-to-End端到端Energy-basedmodel基于能量的模型Ensemblelearning集成学习Ensemblepruning集成修剪ErrorCorrectingOu tputCodes/ECOC纠错输出码Errorrate错误率Error-ambiguitydecomposition误差-分歧分解Euclideandistance欧⽒距离Evolutionarycomputation演化计算Expectation-Maximization期望最⼤化Expectedloss期望损失ExplodingGradientProblem梯度爆炸问题Exponentiallossfunction指数损失函数ExtremeLearningMachine/ELM超限学习机LetterFFactorization因⼦分解Falsenegative假负类Falsepositive假正类False PositiveRate/FPR假正例率Featureengineering特征⼯程Featureselection特征选择Featurevector特征向量FeaturedLearning特征学习FeedforwardNeuralNetworks/FNN前馈神经⽹络Fine-tuning微调Flippingoutput翻转法Fluctuation震荡Forwards tagewisealgorithm前向分步算法Frequentist频率主义学派Full-rankmatrix满秩矩阵Func tionalneuron功能神经元LetterGGainratio增益率Gametheory博弈论Gaussianker nelfunction⾼斯核函数GaussianMixtureModel⾼斯混合模型GeneralProblemSolving通⽤问题求解Generalization泛化Generalizationerror泛化误差Generalizatione rrorbound泛化误差上界GeneralizedLagrangefunction⼴义拉格朗⽇函数Generalized linearmodel⼴义线性模型GeneralizedRayleighquotient⼴义瑞利商GenerativeAd versarialNetworks/GAN⽣成对抗⽹络GenerativeModel⽣成模型Generator⽣成器Genet icAlgorithm/GA遗传算法Gibbssampling吉布斯采样Giniindex基尼指数Globalminimum全局最⼩GlobalOptimization全局优化Gradientboosting梯度提升GradientDescent梯度下降Graphtheory图论Ground-truth真相/真实LetterHHardmargin硬间隔Hardvoting硬投票Harmonicmean调和平均Hessematrix海塞矩阵Hiddendynamicmodel隐动态模型H iddenlayer隐藏层HiddenMarkovModel/HMM隐马尔可夫模型Hierarchicalclustering层次聚类Hilbertspace希尔伯特空间Hingelossfunction合页损失函数Hold-out留出法Homo geneous同质Hybridcomputing混合计算Hyperparameter超参数Hypothesis假设Hypothe sistest假设验证LetterIICML国际机器学习会议Improvediterativescaling/IIS改进的迭代尺度法Incrementallearning增量学习Independentandidenticallydistributed/i.i.d.独⽴同分布IndependentComponentAnalysis/ICA独⽴成分分析Indicatorfunction指⽰函数Individuallearner个体学习器Induction归纳Inductivebias归纳偏好I nductivelearning归纳学习InductiveLogicProgramming/ILP归纳逻辑程序设计Infor mationentropy信息熵Informationgain信息增益Inputlayer输⼊层Insensitiveloss不敏感损失Inter-clustersimilarity簇间相似度InternationalConferencefor MachineLearning/ICML国际机器学习⼤会Intra-clustersimilarity簇内相似度Intrinsicvalue固有值IsometricMapping/Isomap等度量映射Isotonicregression等分回归It erativeDichotomiser迭代⼆分器LetterKKernelmethod核⽅法Kerneltrick核技巧K ernelizedLinearDiscriminantAnalysis/KLDA核线性判别分析K-foldcrossvalidationk折交叉验证/k倍交叉验证K-MeansClusteringK–均值聚类K-NearestNeighb oursAlgorithm/KNNK近邻算法Knowledgebase知识库KnowledgeRepresentation知识表征LetterLLabelspace标记空间Lagrangeduality拉格朗⽇对偶性Lagrangemultiplier拉格朗⽇乘⼦Laplacesmoothing拉普拉斯平滑Laplaciancorrection拉普拉斯修正Latent DirichletAllocation隐狄利克雷分布Latentsemanticanalysis潜在语义分析Latentvariable隐变量Lazylearning懒惰学习Learner学习器Learningbyanalogy类⽐学习Learn ingrate学习率LearningVectorQuantization/LVQ学习向量量化Leastsquaresre gressiontree最⼩⼆乘回归树Leave-One-Out/LOO留⼀法linearchainconditional randomfield线性链条件随机场LinearDiscriminantAnalysis/LDA线性判别分析Linearmodel线性模型LinearRegression线性回归Linkfunction联系函数LocalMarkovproperty局部马尔可夫性Localminimum局部最⼩Loglikelihood对数似然Logodds/logit对数⼏率Lo gisticRegressionLogistic回归Log-likelihood对数似然Log-linearregression对数线性回归Long-ShortTermMemory/LSTM长短期记忆Lossfunction损失函数LetterM Machinetranslation/MT机器翻译Macron-P宏查准率Macron-R宏查全率Majorityvoting绝对多数投票法Manifoldassumption流形假设Manifoldlearning流形学习Margintheory间隔理论Marginaldistribution边际分布Marginalindependence边际独⽴性Marginalization边际化MarkovChainMonteCarlo/MCMC马尔可夫链蒙特卡罗⽅法MarkovRandomField马尔可夫随机场Maximalclique最⼤团MaximumLikelihoodEstimation/MLE极⼤似然估计/极⼤似然法Maximummargin最⼤间隔Maximumweightedspanningtree最⼤带权⽣成树Max-P ooling最⼤池化Meansquarederror均⽅误差Meta-learner元学习器Metriclearning度量学习Micro-P微查准率Micro-R微查全率MinimalDescriptionLength/MDL最⼩描述长度Minim axgame极⼩极⼤博弈Misclassificationcost误分类成本Mixtureofexperts混合专家Momentum动量Moralgraph道德图/端正图Multi-classclassification多分类Multi-docum entsummarization多⽂档摘要Multi-layerfeedforwardneuralnetworks多层前馈神经⽹络MultilayerPerceptron/MLP多层感知器Multimodallearning多模态学习Multipl eDimensionalScaling多维缩放Multiplelinearregression多元线性回归Multi-re sponseLinearRegression/MLR多响应线性回归Mutualinformation互信息LetterN Naivebayes朴素贝叶斯NaiveBayesClassifier朴素贝叶斯分类器Namedentityrecognition命名实体识别Nashequilibrium纳什均衡Naturallanguagegeneration/NLG⾃然语⾔⽣成Naturallanguageprocessing⾃然语⾔处理Negativeclass负类Negativecorrelation负相关法NegativeLogLikelihood负对数似然NeighbourhoodComponentAnalysis/NCA近邻成分分析NeuralMachineTranslation神经机器翻译NeuralTuringMachine神经图灵机Newtonmethod⽜顿法NIPS国际神经信息处理系统会议NoFreeLunchTheorem /NFL没有免费的午餐定理Noise-contrastiveestimation噪⾳对⽐估计Nominalattribute列名属性Non-convexoptimization⾮凸优化Nonlinearmodel⾮线性模型Non-metricdistance⾮度量距离Non-negativematrixfactorization⾮负矩阵分解Non-ordinalattribute⽆序属性Non-SaturatingGame⾮饱和博弈Norm范数Normalization归⼀化Nuclearnorm核范数Numericalattribute数值属性LetterOObjectivefunction⽬标函数Obliquedecisiontree斜决策树Occam’srazor奥卡姆剃⼑Odds⼏率Off-Policy离策略Oneshotlearning⼀次性学习One-DependentEstimator/ODE独依赖估计On-Policy在策略Ordinalattribute有序属性Out-of-bagestimate包外估计Outputlayer输出层Outputsmearing输出调制法Overfitting过拟合/过配Oversampling过采样LetterPPairedt-test成对t检验Pairwise成对型PairwiseMarkovproperty成对马尔可夫性Parameter参数Parameterestimation参数估计Parametertuning调参Parsetree解析树ParticleSwarmOptimization/PSO粒⼦群优化算法Part-of-speechtagging词性标注Perceptron感知机Performanceme asure性能度量PlugandPlayGenerativeNetwork即插即⽤⽣成⽹络Pluralityvoting相对多数投票法Polaritydetection极性检测Polynomialkernelfunction多项式核函数Pooling池化Positiveclass正类Positivedefinitematrix正定矩阵Post-hoctest后续检验Post-pruning后剪枝potentialfunction势函数Precision查准率/准确率Prepruning预剪枝Principalcomponentanalysis/PCA主成分分析Principleofmultipleexplanations多释原则Prior先验ProbabilityGraphicalModel概率图模型ProximalGradientDescent/PGD近端梯度下降Pruning剪枝Pseudo-label伪标记LetterQQuantizedNeu ralNetwork量⼦化神经⽹络Quantumcomputer量⼦计算机QuantumComputing量⼦计算Quasi Newtonmethod拟⽜顿法LetterRRadialBasisFunction/RBF径向基函数RandomFo restAlgorithm随机森林算法Randomwalk随机漫步Recall查全率/召回率ReceiverOperatin gCharacteristic/ROC受试者⼯作特征RectifiedLinearUnit/ReLU线性修正单元Recurr entNeuralNetwork循环神经⽹络Recursiveneuralnetwork递归神经⽹络Referencemodel参考模型Regression回归Regularization正则化Reinforcementlearning/RL强化学习Representationlearning表征学习Representertheorem表⽰定理reproducingke rnelHilbertspace/RKHS再⽣核希尔伯特空间Re-sampling重采样法Rescaling再缩放Residu alMapping残差映射ResidualNetwork残差⽹络RestrictedBoltzmannMachine/RBM受限玻尔兹曼机RestrictedIsometryProperty/RIP限定等距性Re-weighting重赋权法Robu stness稳健性/鲁棒性Rootnode根结点RuleEngine规则引擎Rulelearning规则学习LetterS Saddlepoint鞍点Samplespace样本空间Sampling采样Scorefunction评分函数Self-Driving⾃动驾驶Self-OrganizingMap/SOM⾃组织映射Semi-naiveBayesclassifiers半朴素贝叶斯分类器Semi-SupervisedLearning半监督学习semi-SupervisedSupportVec torMachine半监督⽀持向量机Sentimentanalysis情感分析Separatinghyperplane分离超平⾯SigmoidfunctionSigmoid函数Similaritymeasure相似度度量Simulatedannealing模拟退⽕Simultaneouslocalizationandmapping同步定位与地图构建SingularV alueDecomposition奇异值分解Slackvariables松弛变量Smoothing平滑Softmargin软间隔Softmarginmaximization软间隔最⼤化Softvoting软投票Sparserepresentation稀疏表征Sparsity稀疏性Specialization特化SpectralClustering谱聚类SpeechRecognition语⾳识别Splittingvariable切分变量Squashingfunction挤压函数Stability-plasticitydilemma可塑性-稳定性困境Statisticallearning统计学习Statusfeaturefunction状态特征函Stochasticgradientdescent随机梯度下降Stratifiedsampling分层采样Structuralrisk结构风险Structuralriskminimization/SRM结构风险最⼩化S ubspace⼦空间Supervisedlearning监督学习/有导师学习supportvectorexpansion⽀持向量展式SupportVectorMachine/SVM⽀持向量机Surrogatloss替代损失Surrogatefunction替代函数Symboliclearning符号学习Symbolism符号主义Synset同义词集LetterTT-Di stributionStochasticNeighbourEmbedding/t-SNET–分布随机近邻嵌⼊Tensor张量TensorProcessingUnits/TPU张量处理单元Theleastsquaremethod最⼩⼆乘法Th reshold阈值Thresholdlogicunit阈值逻辑单元Threshold-moving阈值移动TimeStep时间步骤Tokenization标记化Trainingerror训练误差Traininginstance训练⽰例/训练例Tran sductivelearning直推学习Transferlearning迁移学习Treebank树库Tria-by-error试错法Truenegative真负类Truepositive真正类TruePositiveRate/TPR真正例率TuringMachine图灵机Twice-learning⼆次学习LetterUUnderfitting⽋拟合/⽋配Undersampling⽋采样Understandability可理解性Unequalcost⾮均等代价Unit-stepfunction单位阶跃函数Univariatedecisiontree单变量决策树Unsupervisedlearning⽆监督学习/⽆导师学习Unsupervisedlayer-wisetraining⽆监督逐层训练Upsampling上采样LetterVVanishingGradientProblem梯度消失问题Variationalinference变分推断VCTheoryVC维理论Versionspace版本空间Viterbialgorithm维特⽐算法VonNeumannarchitecture冯·诺伊曼架构LetterWWassersteinGAN/WGANWasserstein⽣成对抗⽹络Weaklearner弱学习器Weight权重Weightsharing权共享Weightedvoting加权投票法Within-classscattermatrix类内散度矩阵Wordembedding词嵌⼊Wordsensedisambiguation词义消歧LetterZZero-datalearning零数据学习Zero-shotlearning零次学习。
it 常用专业 术语 词汇

it 常用专业术语词汇IT常用专业术语词汇一、计算机硬件方面的术语1. CPU(中央处理器):计算机的主要处理器件,负责执行指令和处理数据。
2. RAM(随机存取存储器):用于临时存储数据和程序的计算机内部存储器。
3. 硬盘:计算机中用于永久存储数据的装置。
4. 主板:计算机的核心组件,用于连接各种硬件设备。
5. 显卡:用于处理和输出图形图像的设备。
6. 网卡:用于连接计算机与网络的设备。
二、网络方面的术语1. IP地址:用于标识网络设备的唯一地址。
2. 子网掩码:用于划分IP地址的网络部分和主机部分。
3. 网关:连接不同网络的设备,实现网络之间的通信。
4. DNS(域名系统):将域名转换为IP地址的系统。
5. DHCP(动态主机配置协议):自动分配IP地址的协议。
6. 路由器:用于将网络数据包转发到不同的网络的设备。
三、软件方面的术语1. 操作系统:控制和管理计算机硬件和软件资源的系统软件。
2. 编程语言:用于编写计算机程序的语言,如C++、Java等。
3. 数据库:用于存储和管理数据的系统,如MySQL、Oracle等。
4. IDE(集成开发环境):集成了代码编辑、编译、调试等功能的软件工具。
5. API(应用程序接口):定义了软件组件之间的通信规范和功能调用方式。
四、安全方面的术语1. 防火墙:用于保护计算机网络免受未授权访问的设备或软件。
2. 加密:将数据转换为密文,以保护数据的安全性。
3. VPN(虚拟私人网络):通过加密和隧道技术实现安全的远程访问网络的方法。
4. 权限管理:对用户进行身份验证和授权,限制其对系统资源的访问权限。
五、软件开发方面的术语1. 需求分析:确定软件系统的功能和性能需求,为软件开发提供指导。
2. 设计模式:用于解决软件设计中常见问题的重复模式。
3. 迭代开发:将软件开发过程分为多个迭代周期,每个周期交付一部分功能。
4. 单元测试:对软件中的最小功能单元进行测试,以验证其正确性和稳定性。
人工智能 词汇

人工智能词汇人工智能是近年来科技领域的热门话题,它是指通过机器模拟人类智能行为的技术和系统。
人工智能的发展和应用已经深入到了各个领域,包括医疗、金融、交通、教育等。
下面,我们将从不同的角度来探讨与人工智能相关的词汇。
一、机器学习机器学习是人工智能的重要分支之一,它是指通过让机器利用大量数据进行自动学习和优化,从而达到智能化的目的。
机器学习可以分为监督学习、无监督学习和强化学习等不同类型。
监督学习是指让机器根据已有的标记数据进行学习,从而预测未知数据的类别或标签;无监督学习则是让机器从未标记的数据中自主学习出其中的规律和结构;强化学习则是通过给机器设置奖励机制,让其在与环境的交互中不断优化自身的行为。
二、深度学习深度学习是机器学习的一种特殊形式,它模仿人类大脑神经网络的结构和功能进行学习和处理。
深度学习的核心是神经网络,通过多层次的神经元之间的连接和信息传递,实现对复杂数据的分析和识别。
深度学习在图像识别、语音识别、自然语言处理等领域取得了重大突破,使得机器能够更加准确地模仿人类的感知和认知能力。
三、自然语言处理自然语言处理是人工智能的一个重要应用领域,它涉及机器对人类语言进行理解和处理的技术。
自然语言处理可以用于机器翻译、文本分类、情感分析、问答系统等方面。
通过深度学习和其他技术手段,机器可以对人类语言进行分词、词性标注、句法分析等处理,从而实现与人类的交互和沟通。
四、智能机器人智能机器人是人工智能在机器人领域的应用,它结合了感知、决策和执行等多个技术,使得机器人能够像人类一样进行感知、思考和行动。
智能机器人可以在工业生产、服务领域、医疗护理等多个场景中发挥重要作用。
它们可以代替人类进行重复性、危险性或高精度的工作,提高工作效率和质量。
五、人机协作人机协作是指人类与机器之间的合作关系,通过机器的智能化和人类的专业知识和经验相结合,实现更高效、更准确的工作。
人机协作可以在医疗诊断、科研探索、金融风险评估等领域中发挥重要作用。
人工智能重点词汇表

1.人工智能从狭义的概念上来讲,人工智能是计算机科学中涉及研究,设计和应用智能机器的一个分支,是智能计算机系统的研究。
从广义上来讲,人工智能是指人类智能行为规律、智能理论方面的研究。
2.图灵试验当一个人与一个封闭房间里的人或者机器交谈,如果他不能分辨自己问题的回答是计算机还是人给出,则称该机器是具有智能的。
以往该试验几乎是衡量机器人工智能的唯一标准,但是从九十年代开始,现代人工智能领域的科学家开始对此试验提出异议。
反对封闭式的,机器完全自主的智能。
提出与外界交流的,人机交互的智能。
3.归结原理又称为消解原理。
该原理是一种基于逻辑的、采用反证法的推理方法。
由于其理论上的完备性,归结原理成为机器定理证明的主要方法。
4.命题描述事实、事物的状态、关系等性质的文字串,取值为真或假(表示是否成立)的句子。
5.范式范式是公式的标准形式,公式往往需要变换为同它等价的范式,以便对它们作一般性的处理。
6.前束范式A 是一个前束范式,如果A 中的一切量词都位于该公式的最左边(不含否定词),且这些量词的辖域都延伸到公式的末端。
7.Skolem 标准形前束范式中消去所有的存在量词,则称这种形式的谓词公式为Skolem 标准形。
8.文字不含任何连接词的谓词公式。
9.子句一些文字的析取(谓词的和)。
10.子句集所有子句的集合。
11.一阶逻辑谓词中不再含有谓词的逻辑关系式。
12.个体词表示主语的词。
13.谓词刻画个体性质或个体之间关系的词。
14.量词表示数量的词。
15.置换可以简单的理解为是在一个谓词公式中用置换项去置换变量。
置换是形如{t1/x1, t2/x2, ⋯,tn/xn}的有限集合。
其中,x1, x2, ⋯, xn 是互不相同的变量,t1, t2, ⋯, tn 是不同于xi 的项(常量、变量、函数);ti/xi 表示用ti 置换xi ,并且要求ti 与xi 不能相同,而且xi 不能循环地出现在另一个ti 中。
16.归类设有两个子句C 和D,若有置换σ使得C σ D 成立,则称子句C 把子句D 归类。
人工智能英文词汇

人工智能英文词汇Artificial Intelligence VocabularyIntroduction:Artificial intelligence (AI) has emerged as a transformative technology, revolutionizing various sectors globally. With its increasing importance, understanding and becoming familiar with the relevant vocabulary is essential. In this article, we will explore a comprehensive list of commonly used English terms related to artificial intelligence.1. Machine Learning:Machine learning is a branch of AI that focuses on developing algorithms and statistical models that enable computers to learn and make predictions or decisions without explicit programming. It involves the use of training data to build models that can generalize and make accurate predictions on new, unseen data.2. Deep Learning:Deep learning is a subset of machine learning that utilizes artificial neural networks and large-scale computational resources to analyze vast amounts of data. It enables the system to automatically learn and extract complex patterns or features from the data, similar to how the human brain functions.3. Neural Network:A neural network is a network of artificial neurons or nodes that are interconnected in layers. It is designed to mimic human neural networks andprocess complex information. Neural networks play a crucial role in deep learning algorithms, enabling the development of highly accurate predictive models.4. Natural Language Processing (NLP):Natural Language Processing is a subfield of AI that focuses on the interaction between computers and humans through natural language. It involves tasks such as speech recognition, language understanding, and machine translation. NLP enables computers to understand and generate human language, facilitating communication and information processing.5. Computer Vision:Computer vision involves the use of AI and image processing techniques to enable computers to interpret and analyze visual information. It encompasses tasks such as object recognition, image classification, and image generation. Computer vision finds applications in areas like autonomous vehicles, medical imaging, and surveillance systems.6. Robotics:Robotics involves the design, construction, programming, and operation of robots. AI plays a vital role in robotics by enabling autonomous decision-making, learning, and adaptation. Robotics combines various technologies, including AI, to develop intelligent machines that can interact with the physical world and perform human-like tasks.7. Big Data:Big data refers to the massive volume of structured and unstructured data that is generated at an unprecedented rate. AI technologies like machine learning and deep learning can analyze big data to extract meaningful insights, patterns, and trends. The integration of big data and AI has opened up new opportunities and possibilities across industries.8. Algorithm:An algorithm is a step-by-step procedure or set of rules designed to solve a specific problem or perform a particular task. In the context of AI, algorithms are responsible for processing and analyzing data, training machine learning models, and making predictions or decisions. Well-designed algorithms are crucial for achieving accurate and efficient AI systems.9. Predictive Analytics:Predictive analytics involves utilizing historical and current data to forecast future outcomes or trends. AI techniques, such as machine learning, are often used in predictive analytics to analyze large datasets, identify patterns, and make accurate predictions. Predictive analytics finds applications in various domains, including marketing, finance, and healthcare.10. Virtual Assistant:A virtual assistant is an AI-powered software that can perform tasks or services for individuals. It uses natural language processing and speech recognition to understand and respond to users' voice commands or textinputs. Virtual assistants, such as Siri, Alexa, and Google Assistant, have become increasingly popular, enhancing productivity and convenience.Conclusion:As AI continues to evolve and shape our world, having a good understanding of the associated vocabulary is essential. In this article, we have delved into some of the key terms related to artificial intelligence. By familiarizing ourselves with these terms, we can stay informed and effectively engage in discussions and developments within the AI domain.。
人工智能类写作词汇

人工智能类写作词汇人工智能是一个涵盖广泛的领域,涉及到许多专业术语和写作词汇。
以下是一些与人工智能相关的常见词汇:1. 人工智能(Artificial Intelligence,AI),指由机器或计算机系统执行的任务,通常需要人类智力的特征,例如学习、推理、问题解决等。
2. 机器学习(Machine Learning),一种人工智能的应用,指机器通过从数据中学习并自动改进算法,而不需要明确的编程。
3. 深度学习(Deep Learning),一种机器学习的特定形式,通过模拟人类大脑的神经网络结构来进行学习和决策。
4. 自然语言处理(Natural Language Processing,NLP),涉及计算机与人类自然语言的交互,包括语音识别、文本理解和生成等技术。
5. 机器视觉(Computer Vision),指计算机系统对图像和视频进行理解和分析的能力,通常涉及图像识别、目标检测等技术。
6. 强化学习(Reinforcement Learning),一种机器学习的方法,通过试错和奖惩机制来训练智能体做出决策。
7. 神经网络(Neural Network),模仿人类神经系统构建的计算模型,用于处理复杂的输入数据并进行学习和推断。
8. 数据挖掘(Data Mining),从大规模数据中发现模式、趋势和关联性的过程,通常与人工智能和机器学习结合使用。
9. 人机交互(Human-Computer Interaction,HCI),研究如何设计和实现人类与计算机系统之间的有效交互方式。
10. 智能代理(Intelligent Agent),指能够感知环境并采取行动以实现特定目标的计算系统,例如虚拟助手和自动驾驶系统等。
以上是一些与人工智能相关的常见词汇,这些术语在人工智能领域的研究和应用中扮演着重要的角色。
希望这些词汇能够帮助你更好地理解人工智能领域的相关内容。
ai中描述女生的衣服的词

在描述女性的衣服时,人工智能(AI)使用的词汇:
1.裙子(Dress):可以进一步描述为连衣裙、短裙、长裙、A
字裙、紧身裙等。
2.上衣(Top):包括T恤、衬衫、毛衣、吊带、背心等。
3.外套(Jacket):如风衣、皮夹克、羽绒服、牛仔外套等。
4.裤子(Pants):如牛仔裤、休闲裤、阔腿裤、紧身裤等。
5.连衣裙(Skirt):可能是短裙、中裙或长裙,也可以描述为A
字裙、铅笔裙等。
6.配饰(Accessories):如帽子、围巾、手套、腰带等。
7.颜色(Color):如红色、蓝色、绿色、紫色等,或者更具体
的颜色如粉色、米色、酒红等。
8.材质(Material):如棉、麻、丝绸、羊毛、皮革等。
9.图案(Pattern):如条纹、格子、波点、印花等。
10.风格(Style):如复古、现代、简约、华丽、休闲等。
人工智能专业词汇

人工智能专业词汇1. 机器学习 (Machine Learning): 通过让计算机从数据中学习和改善性能的技术。
2. 深度学习 (Deep Learning): 一种通过构建多层神经网络来模拟人脑神经元结构和处理方式的机器学习方法。
3. 自然语言处理 (Natural Language Processing, NLP): 用于理解和处理人类语言的技术。
4. 机器视觉 (Computer Vision): 计算机处理和解释图像和视频的能力。
5. 数据挖掘 (Data Mining): 从大量数据中发现未知的模式、关系和趋势的过程。
6. 强化学习 (Reinforcement Learning): 通过试错和反馈的方式让机器自主学习和改善性能的方法。
7. 神经网络 (Neural Network): 由多个人工神经元组成的计算模型,用于模拟人脑神经网络的工作方式。
8. 感知 (Perception): 机器通过传感器和处理算法获取并理解环境的能力。
9. 自主决策 (Autonomous Decision Making): 让机器通过学习和分析情况来做出决策的能力。
10. 数据预处理 (Data Preprocessing): 对原始数据进行清洗、转换和规范化的过程,以提高机器学习算法的性能。
11. 模型评估 (Model Evaluation): 使用测试数据来评估机器学习模型的性能和准确度。
12. 聚类 (Clustering): 将数据根据相似性进行分组的过程,用于发现数据集中的隐藏模式。
13. 分类 (Classification): 将数据分为预定义类别的过程,用于预测未知数据的分类。
14. 回归 (Regression): 建立模型来预测连续变量的过程,用于分析变量之间的关系。
15. 优化算法 (Optimization Algorithms): 用于优化模型参数和损失函数的算法,以提高模型性能。
人工智能应用英语作文常用的高级词汇和句式附加句式翻译练习

人工智能应用英语作文常用的高级词汇和句式附加句式翻译练习人工智能(AI)已经成为当今的热门话题。
下面是一些关于人工智能应用英语作文常用的高级词汇和句式,以及附加句式翻译练,帮助你更好地写作。
高级词汇- Artificial intelligence (AI):人工智能- Machine learning:机器研究- Neural network:神经网络- Big data:大数据- Deep learning:深度研究- Natural language processing (NLP):自然语言处理- Robotics:机器人技术- Expert system:专家系统- Augmented reality (AR):增强现实- Virtual reality (VR):虚拟现实- Data mining:数据挖掘- Internet of Things (IoT):物联网高级句式1. 引入句式- In recent years, AI has emerged as a revolutionary technology. 近年来,人工智能已经成为一项革命性的技术。
2. 表达观点句式- From my perspective, AI has the potential to change the world. 从我的角度来看,人工智能有改变世界的潜力。
- It is my belief that AI is an indispensable part of our future. 我相信,人工智能是我们未来不可或缺的一部分。
- In my opinion, AI will bring significant benefits to society. 在我看来,人工智能将为社会带来巨大的收益。
- Personally, I think AI is one of the most important technological advancements of our time. 就我个人而言,我认为人工智能是我们这个时代最重要的技术进步之一。
人工智能词汇117

实用标准文档常用英语词汇-andrew Ng课程intensity 强度Regression 回归Loss function损失函数non-convex三非凸函数neural network 神经网络supervised learning 监督学习regression problem回归问题处理的是连续的问题classification problem 分类问题discreet value 离散值support vector machines 支持向量机learning theory 学习理论learning algorithms 学习算法unsupervised learning 无监督学习gradient descent 梯度下降linear regression 线性回归Neural Network 神经网络gradient descent 梯度下降normal equationslinear algebra 线性代数superscript 上标exponentiation 指数training set训练集合training example 训练样本hypothesis假设,用来表示学习算法的输出LMS algorithm “least mean squares 最小二乘法算法batch gradient descent 批量梯度下降constantly gradient descent 随机梯度下降iterative algorithm 迭代算法partial derivative 偏导数contour等高线quadratic function 二元函数locally weighted regression 局部加权回归underfitting 欠拟合overfitting 过拟合non-parametric learning algorithms 无参数学习算法parametric learning algorithm 参数学习算法activation 激活值activation function 激活函数additive noise 力口性噪声autoencoder自编码器Autoencoders自编码算法average firing rate 平均激活率实用标准文档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 隐含层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 导函数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均值为零Accumulated error backpropagation 累积误差逆传播Activation Function 激活函数Adaptive Resonance Theory/ART 自适应谐振理论Addictive model 加性学习Adversarial Networks 对抗网络Affine Layer 仿射层Affinity matrix 亲和矩阵Agent代理/智能体Algorithm 算法Alpha-beta pruning a-p 剪枝Anomaly detection 异常检测Approximation 近似Area Under ROC Curve / AUC Roc 曲线下面积Artificial General Intelligence/AGI 通用人工智能Artificial Intelligence/AI 人工智能Association analysis 关联分析Attention mechanism 注意力机制Attribute conditional independence assumption属性条件独立性假设Attribute space 属性空间Attribute value 属性值Autoencoder自编码器Automatic speech recognition 自动语音识另ijAutomatic summarization 自动摘要Average gradient 平均梯度Average-Pooling 平均池化Backpropagation Through Time 通过时间的反向传播Backpropagation/BP 反向传播Base learner基学习器Base learning algorithm 基学习算法Batch Normalization/BN 批量归一化Bayes decision rule贝叶斯判定准则Bayes Model Averaging / BMA 贝叶斯模型平均Bayes optimal classifier贝叶斯最优分类器Bayesian decision theory 贝叶斯决策论Bayesian network贝叶斯网络Between-class scatter matrix 类间散度矩阵Bias偏置/偏差Bias-variance decomposition 偏差一方差分解Bias-Variance Dilemma 偏差-方差困境Bi-directional Long-Short Term Memory/Bi-LSTM 双向长短期记忆Binary classification 二分类Binomial test 二项检验Bi-partition 二分法Boltzmann machine 玻尔兹曼机Bootstrap sampling自助采样法/可重复采样Bootstrapping 自助法Break-Event Point / BEP 平衡点Calibration 校准Cascade-Correlation 级联相关Categorical attribute 离散属性Class-conditional probability 类条件概率Classification and regression tree/CART 分类与回Classifier 分类器Class-imbalance类别不平衡Closed -form 闭式Cluster簇/类/集群Cluster analysis 聚类分析Clustering 聚类Clustering ensemble 聚类集成Co-adapting 共适应Coding matrix编码矩阵COLT国际学习理论会议Committee-based learning 基于委员会的学习Competitive learning 竞争型学习Component learner 组件学习器Comprehensibility 可解释性Computation Cost 计算成本Computational Linguistics 计算语言学Computer vision计算机视觉Concept drift概念漂移Concept Learning System /CLS 概念学习系统Conditional entropy 条件熵Conditional mutual information 条件互信息Conditional Probability Table / CPT 条件概率表Conditional random field/CRF 条件随机场Conditional risk 条件风险Confidence 置信度Confusion matrix 混淆矩阵Connection weight 连接权Connectionism 连结主义Consistency 一致性/相合性Contingency table 歹汁联表Continuous attribute 连续属性Convergence 收敛Conversational agent 会话智能体Convex quadratic programming 凸二次规戈U Convexity 凸性Convolutional neural network/CNN 卷积神经网络Co-occurrence 同现Correlation coefficient 相关系数Cosine similarity 余弦相似度Cost curve成本曲线Cost Function成本函数Cost matrix成本矩阵Cost-sensitive 成本敏感归树Cross entropy 交叉熵Cross validation 交叉验证Crowdsourcing 众包Curse of dimensionality 维数灾难Cut point截断点Cutting plane algorithm 割平面法Data mining数据挖掘Data set数据集Decision Boundary 决策边界Decision stump 决策树桩Decision tree决策树/判定树Deduction 演绎Deep Belief Network深度信念网络Deep Convolutional Generative Adversarial NetworkDCGAN深度卷积生成对抗网络Deep learning深度学习Deep neural network/DNN 深度神经网络Deep Q-Learning 深度Q 学习Deep Q-Network 深度Q 网络Density estimation 密度估计Density-based clustering 密度聚类Differentiable neural computer 可微分神经计算机Dimensionality reduction algorithm 降维算法Directed edge 有向边Disagreement measure 不合度量Discriminative model 判别模型Discriminator 判别器Distance measure 距离度量Distance metric learning 距离度量学习Distribution 分布Divergence 散度Diversity measure多样性度量/差异性度量Domain adaption领域自适应Downsampling 下采样D-separation (Directed separation)有向分离Dual problem对偶问题Dummy node哑结点Dynamic Fusion 动态融合Dynamic programming 动态规划Eigenvalue decomposition 特征值分解Embedding 嵌入Emotional analysis 情绪分析Empirical conditional entropy 经验条件熵Empirical entropy 经验熵Empirical error 经验误差Empirical risk 经验风险End-to-End 端到端Energy-based model基于能量的模型Ensemble learning 集成学习Ensemble pruning 集成修剪Error Correcting Output Codes / ECOC 纠错输出码Error rate 错误率Error-ambiguity decomposition 误差-分歧分解Euclidean distance 欧氏距离Evolutionary computation 演化计算Expectation-Maximization 期望最大化Expected loss期望损失Exploding Gradient Problem 梯度爆炸问题Exponential loss function 指数损失函数Extreme Learning Machine/ELM 超限学习机Factorization 因子分解False negative 假负类False positive 假正类False Positive Rate/FPR 假正例率Feature engineering 特征工程Feature selection 特征选择Feature vector 特征向量Featured Learning 特征学习Feedforward Neural Networks/FNN 前馈神经网络Fine-tuning 微调Flipping output 翻转法Fluctuation 震荡Forward stagewise algorithm 前向分步算法Frequentist频率主义学派Full-rank matrix 满秩矩阵Functional neuron 功能神经元Gain ratio增益率Game theory 博弈论Gaussian kernel function 高斯核函数Gaussian Mixture Model 高斯混合模型General Problem Solving 通用问题求解Generalization 泛化Generalization error 泛化误差Generalization error bound 泛化误差上界Generalized Lagrange function 广义拉格朗日函数Generalized linear model 广义线性模型Generalized Rayleigh quotient 广义瑞利商Generative Adversarial Networks/GAN 生成对抗网络Generative Model 生成模型Generator生成器Genetic Algorithm/GA 遗传算法Gibbs sampling吉布斯采样Gini index基尼指数Global minimum 全局最小Global Optimization 全局优化Gradient boosting 梯度提升Gradient Descent 梯度下降Graph theory 图论Ground-truth 真相 /真实Hard margin 硬间隔Hard voting 硬投票Harmonic mean调和平均Hesse matrix 海塞矩阵Hidden dynamic model 隐动态模型Hidden layer 隐藏层Hidden Markov Model/HMM隐马尔可夫模型Hierarchical clustering 层次聚类Hilbert space希尔伯特空间Hinge loss function合页损失函数Hold-out留出法Homogeneous 同质Hybrid computing 混合计算Hyperparameter 超参数Hypothesis 假设Hypothesis test 假设验证ICML国际机器学习会议Improved iterative scaling/IIS 改进的迭代尺度法Incremental learning 增量学习Independent and identically distributed/i.i.d.独立同分布Independent Component Analysis/ICA 独立成分分析Indicator function 指示函数Individual learner 个体学习器Induction 归纳Inductive bias 归纳偏好Inductive learning 归纳学习Inductive Logic Programming / ILP 归纳逻辑程序设计Information entropy 信息熵Information gain 信息增益Input layer 输入层Inter-cluster similarity 簇间相似度International Conference for MachineLearning/ICML国际机器学习大会Intra-cluster similarity 簇内相似度Intrinsic value 固有值Isometric Mapping/Isomap 等度量映射Isotonic regression 等分回归Iterative Dichotomiser 迭代二分器Kernel method 核方法Kernel trick 核技巧Kernelized Linear Discriminant Analysis / KLDA核线性判别分析K-fold cross validation k折交叉验证/ k倍交叉验证K-Means Clustering K-均值聚类K-Nearest Neighbours Algorithm/KNN K近邻算法Knowledge base 矢口识库Knowledge Representation 矢口识表征Label space标记空间Lagrange duality拉格朗日对偶性Lagrange multiplier拉格朗日乘子Laplace smoothing拉普拉斯平滑Laplacian correction 拉普拉斯修正Latent Dirichlet Allocation 隐狄利克雷分布Latent semantic analysis 潜在语义分析Latent variable 隐变量Lazy learning 懒惰学习Learner学习器Learning by analogy 类比学习Learning rate 学习率Learning Vector Quantization/LVQ 学习向量量化Least squares regression tree 最小二乘回归树Leave-One-Out/LOO 留一法linear chain conditional random field线性链条件随机场Linear Discriminant Analysis / LDA 线性判别分析Linear model线性模型Linear Regression 线性回归Link function联系函数Local Markov property局部马尔可夫性Local minimum局部最小Log likelihood 对数似然Log odds / logit 对数几率Logistic Regression Logistic 回归Log-likelihood 对数似然Log-linear regression 对数线性回归Long-Short Term Memory/LSTM 长短期记忆Loss function损失函数Machine translation/MT 机器翻译Macron-P宏查准率Macron-R宏查全率Majority voting绝对多数投票法Manifold assumption 流形假设Manifold learning 流形学习Margin theory间隔理论Marginal distribution 边际分布Marginal independence 边际独立性Marginalization 边际化Markov Chain Monte Carlo/MCMC马尔可夫链蒙特卡罗方法Markov Random Field马尔可夫随机场Maximal clique 最大团Maximum Likelihood Estimation/MLE极大似然估计/极大似然法Maximum margin 最大间隔Maximum weighted spanning tree 最大带权生成树Max-Pooling最大池化Mean squared error 均方误差Meta-learner元学习器Metric learning 度量学习Micro-P微查准率Micro-R微查全率Minimal Description Length/MDL 最小描述长度Minimax game极小极大博弈Misclassification cost 误分类成本Mixture of experts 混合专家Momentum 动量Moral graph道德图/端正图Multi-class classification 多分类Multi-document summarization 多文档摘要Multi-layer feedforward neural networks多层前馈神经网络Multilayer Perceptron/MLP 多层感知器Multimodal learning 多模态学习Multiple Dimensional Scaling 多维缩放Multiple linear regression 多元线性回归Multi-response Linear Regression / MLR多响应线性回归Mutual information 互信息Naive bayes朴素贝叶斯Naive Bayes Classifier朴素贝叶斯分类器Named entity recognition 命名实体识另LlNormalization 归一化 Nuclear norm 核范数 Numerical attribute 数值属性 Letter OObjective function 目标函数 Oblique decision tree 斜决策树 Occam,s razor 奥卡姆剃刀 Odds 几率 Off-Policy 离策略One shot learning 一次性学习One-Dependent Estimator / ODE 独依赖估计 On-Policy 在策略Ordinal attribute 有序属性Out-of-bag estimate 包外估计Output layer 输出层Output smearing 输出调制法Overfitting 过拟合/过配Oversampling 过采样 Paired t-test 成对 t 检验 Pairwise 成对型Pairwise Markov property 成对马尔可夫性 Parameter 参数Nash equilibrium 纳什均衡Natural language generation/NLG 自然语言生成 Natural language processing 自然语言处理 Negative class 负类Negative correlation 负相关法 Negative Log Likelihood 负对数似然 Neighbourhood Component Analysis/NCA近邻成分分析Neural Machine Translation 神经机器翻译 Neural Turing Machine 神经图灵机 Newton method 牛顿法 NIPS 国际神经信息处理系统会议No Free Lunch Theorem / NFL 没有免费的午餐定 理Noise-contrastive estimation 噪音对比估计 Nominal attribute 列名属性 Non-convex optimization 非凸优化Nonlinear model 非线性模型 Non-metric distance 非度量距离Non-negative matrix factorization 非负矩阵分解 Non-ordinal attribute 无序属性 Non-Saturating Game 非饱和博弈 Norm 范数Parameter estimation 参数估计Parameter tuning 调参Parse tree解析树Particle Swarm Optimization/PSO 粒子群优化算法Part-of-speech tagging 词性标注Perceptron 感知机Performance measure 性能度量Plug and Play Generative Network 即插即用生成网络Plurality voting相对多数投票法Polarity detection 极性检测Polynomial kernel function 多项式核函数Pooling 池化Positive class 正类Positive definite matrix 正定矩阵Post-hoc test后续检验Post-pruning 后剪枝potential function 势函数Precision查准率/准确率Prepruning 预剪枝Principal component analysis/PCA 主成分分析Principle of multiple explanations 多释原则Probability Graphical Model 概率图模型Proximal Gradient Descent/PGD 近端梯度下降Pruning 剪枝Pseudo-label 伪标记Quantized Neural Network 量子化神经网络Quantum computer量子计算机Quantum Computing 量子计算Quasi Newton method 拟牛顿法Radial Basis Function / RBF 径向基函数Random Forest Algorithm 随机森林算法Random walk随机漫步Recall查全率/召回率Receiver Operating Characteristic/ROC受试者工作特征Rectified Linear Unit/ReLU 线性修正单元Recurrent Neural Network 循环神经网络Recursive neural network 递归神经网络Reference model 参考模型Regression 回归Regularization 正则化Reinforcement learning/RL 强化学习Representation learning 表征学习Representer theorem 表示定理reproducing kernel Hilbert space/RKHS再生核希尔伯特空间Re-sampling重采样法Rescaling再缩放Residual Mapping 残差映射Residual Network 残差网络Restricted Boltzmann Machine/RBM 受限玻尔兹曼机Restricted Isometry Property/RIP 限定等距性Re-weighting重赋权法Robustness稳健性/鲁棒性Root node根结点Rule Engine规则引擎Rule learning规则学习Saddle point 鞍点Sample space样本空间Sampling 采样Score function 评分函数Self-Driving自动驾驶Self-Organizing Map / SOM 自组织映射Semi-naive Bayes classifiers半朴素贝叶斯分类器Semi-Supervised Learning 半监督学习semi-Supervised Support Vector Machine半监督支持向量机Sentiment analysis 情感分析Separating hyperplane 分离超平面Sigmoid function Sigmoid 函数Similarity measure 相似度度量Simulated annealing 模拟退火Simultaneous localization and mapping同步定位与地图构建Singular Value Decomposition 奇异值分解Slack variables 松弛变量Smoothing 平滑Soft margin 软间隔Soft margin maximization 软间隔最大化Soft voting 软投票Sparse representation 稀疏表征Sparsity稀疏性Specialization 特化Spectral Clustering 谱聚类Speech Recognition 语音识另ijSplitting variable 切分变量Squashing function 挤压函数Stability-plasticity dilemma 可塑性-稳定性困境Statistical learning 统计学习实用标准文档Status feature function 状态特征函Stochastic gradient descent 随机梯度下降Stratified sampling 分层采样Structural risk 结构风险Structural risk minimization/SRM 结构风险最小化Subspace子空间Supervised learning监督学习/有导师学习support vector expansion 支持向量展式Support Vector Machine/SVM 支持向量机Surrogat loss替代损失Surrogate function 替代函数Symbolic learning 符号学习Symbolism符号主义Synset同义词集T-Distribution Stochastic Neighbour Embedding t-SNE T -分布随机近邻嵌入Tensor张量Tensor Processing Units/TPU 张量处理单元The least square method 最小二乘法Threshold 阈值Threshold logic unit阈值逻辑单元Threshold-moving 阈值移动Time Step时间步骤Tokenization 标记化Training error 训练误差Training instance 训练示例/训练例Transductive learning 直推学习Transfer learning 迁移学习Treebank 树库Tria-by-error 试错法True negative 真负类True positive 真正类True Positive Rate/TPR 真正例率Turing Machine 图灵机Twice-learning 二次学习Underfitting欠拟合/欠配Undersampling 欠采样Understandability 可理解性Unequal cost非均等代价Unit-step function单位阶跃函数Univariate decision tree 单变量决策树Unsupervised learning无监督学习/无导师学习Unsupervised layer-wise training 无监督逐层训练Upsampling 上采样实用标准文档Vanishing Gradient Problem 梯度消失问题 Variational inference 变分推断 VC Theory VC 维理论 Version space 版本空间 Viterbi algorithm 维特比算法Von Neumann architecture 冯•诺伊曼架构 Wasserstein GAN/WGAN Wasserstein 生成对抗网络Weak learner 弱学习器 Weight 权重Weight sharing 权共享 Weighted voting 加权投票法Within-class scatter matrix 类内散度矩阵 Word embedding 词嵌入Word sense disambiguation 词义消歧 Zero-data learning 零数据学习convex 凸的Zero-shot learning 零次学习contours 轮廓approximations 近似值constraint 约束arbitrary 随意的constant 常理affine 仿射的commercial 商务的arbitrary 任意的complementarity 补充amino acid 氨基酸coordinate ascent 同等级上升amenable 经得起检验的axiom 公理,原则 abstract 提取architecture 架构,体系结构;建造业 absolute 绝对的 arsenal 军火库 assignment 分酉己 algebra 线性代数 asymptotically 无症状的appropriate 恰当的 bias 偏差brevity 简短,简洁;短暂 [800 ] broader 广泛 briefly 简短的 batch 批量convergence 收敛,集中到一点clipping剪下物;剪报;修剪component分量;部件continuous 连续的covariance 协方差canonical正规的,正则的concave非凸的corresponds相符合;相当;通信corollary 推论concrete具体的事物,实在的东西cross validation 交叉验证correlation相互关系convention 约定cluster 一簇centroids质心,形心converge 收敛computationally 计算(机)的calculus 计算derive获得,取得dual二元的duality二元性;二象性;对偶性derivation求导;得到;起源denote预示,表示,是…的标志;意味divergence散度;发散性dimension尺度,规格;维数dot小圆点distortion 变形density概率密度函数discrete离散的discriminative有识别能力的diagonal 对角dispersion分散,散开determinant决定因素disjoint不相交的encounter 遇至" ellipses 椭圆equality 等式extra额外的empirical经验;观察ennmerate例举,计数exceed超过,越出expectation 期望efficient生效的endow赋予exponential family 指数家族equivalently 等价的feasible可行的forary初次尝试finite有限的,限定的forgo摒弃,放弃fliter过滤frequentist最常发生的forward search前向式搜索formalize使定形generalized 归纳的generalization概括,归纳;普遍化;判断(根据不足)guarantee保证;抵押品generate形成,产生geometric margins 几何边界gap 裂口generative生产的;有生产力的heuristic启发式的;启发法;启发程序hone怀恋;磨hyperplane 超平面initial最初的implement 执行intuitive凭直觉获知的incremental 增加的intercept 截距intuitious 直觉instantiation 例子indicator指示物,指示器interative重复的,迭代的integral 积分identical相等的;完全相同的indicate表示,指出invariance不变性,恒定性impose把…强加于intermediate 中间的interpretation 解释,翻译joint distribution 联合概率lieu替代logarithmic对数的,用对数表示的latent潜在的Leave-one-out cross validation 留一法交叉验证magnitude 巨大mapping绘图,制图;映射matrix矩阵实用标准文档mutual相互的,共同的monotonically 单调的minor较小的,次要的multinomial 多项的multi-class classification 二分类问题nasty讨厌的notation标志,注释naive朴素的obtain得到oscillate 摆动optimization problem 最优化问题objective function 目标函数optimal最理想的orthogonal(矢量,矩阵等)正交的orientation 方向ordinary普通的occasionally 偶然的partial derivative 偏导数property 性质proportional成比例的primal原始的,最初的permit允许pseudocode 伪代码permissible可允许的polynomial 多项式preliminary 预备precision 精度perturbation 不安,扰乱poist假定,设想positive semi-definite 半正定的parentheses 圆括号posterior probability 后验概率plementarity 补充pictorially 图像的parameterize确定…的参数poisson distribution 柏松分布pertinent相关的quadratic 二次的quantity量,数量;分量query疑问的regularization使系统化;调整reoptimize重新优化restrict限制;限定;约束reminiscent回忆往事的;提醒的;使人联想…的(of)文案大全remark注意random variable 随机变量respect 考虑respectively各自的;分别的redundant过多的;冗余的susceptible 敏感的stochastic可能的;随机的symmetric对称的sophisticated 复杂的spurious假的;伪造的subtract减去;减法器simultaneously同时发生地;同步地suffice 满足scarce稀有的,难得的split分解,分离subset子集statistic统计量successive iteratious 连续的迭代scale标度sort of有几分的squares 平方trajectory 轨迹文案大全实用标准文档temporarily 暂时的terminology专用名词tolerance容忍;公差thumb翻阅threshold 阈,临界theorem 定理tangent 正弦unit-length vector 单位向量valid有效的,正确的variance 方差variable变量;变元vocabulary 词匚valued经估价的;宝贵的wrapper 包装总计1038词汇。
形容未来科技感的词汇

形容未来科技感的词汇标题:未来科技感的词汇正文:未来科技感是当前社会的一个热门话题,随着科技的不断发展,未来科技感将会越来越强烈。
在未来,一些具有代表性的词汇将成为形容未来科技感的关键。
以下是一些未来科技感的词汇:1. 人工智能(Artificial Intelligence, AI):人工智能是指计算机系统通过模拟人类智能来实现智能化的能力。
在未来,人工智能将会成为各行各业中不可或缺的一部分,如自动驾驶、医疗诊断、智能家居等等。
2. 量子计算(Quantum Computing):量子计算是利用量子力学的原理来进行计算的一种计算方式。
相比传统计算机,量子计算具有更快的计算速度,可以应用于密码破解、优化问题等领域。
3. 区块链(Blockchain):区块链是一种去中心化的分布式数据库,可以记录交易和数据等信息。
在未来,区块链将会成为金融、物流、医疗等领域中不可或缺的一部分,推动数字经济的发展。
4. 生物技术(Bio生物技术):生物技术是利用生物细胞和分子进行疾病治疗和农业生产的一种技术。
在未来,生物技术将会成为医学和农业生产中不可或缺的一部分,如基因编辑、生物疫苗等。
5. 虚拟现实(Virtual Reality, VR):虚拟现实是一种通过计算机技术创造出一种虚拟环境,让用户在其中感受到身临其境的感觉。
在未来,虚拟现实将会成为娱乐、教育、医疗等领域中不可或缺的一部分。
除了以上词汇,未来科技感还有很多其他的词汇,如物联网(Internet of Things, IoT)、大数据(Big Data)、云计算(Cloud Computing)等等。
这些词汇都代表着未来科技的发展方向,将会成为未来科技感的重要组成部分。
自动化专业常用英语词汇

自动化专业常用英语词汇引言概述:自动化专业是现代工程技术领域中的一个重要分支,涉及到工业自动化、机器人技术、控制系统等多个方面。
在学习和实践中,掌握一些常用的英语词汇是非常重要的。
本文将介绍自动化专业中常用的英语词汇,以帮助读者更好地理解和应用这一领域的知识。
一、工业自动化(Industrial Automation)1.1 自动控制(Automatic Control):通过使用控制系统和设备,实现对工业生产过程中各种参数的自动监测和调节。
1.2 传感器(Sensor):用于感知环境中各种物理量或化学量的设备,将感知到的信息转化为可用的电信号。
1.3 执行器(Actuator):根据控制信号,将能量转化为机械运动或其他形式的工作输出。
二、机器人技术(Robotics)2.1 人工智能(Artificial Intelligence):研究和开发能够模拟人类智能行为的技术和系统。
2.2 机器视觉(Machine Vision):利用摄像机和图像处理技术,使机器能够感知、理解和处理视觉信息。
2.3 运动控制(Motion Control):控制机器人或其他自动化设备的运动轨迹和速度的技术和方法。
三、控制系统(Control Systems)3.1 PID控制(Proportional-Integral-Derivative Control):一种常用的控制算法,通过比较实际值和目标值的差异,调整控制器的输出信号。
3.2 反馈控制(Feedback Control):根据系统输出的反馈信息,对控制器的输出信号进行调整,以实现系统的稳定和优化。
3.3 开环控制(Open-Loop Control):控制器的输出不受系统状态的反馈影响,仅通过预先设定的控制信号进行操作。
四、自动化软件(Automation Software)4.1 PLC编程(Programmable Logic Controller Programming):使用可编程逻辑控制器进行自动化控制系统的编程。
常用的词语解释

常用的词语解释一、科技词汇1. 人工智能(Artificial Intelligence,简称AI):指通过计算机模拟人的智能,使计算机具有学习、推理和判断等能力,以实现智能化的科技应用。
2. 云计算(Cloud Computing):是指将传统的计算方式移到互联网中进行,通过网络便捷地提供计算资源和服务,包括存储、数据处理等。
3. 物联网(Internet of Things,简称IoT):是指通过传感器等物理设备,将各种事物与互联网连接起来,实现信息的互通和数据的自动收集与处理。
4. 虚拟现实(Virtual Reality,简称VR):是指通过计算机等技术手段创造出与现实世界相似或完全不同的虚拟环境,使用户能够身临其境地感受和交互。
5. 区块链(Blockchain):是一种分布式的数据库技术,通过将数据以链式结构保存,并使用密码学方法确保数据的安全性和可信任性。
二、社交网络词汇1. 点赞(Like):在社交媒体上对他人发布的内容表示喜爱或认同,一般以点击"赞"的形式进行。
2. 转发(Repost):将他人发布的内容分享到自己的社交网络上,以便更多的人看到。
3. 评论(Comment):对他人发布的内容进行评价或发表自己的看法,一般以文字形式进行。
4. 关注(Follow):在社交媒体上选择关注特定的用户或主题,以便随时获取其发布的内容更新。
5. 私信(Direct Message,简称DM):在社交媒体上通过私聊的方式与他人进行交流和沟通,不受其他用户的干扰。
三、金融术语1. 资产管理(Asset Management):指对个人或机构的各种资产进行全面管理和配置,以实现最大化的收益和风险控制。
2. 股票(Stock):指企业通过发行股份来筹集资金,并将公司的所有权部分转让给投资者。
持有股票的人即为股东,享有公司利润分配和决策权。
3. 投资组合(Investment Portfolio):指个人或机构所持有的各种投资品种的集合,包括股票、债券、房地产等,用以分散风险和追求收益。
- 1、下载文档前请自行甄别文档内容的完整性,平台不提供额外的编辑、内容补充、找答案等附加服务。
- 2、"仅部分预览"的文档,不可在线预览部分如存在完整性等问题,可反馈申请退款(可完整预览的文档不适用该条件!)。
- 3、如文档侵犯您的权益,请联系客服反馈,我们会尽快为您处理(人工客服工作时间:9:00-18:30)。
Letter AAccumulated error backpropagation 累积误差逆传播Activation Function 激活函数Adaptive Resonance Theory/ART 自适应谐振理论Addictive model 加性学习Adversarial Networks 对抗网络Affine Layer 仿射层Affinity matrix 亲和矩阵Agent 代理/ 智能体Algorithm 算法Alpha-beta pruning α-β剪枝Anomaly detection 异常检测Approximation 近似Area Under ROC Curve/AUC Roc 曲线下面积Artificial General Intelligence/AGI 通用人工智能Artificial Intelligence/AI 人工智能Association analysis 关联分析Attention mechanism 注意力机制Attribute conditional independence assumption 属性条件独立性假设Attribute space 属性空间Attribute value 属性值Autoencoder 自编码器Automatic speech recognition 自动语音识别Automatic summarization 自动摘要Average gradient 平均梯度Average-Pooling 平均池化Letter BBackpropagation Through Time 通过时间的反向传播Backpropagation/BP 反向传播Base learner 基学习器Base learning algorithm 基学习算法Batch Normalization/BN 批量归一化Bayes decision rule 贝叶斯判定准则Bayes Model Averaging/BMA 贝叶斯模型平均Bayes optimal classifier 贝叶斯最优分类器Bayesian decision theory 贝叶斯决策论Bayesian network 贝叶斯网络Between-class scatter matrix 类间散度矩阵Bias 偏置/ 偏差Bias-variance decomposition 偏差-方差分解Bias-Variance Dilemma 偏差–方差困境Bi-directional Long-Short Term Memory/Bi-LSTM 双向长短期记忆Binary classification 二分类Binomial test 二项检验Bi-partition 二分法Boltzmann machine 玻尔兹曼机Bootstrap sampling 自助采样法/可重复采样/有放回采样Bootstrapping 自助法Break-Event Point/BEP 平衡点Letter CCalibration 校准Cascade-Correlation 级联相关Categorical attribute 离散属性Class-conditional probability 类条件概率Classification and regression tree/CART 分类与回归树Classifier 分类器Class-imbalance 类别不平衡Closed -form 闭式Cluster 簇/类/集群Cluster analysis 聚类分析Clustering 聚类Clustering ensemble 聚类集成Co-adapting 共适应Coding matrix 编码矩阵COLT 国际学习理论会议Committee-based learning 基于委员会的学习Competitive learning 竞争型学习Component learner 组件学习器Comprehensibility 可解释性Computation Cost 计算成本Computational Linguistics 计算语言学Computer vision 计算机视觉Concept drift 概念漂移Concept Learning System /CLS 概念学习系统Conditional entropy 条件熵Conditional mutual information 条件互信息Conditional Probability Table/CPT 条件概率表Conditional random field/CRF 条件随机场Conditional risk 条件风险Confidence 置信度Confusion matrix 混淆矩阵Connection weight 连接权Connectionism 连结主义Consistency 一致性/相合性Contingency table 列联表Continuous attribute 连续属性Convergence 收敛Conversational agent 会话智能体Convex quadratic programming 凸二次规划Convexity 凸性Convolutional neural network/CNN 卷积神经网络Co-occurrence 同现Correlation coefficient 相关系数Cosine similarity 余弦相似度Cost curve 成本曲线Cost Function 成本函数Cost matrix 成本矩阵Cost-sensitive 成本敏感Cross entropy 交叉熵Cross validation 交叉验证Crowdsourcing 众包Curse of dimensionality 维数灾难Cut point 截断点Cutting plane algorithm 割平面法Letter DData mining 数据挖掘Data set 数据集Decision Boundary 决策边界Decision stump 决策树桩Decision tree 决策树/判定树Deduction 演绎Deep Belief Network 深度信念网络Deep Convolutional Generative Adversarial Network/DCGAN 深度卷积生成对抗网络Deep learning 深度学习Deep neural network/DNN 深度神经网络Deep Q-Learning 深度Q 学习Deep Q-Network 深度Q 网络Density estimation 密度估计Density-based clustering 密度聚类Differentiable neural computer 可微分神经计算机Dimensionality reduction algorithm 降维算法Directed edge 有向边Disagreement measure 不合度量Discriminative model 判别模型Discriminator 判别器Distance measure 距离度量Distance metric learning 距离度量学习Distribution 分布Divergence 散度Diversity measure 多样性度量/差异性度量Domain adaption 领域自适应Downsampling 下采样D-separation (Directed separation)有向分离Dual problem 对偶问题Dummy node 哑结点Dynamic Fusion 动态融合Dynamic programming 动态规划Letter EEigenvalue decomposition 特征值分解Embedding 嵌入Emotional analysis 情绪分析Empirical conditional entropy 经验条件熵Empirical entropy 经验熵Empirical error 经验误差Empirical risk 经验风险End-to-End 端到端Energy-based model 基于能量的模型Ensemble learning 集成学习Ensemble pruning 集成修剪Error Correcting Output Codes/ECOC 纠错输出码Error rate 错误率Error-ambiguity decomposition 误差-分歧分解Euclidean distance 欧氏距离Evolutionary computation 演化计算Expectation-Maximization 期望最大化Expected loss 期望损失Exploding Gradient Problem 梯度爆炸问题Exponential loss function 指数损失函数Extreme Learning Machine/ELM 超限学习机Letter FFactorization 因子分解False negative 假负类False positive 假正类False Positive Rate/FPR 假正例率Feature engineering 特征工程Feature selection 特征选择Feature vector 特征向量Featured Learning 特征学习Feedforward Neural Networks/FNN 前馈神经网络Fine-tuning 微调Flipping output 翻转法Fluctuation 震荡Forward stagewise algorithm 前向分步算法Frequentist 频率主义学派Full-rank matrix 满秩矩阵Functional neuron 功能神经元Letter GGain ratio 增益率Game theory 博弈论Gaussian kernel function 高斯核函数Gaussian Mixture Model 高斯混合模型General Problem Solving 通用问题求解Generalization 泛化Generalization error 泛化误差Generalization error bound 泛化误差上界Generalized Lagrange function 广义拉格朗日函数Generalized linear model 广义线性模型Generalized Rayleigh quotient 广义瑞利商Generative Adversarial Networks/GAN 生成对抗网络Generative Model 生成模型Generator 生成器Genetic Algorithm/GA 遗传算法Gibbs sampling 吉布斯采样Gini index 基尼指数Global minimum 全局最小Global Optimization 全局优化Gradient boosting 梯度提升Gradient Descent 梯度下降Graph theory 图论Ground-truth 真相/真实Letter HHard margin 硬间隔Hard voting 硬投票Harmonic mean 调和平均Hesse matrix 海塞矩阵Hidden dynamic model 隐动态模型Hidden layer 隐藏层Hidden Markov Model/HMM 隐马尔可夫模型Hierarchical clustering 层次聚类Hilbert space 希尔伯特空间Hinge loss function 合页损失函数Hold-out 留出法Homogeneous 同质Hybrid computing 混合计算Hyperparameter 超参数Hypothesis 假设Hypothesis test 假设验证Letter IICML 国际机器学习会议Improved iterative scaling/IIS 改进的迭代尺度法Incremental learning 增量学习Independent and identically distributed/i.i.d. 独立同分布Independent Component Analysis/ICA 独立成分分析Indicator function 指示函数Individual learner 个体学习器Induction 归纳Inductive bias 归纳偏好Inductive learning 归纳学习Inductive Logic Programming/ILP 归纳逻辑程序设计Information entropy 信息熵Information gain 信息增益Input layer 输入层Insensitive loss 不敏感损失Inter-cluster similarity 簇间相似度International Conference for Machine Learning/ICML 国际机器学习大会Intra-cluster similarity 簇内相似度Intrinsic value 固有值Isometric Mapping/Isomap 等度量映射Isotonic regression 等分回归Iterative Dichotomiser 迭代二分器Letter KKernel method 核方法Kernel trick 核技巧Kernelized Linear Discriminant Analysis/KLDA 核线性判别分析K-fold cross validation k 折交叉验证/k 倍交叉验证K-Means Clustering K –均值聚类K-Nearest Neighbours Algorithm/KNN K近邻算法Knowledge base 知识库Knowledge Representation 知识表征Letter LLabel space 标记空间Lagrange duality 拉格朗日对偶性Lagrange multiplier 拉格朗日乘子Laplace smoothing 拉普拉斯平滑Laplacian correction 拉普拉斯修正Latent Dirichlet Allocation 隐狄利克雷分布Latent semantic analysis 潜在语义分析Latent variable 隐变量Lazy learning 懒惰学习Learner 学习器Learning by analogy 类比学习Learning rate 学习率Learning Vector Quantization/LVQ 学习向量量化Least squares regression tree 最小二乘回归树Leave-One-Out/LOO 留一法linear chain conditional random field 线性链条件随机场Linear Discriminant Analysis/LDA 线性判别分析Linear model 线性模型Linear Regression 线性回归Link function 联系函数Local Markov property 局部马尔可夫性Local minimum 局部最小Log likelihood 对数似然Log odds/logit 对数几率Logistic Regression Logistic 回归Log-likelihood 对数似然Log-linear regression 对数线性回归Long-Short Term Memory/LSTM 长短期记忆Loss function 损失函数Letter MMachine translation/MT 机器翻译Macron-P 宏查准率Macron-R 宏查全率Majority voting 绝对多数投票法Manifold assumption 流形假设Manifold learning 流形学习Margin theory 间隔理论Marginal distribution 边际分布Marginal independence 边际独立性Marginalization 边际化Markov Chain Monte Carlo/MCMC 马尔可夫链蒙特卡罗方法Markov Random Field 马尔可夫随机场Maximal clique 最大团Maximum Likelihood Estimation/MLE 极大似然估计/极大似然法Maximum margin 最大间隔Maximum weighted spanning tree 最大带权生成树Max-Pooling 最大池化Mean squared error 均方误差Meta-learner 元学习器Metric learning 度量学习Micro-P 微查准率Micro-R 微查全率Minimal Description Length/MDL 最小描述长度Minimax game极小极大博弈Misclassification cost 误分类成本Mixture of experts 混合专家Momentum 动量Moral graph 道德图/端正图Multi-class classification 多分类Multi-document summarization 多文档摘要Multi-layer feedforward neural networks 多层前馈神经网络Multilayer Perceptron/MLP 多层感知器Multimodal learning 多模态学习Multiple Dimensional Scaling 多维缩放Multiple linear regression 多元线性回归Multi-response Linear Regression /MLR 多响应线性回归Mutual information 互信息Letter NNaive bayes 朴素贝叶斯Naive Bayes Classifier 朴素贝叶斯分类器Named entity recognition 命名实体识别Nash equilibrium 纳什均衡Natural language generation/NLG 自然语言生成Natural language processing 自然语言处理Negative class 负类Negative correlation 负相关法Negative Log Likelihood 负对数似然Neighbourhood Component Analysis/NCA 近邻成分分析Neural Machine Translation 神经机器翻译Neural Turing Machine 神经图灵机Newton method 牛顿法NIPS 国际神经信息处理系统会议No Free Lunch Theorem/NFL 没有免费的午餐定理Noise-contrastive estimation 噪音对比估计Nominal attribute 列名属性Non-convex optimization 非凸优化Nonlinear model 非线性模型Non-metric distance 非度量距离Non-negative matrix factorization 非负矩阵分解Non-ordinal attribute 无序属性Non-Saturating Game 非饱和博弈Norm 范数Normalization 归一化Nuclear norm 核范数Numerical attribute 数值属性Letter OObjective function 目标函数Oblique decision tree 斜决策树Occam’s razor 奥卡姆剃刀Odds 几率Off-Policy 离策略One shot learning 一次性学习One-Dependent Estimator/ODE 独依赖估计On-Policy 在策略Ordinal attribute 有序属性Out-of-bag estimate 包外估计Output layer 输出层Output smearing 输出调制法Overfitting 过拟合/过配Oversampling 过采样Letter PPaired t-test 成对t 检验Pairwise 成对型Pairwise Markov property 成对马尔可夫性Parameter 参数Parameter estimation 参数估计Parameter tuning 调参Parse tree 解析树Particle Swarm Optimization/PSO 粒子群优化算法Part-of-speech tagging 词性标注Perceptron 感知机Performance measure 性能度量Plug and Play Generative Network 即插即用生成网络Plurality voting 相对多数投票法Polarity detection 极性检测Polynomial kernel function 多项式核函数Pooling 池化Positive class 正类Positive definite matrix 正定矩阵Post-hoc test 后续检验Post-pruning 后剪枝potential function 势函数Precision 查准率/准确率Prepruning 预剪枝Principal component analysis/PCA 主成分分析Principle of multiple explanations 多释原则Prior 先验Probability Graphical Model 概率图模型Proximal Gradient Descent/PGD 近端梯度下降Pruning 剪枝Pseudo-label 伪标记Letter QQuantized Neural Network 量子化神经网络Quantum computer 量子计算机Quantum Computing 量子计算Quasi Newton method 拟牛顿法Letter RRadial Basis Function/RBF 径向基函数Random Forest Algorithm 随机森林算法Random walk 随机漫步Recall 查全率/召回率Receiver Operating Characteristic/ROC 受试者工作特征Rectified Linear Unit/ReLU 线性修正单元Recurrent Neural Network 循环神经网络Recursive neural network 递归神经网络Reference model 参考模型Regression 回归Regularization 正则化Reinforcement learning/RL 强化学习Representation learning 表征学习Representer theorem 表示定理reproducing kernel Hilbert space/RKHS 再生核希尔伯特空间Re-sampling 重采样法Rescaling 再缩放Residual Mapping 残差映射Residual Network 残差网络Restricted Boltzmann Machine/RBM 受限玻尔兹曼机Restricted Isometry Property/RIP 限定等距性Re-weighting 重赋权法Robustness 稳健性/鲁棒性Root node 根结点Rule Engine 规则引擎Rule learning 规则学习Letter SSaddle point 鞍点Sample space 样本空间Sampling 采样Score function 评分函数Self-Driving 自动驾驶Self-Organizing Map/SOM 自组织映射Semi-naive Bayes classifiers 半朴素贝叶斯分类器Semi-Supervised Learning 半监督学习semi-Supervised Support Vector Machine 半监督支持向量机Sentiment analysis 情感分析Separating hyperplane 分离超平面Sigmoid function Sigmoid 函数Similarity measure 相似度度量Simulated annealing 模拟退火Simultaneous localization and mapping 同步定位与地图构建Singular Value Decomposition 奇异值分解Slack variables 松弛变量Smoothing 平滑Soft margin 软间隔Soft margin maximization 软间隔最大化Soft voting 软投票Sparse representation 稀疏表征Sparsity 稀疏性Specialization 特化Spectral Clustering 谱聚类Speech Recognition 语音识别Splitting variable 切分变量Squashing function 挤压函数Stability-plasticity dilemma 可塑性-稳定性困境Statistical learning 统计学习Status feature function 状态特征函Stochastic gradient descent 随机梯度下降Stratified sampling 分层采样Structural risk 结构风险Structural risk minimization/SRM 结构风险最小化Subspace 子空间Supervised learning 监督学习/有导师学习support vector expansion 支持向量展式Support Vector Machine/SVM 支持向量机Surrogat loss 替代损失Surrogate function 替代函数Symbolic learning 符号学习Symbolism 符号主义Synset 同义词集Letter TT-Distribution Stochastic Neighbour Embedding/t-SNE T –分布随机近邻嵌入Tensor 张量Tensor Processing Units/TPU 张量处理单元The least square method 最小二乘法Threshold 阈值Threshold logic unit 阈值逻辑单元Threshold-moving 阈值移动Time Step 时间步骤Tokenization 标记化Training error 训练误差Training instance 训练示例/训练例Transductive learning 直推学习Transfer learning 迁移学习Treebank 树库Tria-by-error 试错法True negative 真负类True positive 真正类True Positive Rate/TPR 真正例率Turing Machine 图灵机Twice-learning 二次学习Letter UUnderfitting 欠拟合/欠配Undersampling 欠采样Understandability 可理解性Unequal cost 非均等代价Unit-step function 单位阶跃函数Univariate decision tree 单变量决策树Unsupervised learning 无监督学习/无导师学习Unsupervised layer-wise training 无监督逐层训练Upsampling 上采样Letter VVanishing Gradient Problem 梯度消失问题Variational inference 变分推断VC Theory VC维理论Version space 版本空间Viterbi algorithm 维特比算法Von Neumann architecture 冯·诺伊曼架构Letter WWasserstein GAN/WGAN Wasserstein生成对抗网络Weak learner 弱学习器Weight 权重Weight sharing 权共享Weighted voting 加权投票法Within-class scatter matrix 类内散度矩阵Word embedding 词嵌入Word sense disambiguation 词义消歧Letter ZZero-data learning 零数据学习Zero-shot learning 零次学习---------------------作者:业余草来源:CSDN原文:https:///xmtblog/article/details/76537364 版权声明:本文为博主原创文章,转载请附上博文链接!。