奥地利符号计算研究所(Research Institute for Symbolic Computation,简称RISC)的Christoph Koutschan博士做了一个调查,该项调查的受众大多数是计算机科学家,他请这些科学家投票选出最重要的算法,以下是这次调查的结果,按照英文名称字母顺序排序。

1.A* 搜索算法——图形搜索算法,从给定起点到给定终点计算出路径。其中使用了一种启发式的估算,为每个节点估算通过该节点的最佳路径,并以之为各个地点排定次序。算法以得到的次序访问这些节点。因此,A*搜索算法是最佳优先搜索的范例。

Graph search algorithm that finds a path from a given initial node to a givengoal node. It employs a heuristic estimate that ranks each node by an estimateof the best route that goes through that node. It visits the nodes in order ofthis heuristic estimate. The A* algorithm is therefore an example of best-firstsearch.

2.集束搜索(又名定向搜索,Beam Search)——最佳优先搜索算法的优化。使用启发式函数评估它检查的每个节点的能力。不过,集束搜索只能在每个深度中发现最前面的m个最符合条件的节点,m是固定数字——集束的宽度。

Beam search is a search algorithm that is an optimization of best-first search.Like best-first search, it uses a heuristic function to evaluate the promise ofeach node it examines. Beam search, however, only unfolds the first m mostpromising nodes at each depth, where m is a fixed number, the beam width.

3.二分查找(Binary Search)——在线性数组中找特定值的算法,每个步骤去掉一半不符合要求的数据。

Technique for finding a particular value in a linear array, by ruling out halfof the data at each step.

4.分支界定算法(Branch and

Bound)——在多种最优化问题中寻找特定最优化解决方案的算法,特别是针对离散、组合的最优化。

A general algorithmic method for finding optimal solutions of variousoptimization problems, especially in discrete and combinatorial optimization.

5.Buchberger算法——一种数学算法,可将其视为针对单变量最大公约数求解的欧几里得算法和线性系统中高斯消元法的泛化。

In computational algebraic geometry and computational commutative algebra,Buchberger’s algorithm is a method of transforming a given set of generatorsfor a polynomial ideal into a Gröbner basis with respect to some monomialorder. One can view it as a generalization of the Euclidean algorithm forunivariate gcd computation and of Gaussian elimination for linear systems.

6.数据压缩——采取特定编码方案,使用更少的字节数(或是其他信息承载单元)对信息编码的过程,又叫来源编码。

Data compression or source coding is the process of encoding information usingfewer bits (or other information-bearing units) than an unencodedrepresentation would use through use of specific encoding schemes.

7.Diffie-Hellman密钥交换算法——一种加密协议,允许双方在事先不了解对方的情况下,在不安全的通信信道中,共同建立共享密钥。该密钥以后可与一个对称密码一起,加密后续通讯。

Cryptographic protocol which allows two parties that have no prior knowledge ofeach other to jointly establish a shared secret key over an insecurecommunications channel. This key can then be used to encrypt subsequentcommunications using a symmetric key cipher.

8.Dijkstra算法——针对没有负值权重边的有向图,计算其中的单一起点最短算法。

Algorithm that solves the single-source shortest path problem for a directedgraph with nonnegative edge weights.

9.离散微分算法(Discrete

differentiation)就像计算f’(x) = (f(x+h) - f(x-h))

/ 2h公式那样的问题。

I.e., the formula f’(x) = (f(x+h) - f(x-h)) / 2h.

10.动态规划算法(Dynamic

Programming)——展示互相覆盖的子问题和最优子架构算法

Dynamic programming is a method for reducing the runtime of algorithms exhibitingthe properties of overlapping subproblems and optimal substructure, describedbelow.

11.欧几里得算法(Euclidean

algorithm)——计算两个整数的最大公约数。最古老的算法之一,出现在公元前300前欧几里得的《几何原本》。

Algorithm to determine the greatest common divisor (gcd) of two integers. It isone of the oldest algorithms known, since it appeared in Euclid’s Elementsaround 300 BC. The algorithm does not require factoring the two integers.

12.期望-最大算法(Expectation-maximization algorithm,又名EM-Training)——在统计计算中,期望-最大算法在概率模型中寻找可能性最大的参数估算值,其中模型依赖于未发现的潜在变量。EM在两个步骤中交替计算,第一步是计算期望,利用对隐藏变量的现有估计值,计算其最大可能估计值;第二步是最大化,最大化在第一步上求得的最大可能值来计算参数的值。

In statistical computing, an expectation-maximization (EM) algorithm is analgorithm for finding maximum likelihood estimates of parameters inprobabilistic models, where the model depends on unobserved latent variables.EM alternates between performing an expectation step, which computes theexpected value of the latent variables, and a maximization step, which computesthe maximum likelihood estimates of the parameters given the data and settingthe latent variables to their expectation.

13.快速傅里叶变换(Fast Fourier

transform,FFT)——计算离散的傅里叶变换(DFT)及其反转。该算法应用范围很广,从数字信号处理到解决偏微分方程,到快速计算大整数乘积。

Efficient algorithm to compute the discrete Fourier transform (DFT) and itsinverse. FFTs are of great importance to a wide variety of applications, fromdigital signal processing to solving partial differential equations toalgorithms for quickly multiplying large integers.

14.梯度下降(Gradient

descent)——一种数学上的最优化算法。

Gradient descent is an optimization algorithm that approaches a local minimumof a function by taking steps proportional to the negative of the gradient (orthe approximate gradient) of the function at the current point. If instead onetakes steps proportional to the gradient, one approaches a local maximum ofthat function; the procedure is then known as gradient ascent.

15.哈希算法(Hashing)

A function for summarizing or probabilistically identifying data. Typicallythis means one applies a mathematical formula to the data, producing a stringwhich is probably more or less unique to that data. The string is much shorterthan the original data, but can be used to uniquely identify it.

16.堆排序(Heaps)

In computer science a heap is a specialized tree-based data structure. Heapsare favourite data structures for many applications: Heap sort, selectionalgorithms (finding the min, max or both of them, median or even any kthelement in sublinear time), graph algorithms.

17.Karatsuba乘法——需要完成上千位整数的乘法的系统中使用,比如计算机代数系统和大数程序库,如果使用长乘法,速度太慢。该算法发现于1962年。

For systems that need to multiply numbers in the range of several thousanddigits, such as computer algebra systems and bignum libraries, longmultiplication is too slow. These systems employ Karatsuba multiplication,which was discovered in 1962.

18.LLL算法(Lenstra-Lenstra-Lovasz

lattice reduction)——以格规约(lattice)基数为输入,输出短正交向量基数。LLL算法在以下公共密钥加密方法中有大量使用:背包加密系统(knapsack)、有特定设置的RSA加密等等。

The Lenstra-Lenstra-Lovasz lattice reduction (LLL) algorithm is an algorithmwhich, given a lattice basis as input, outputs a basis with short, nearlyorthogonal vectors. The LLL algorithm has found numerous applications incryptanalysis of public-key encryption schemes: knapsack cryptosystems, RSAwith particular settings, and so forth.

19.最大流量算法(Maximum flow)——该算法试图从一个流量网络中找到最大的流。它优势被定义为找到这样一个流的值。最大流问题可以看作更复杂的网络流问题的特定情况。最大流与网络中的界面有关,这就是最大流-最小截定理(Max-flow min-cut theorem)。Ford-Fulkerson 能找到一个流网络中的最大流。

The maximum flow problem is finding a legal flow through a flow network that ismaximal. Sometimes it is defined as finding the value of such a flow. Themaximum flow problem can be seen as special case of more complex network flowproblems. The maximal flow is related to the cuts in a network by the Max-flowmin-cut theorem. The Ford-Fulkerson algorithm computes the maximum flow in aflow network.

20.合并排序(Merge Sort)

A sorting algorithm for rearranging lists (or any other data structure that canonly be accessed sequentially, e.g. file streams) into a specified order.

21.牛顿法(Newton’s method)——求非线性方程(组)零点的一种重要的迭代法。

Efficient algorithm for finding approximations to the zeros (or roots) of areal-valued function. Newton’s method is also a well-known algorithm forfinding roots of equations in one or more dimensions. It can also be used tofind local maxima and local minima of functions.

22.Q-learning学习算法——这是一种通过学习动作值函数(action-value function)完成的强化学习算法,函数采取在给定状态的给定动作,并计算出期望的效用价值,在此后遵循固定的策略。Q-leanring的优势是,在不需要环境模型的情况下,可以对比可采纳行动的期望效用。

Q-learning is a reinforcement learning technique that works by learning anaction-value function that gives the expected utility of taking a given actionin a given state and following a fixed policy thereafter. A strength withQ-learning is that it is able to compare the expected utility of the availableactions without requiring a model of the environment.

23.两次筛法(Quadratic Sieve)——现代整数因子分解算法,在实践中,是目前已知第二快的此类算法(仅次于数域筛法Number Field

Sieve)。对于110位以下的十位整数,它仍是最快的,而且都认为它比数域筛法更简单。

The quadratic sieve algorithm (QS) is a modern integer factorization algorithmand, in practice, the second fastest method known (after the number fieldsieve, NFS). It is still the fastest for integers under 110 decimal digits orso, and is considerably simpler than the number field sieve.

24.RANSAC——是“RANdom SAmple

Consensus”的缩写。该算法根据一系列观察得到的数据,数据中包含异常值,估算一个数学模型的参数值。其基本假设是:数据包含非异化值,也就是能够通过某些模型参数解释的值,异化值就是那些不符合模型的数据点。

RANSAC is an abbreviation for “RANdom SAmple Consensus”. It is an algorithm toestimate parameters of a mathematical model from a set of observed data whichcontains “outliers”. A basic assumption is that the data consists of “inliers”,i. e., data points which can be explained by some set of model parameters, and“outliers” which are data points that do not fit the model.

25.RSA——公钥加密算法。首个适用于以签名作为加密的算法。RSA在电商行业中仍大规模使用,大家也相信它有足够安全长度的公钥。

Algorithm for public-key encryption. It was the first algorithm known to besuitable for signing as well as encryption. RSA is still widely used inelectronic commerce protocols, and is believed to be secure given sufficientlylong keys.

26.Schönhage-Strassen算法——在数学中,Schönhage-Strassen算法是用来完成大整数的乘法的快速渐近算法。其算法复杂度为:O(N log(N) log(log(N))),该算法使用了傅里叶变换。

In mathematics, the Schönhage-Strassen algorithm is an asymptotically fastmethod for multiplication of large integer numbers. The run-time is O(N log(N)log(log(N))). The algorithm uses Fast Fourier Transforms in rings.

27.单纯型算法(Simplex

Algorithm)——在数学的优化理论中,单纯型算法是常用的技术,用来找到线性规划问题的数值解。线性规划问题包括在一组实变量上的一系列线性不等式组,以及一个等待最大化(或最小化)的固定线性函数。

In mathematical optimization theory, the simplex algorithm a popular techniquefor numerical solution of the linear programming problem. A linear programmingproblem consists of a collection of linear inequalities on a number of realvariables and a fixed linear functional which is to be maximized (orminimized).

28.奇异值分解(Singular value

decomposition,简称SVD)——在线性代数中,SVD是重要的实数或复数矩阵的分解方法,在信号处理和统计中有多种应用,比如计算矩阵的伪逆矩阵(以求解最小二乘法问题)、解决超定线性系统(overdetermined

linear systems)、矩阵逼近、数值天气预报等等。

In linear algebra, SVD is an important factorization of a rectangular real orcomplex matrix, with several applications in signal processing and statistics,e.g., computing the pseudoinverse of a matrix (to solve the least squaresproblem), solving overdetermined linear systems, matrix approximation,numerical weather prediction.

29.求解线性方程组(Solving a

system of linear equations)——线性方程组是数学中最古老的问题,它们有很多应用,比如在数字信号处理、线性规划中的估算和预测、数值分析中的非线性问题逼近等等。求解线性方程组,可以使用高斯—约当消去法(Gauss-Jordan elimination),或是柯列斯基分解( Cholesky

decomposition)。

Systems of linear equations belong to the oldest problems in mathematics andthey have many applications, such as in digital signal processing, estimation,forecasting and generally in linear programming and in the approximation ofnon-linear problems in numerical analysis. An efficient way to solve systems oflinear equations is given by the Gauss-Jordan elimination or by the Choleskydecomposition.

30.Strukturtensor算法——应用于模式识别领域,为所有像素找出一种计算方法,看看该像素是否处于同质区域( homogenous

region),看看它是否属于边缘,还是是一个顶点。

In pattern recognition: Computes a measure for every pixel which tells you ifthis pixel is located in a homogenous region, if it belongs to an edge, or ifit is a vertex.

31.合并查找算法(Union-find)——给定一组元素,该算法常常用来把这些元素分为多个分离的、彼此不重合的组。不相交集(disjoint-set)的数据结构可以跟踪这样的切分方法。合并查找算法可以在此种数据结构上完成两个有用的操作:查找:判断某特定元素属于哪个组。合并:联合或合并两个组为一个组。

Given a set of elements, it is often useful to partition them into a number ofseparate, nonoverlapping groups. A disjoint-set data structure is a datastructure that keeps track of such a partitioning. A union-find algorithm is analgorithm that performs two useful operations on such a data structure:

Find: Determine which group a particular element is in.

Union: Combine or merge two groups into a single group.

32.维特比算法(Viterbi

algorithm)——寻找隐藏状态最有可能序列的动态规划算法,这种序列被称为维特比路径,其结果是一系列可以观察到的事件,特别是在隐藏的Markov模型中。

Dynamic programming algorithm for finding the most likely sequence of hiddenstates - known as the Viterbi path - that result in a sequence of observedevents, especially in the context of hidden Markov models.

另还有人提到了以下三种算法

1、“吴法”:吴法是由吴文俊院士所创,主要解决非线性方程组的解析求解,非线性方程组的数值求解可视为某种“梯度下降法”的变形,但是解析求解却难以找到统一的算法,“吴法”就是解决这一问题的统一的方法之一,它也可能是求解非线性方程组的唯一的统一的方法,这种方法对于平面几何、立体几何的证明尤为有效,核心是将几何问题先变为多项式代数表示,然后整序,逐步消元,得到一个方程式,这个代数方程式等价于要证明的几何问题的结论。吴院士的算法将这个过程标准化、统一化,这样就能通过计算机自动实现。这就是吴法的意义。

2、辛几何算法:辛几何算法由冯康院士所创,主要解决非线性方程的数值求解问题,对于非线性方程,一般用差分方法,当然还有其他的方法,冯院士构造了一种新的差分格式,即所谓的辛格式,这种格式在迭代过程中保辛,大约可以理解成“保面积”、“保功”,特别是时间增量较大时,计算时精度损失较小。构造辛格式是问题的难点,关键是要找到问题的一对对偶变量,后来钟万勰院士将这种算法推广到结构力学、结构动力学、控制理论等方面问题的求解。如上方法的基础都是自然界的哈密顿原理、勒降德原理的具体体现。

3、有限单元算法:有限单元算法也可视为一种方法,甚至是一种思想,它是一种将无限维问题转化成有限维的方法,大体是讲,物体在运动或者变形时,要遵循能量守恒法则,具体地说,就是将问题的运动方程和物理方程,转化为泛函形式,真实解使得这个泛函取得极值,但是这并没有新意,有限单元的新意在于将原来无限维的问题先分割为有限维的“单元”,这些单元的集合就近似等价于原问题的区域,单元只与邻近单元发生作用,单元内部的信息只用单元的节点来表示,也可以视为一种单位分解,这样,要求解问题的区域转化为只求解单元的节点信息,这就是用有限代替了无限。目前这种方法已经发展的非常成熟,成了一项技术活,成了一项大产业,所谓的“CAE”,被忽悠成“数字化仿真分析”“精细研发”“×××数字化工程”“×××数字化协同”….

计算机科学的几个重要分支,计算机科学中重要的32个重要算法(前言)相关推荐

  1. 七桥问题属于计算机科学方法论中的,华中科技大学-计算机科学与技术方法论-2计算学科中的科学问题.ppt...

    华中科技大学-计算机科学与技术方法论-2计算学科中的科学问题.ppt 第二章 计算学科中的科学问题 文坤梅 E-Mail:kunmei.wen@ 智能与分布计算实验室 Intelligence and ...

  2. 计算机学科的三大科学形态,华中科技大学 计算机科学与技术方法论 3计算学科中的三个学科形态.ppt...

    华中科技大学 计算机科学与技术方法论 3计算学科中的三个学科形态 第3章 计算学科中的三个学科形态 文坤梅 E-Mail:kunmei.wen@ 智能与分布计算实验室 Intelligence and ...

  3. 计算机与工程建设项目结合,计算机科学与技术在工程建设项目管理中应用.doc...

    计算机科学与技术在工程建设项目管理中应用 计算机科学与技术在工程建设项目管理中应用 摘要:随着计算机科学与技术的不断发展,在工程建设项目中的应用也越来越广泛,计算机技术的应用带给工程建设项目飞跃性的革 ...

  4. 计算机科学与导论期末论文题目,★计算机科学与技术导论论文题目计算机科学与技术导论毕业论文题目大全计算机科学与技术导论论文选题参考(3页)-原创力文档...

    ★计算机科学与技术导论论文题目计算机科学与技术导论毕业论文题目大全计算机科学与技术导论论文选题参考 1.计算机科学与技术专业导论课程相关问题探讨 2.高等学校教材·计算机科学与技术:计算机导论(第2版 ...

  5. 河南理工大学计算机学院地图,计算机科学与技术0812-河南理工大学计算机科学与技术学院.PDF...

    计算机科学与技术0812-河南理工大学计算机科学与技术学院 计算机科学与技术(0812) 一.学科简介 我校在1986年开始招收计算机应用技术专科生,1994 年起招收计算机科学 与技术专业本科生,是 ...

  6. 计算机科学与技术专题,专题四 计算机科学与应用技术.ppt

    专题四 计算机科学与应用技术 专题四 计算机科学与应用技术 主讲人: 刘 澜 教授 4.1计算机科学与技术中的一些基本知识 布尔逻辑 二进制位与逻辑功能实现的基本原理 计算机模型与图灵机 计算机系统的 ...

  7. 西南石油大学计算机科学学院教授,张小洪(计算机科学学院)老师 - 西南石油大学 - 院校大全...

    张小洪 张小洪老师的简介 姓名 张小洪 性别 男 出生年月 1975年9月 最终学历 研究生 职称 讲师 电话 13981842042 学位 硕士 行政职务 传真 所在院系 计算机科学学院 E-mai ...

  8. 计算机科学与生命科学的关系,计算机科学与生命科学论文

    计算机科学与生命科学选修论文 计算机科学与生命科学论文 在学习计算机科学与生命科学之前,我很难想象到二者会有如此紧密的联系.一个是没有生命的机器,一个是生物领域的课题,一眼看去实在是风马牛不相及.魏老 ...

  9. 麻省电气工程与计算机科学专业,麻省理工学院电气工程与计算机科学专业解读...

    编者按:2015年US News研究生专业排名中麻省理工学院工程学院下的电气工程与计算机科学全美第二,麻省理工学院本身不论是综合排名还是具体到某个学科都是部分国际学生的梦想学校. 2015年US Ne ...

最新文章

  1. NE 题库 38个知识点总结
  2. 题注Oracle数据库的网络连接原理
  3. Python入门100题 | 第058题
  4. 使用Jupyter notebook,按下ctrl+enter后,一直出现In[*]呢?
  5. 【bzoj2132】圈地计划 网络流最小割
  6. Python多线程笔记——简单函数版和类实现版
  7. 在ASP.NET中如何添加过滤器
  8. Android AP模式下获取SSID/PASSWORD
  9. 永别了.武器------爱好和平人民的美好愿望(图)
  10. xp 无线网络 搜索 服务器,WinXP系统搜索不到无线网络的解决方法【图】
  11. 5G时代下的人工智能发展
  12. volatility 基本用法
  13. BDCN:Bi-Directional Cascade Network for Perceptual Edge Detection论文解读和代码实现
  14. uniapp 创建小程序使用云开发
  15. java优化代码常见套路
  16. 【笔记】——MySQL数据库——基础知识-——快速回顾——(加深印象篇)
  17. 导购提成怎么算_导购提成应该怎么算?
  18. powerdesigner 16.5 关联mysql8.0
  19. 音乐变成伴奏软件 怎么把歌曲变成伴奏、消除人音
  20. JSP的特点与工作流程

热门文章

  1. 射击场设备分类:自动报靶功能的精度自动靶机
  2. 远程计算机需要网络级别身份验证 而您的,win10远程桌面连接提示“需要网络级别身份验证”的处理方法...
  3. 解决shardingsphere 4.1.1 SQLFeatureNotSupportedException: isValid
  4. 3D游戏编程实践——打飞碟(Hit UFO)游戏运动与物理兼容版
  5. MysqlDay01
  6. 数据可视化工具宝藏简单
  7. 初高中英语老师教师资格证考试成功通过前辈备考经验分享
  8. QT播放语音的一系列问题
  9. 落地式大容量高速冷冻离心机HL10R
  10. 微信小程序路由跳转的方式总结