原文转自:http://www.scriptol.com/programming/list-algorithms.php

List of Algorithms

A complete list of all major algorithms (300), in any domain. The goal is to provide a ready to run program for each one, or a description of the algorithm. Programming languages include Java, JavaScript and PHP, C, C++ either in direct form or generated from a Scriptol source.

  • Automata
  • Artificial intelligence
    • Computer vision
    • Genetic algorithms
    • Neural networks
  • Bioinformatics and cheminformatics
  • Compression
    • Lossless compression algorithms
    • Lossy compression algorithms
  • Cryptography
  • Geometry
  • Graphs
  • Graphics
  • Lists, arrays and trees
    • Searching
    • Sorting
    • Merging
  • Logic programming
  • Mathematics
    • Algebra
    • Arithmetic
    • Discrete logarithm
    • Integer factorization
    • Prime test
    • Numerical
  • Matrix processing
  • Optic
  • Optimization
  • Parsing
  • Prediction (statistics)
  • Quantum
  • Random number generators
  • Sciences
    • Astronomy
    • Medical
  • Signal processing
  • Software engineering
    • Memory allocation
    • Distributed systems
    • Operating systems algorithms (disk, scheduling...)
  • Texts
    • Searching
    • Approximate matching
    • Word processing
  • Utilities
  • Misc

Automata

  • Powerset construction. Algorithm to convert nondeterministic automaton to deterministic automaton.
  • Todd-Coxeter algorithm. Procedure for generating cosets.

Artificial intelligence

Computer vision

  • Epitome. Represent an image or video by a smaller one.
  • Counting objects in an image. Uses the connected-component labeling algorithm to first label each object, and count then the objects.
  • O'Carroll algorithm. From a mathematical conversion of insect vision, this algorithm evaluates how to get around avoiding objects.

Genetic algorithms

They uses three operator. selection (choose solution), reproduction (use choosen solutions to construct other ones), replacement (replace solution if better).

  • Fitness proportionate selection. Also known as roulette-wheel selection, is a function used for selecting solutions.
  • Truncation selection. Another method for selecting solutions, ordered by fitness.
  • Tournament selection. Select the best solution by a kind of tournament.
  • Stochastic universal sampling. The individuals are mapped to contiguous segments of a line, such that each individual's segment is equal in size to its fitness exactly as in roulette-wheel selection.

Neural networks

  • Hopfield net. Recurrent artificial neural network that serve as content-addressable memory systems with binary threshold units. They converge to a stable state.
  • Backpropagation. Supervised learning technique used for training artificial neural networks.
  • Self-organizing map (Kohonen map). Neural networks trained using unsupervised learning to produce low dimensional (2D, 3D) representation of the training samples. Good for visualizing high-dimensional data.

Bioinformatics and Cheminformatics

Compression

Lossless compression algorithms

  • Burrows-Wheeler transform. Preprocessing useful for improving lossless compression.
  • Deflate. Data compression used by ZIP.
  • Delta encoding. Aid to compression of data in which sequential data occurs frequently.
  • Incremental encoding. Delta encoding applied to sequences of strings.
  • LZW. (Lempel-Ziv-Welch). Successor of LZ78. Builds a translation table from the data to compress. Is used by the GIF graphical format.
  • LZ77 and 78. The basis of further LZ variations (LZW, LZSS, ...). They are both dictionary coders.
  • LZMA. Short for Lempel-Ziv-Markov chain-Algorithm.
  • LZO. Data compression algorithm that is focused on speed.
  • PPM (Prediction by Partial Matching). Adaptive statistical data compression technique based on context modeling and prediction.
  • Shannon-Fano coding. Constructs prefix codes based on a set of symbols and their probabilities.
  • Truncated binary. An entropy encoding typically used for uniform probability distributions with a finite alphabet. Improve binary encoding.
  • Run-length encoding. Primary compression that replaces a sequence of same code by the number of occurences.
  • Sequitur. Incremental grammar inference on a string.
  • EZW (Embedded Zerotree Wavelet). Progressive encoding to compress an image into a bit stream with increasing accuracy. May be lossy compression also with better results.

    Entropy encoding

    Coding scheme that assigns codes to symbols so as to match code lengths with the probabilities of the symbols .

    • Huffman coding. Simple lossless compression taking advantage of relative character frequencies.
    • Adaptive Huffman coding. Adaptive coding technique based on Huffman coding.
    • Arithmetic coding. Advanced entropy coding.
    • Range encoding. Same as arithmetic coding, but looked at in a slightly different way.
    • Unary coding. Code that represents a number n with n ones followed by a zero.
    • Elias deltagammaomega coding. Universal code encoding the positive integers.
    • Fibonacci coding. Universal code which encodes positive integers into binary code words.
    • Golomb coding. Form of entropy coding that is optimal for alphabets following geometric distributions.
    • Rice coding. Form of entropy coding that is optimal for alphabets following geometric distributions.

Lossy compression algorithms

  • Linear predictive coding. Lossy compression by representing the spectral envelope of a digital signal of speech in compressed form.
  • A-law algorithm. Standard companding algorithm.
  • Mu-law algorithm. Standard analog signal compression or companding algorithm.
  • Fractal compression. Method used to compress images using fractals.
  • Transform coding. Type of data compression for data like audio signals or photographic images.
  • Vector quantization. Technique often used in lossy data compression.
  • Wavelet compression. Form of data compression well suited for image and audio compression.

Cryptography

Secret key (symmetric encryption)

Use a secret key (or a pair of directly related keys) for both decryption and encryption.

  • Advanced Encryption Standard (AES), also known as Rijndael.
  • Blowfish. Designed by Schneier as a general-purpose algorithm, intended as a replacement for the aging DE.
  • Data Encryption Standard (DES), formerly DE Algorithm.
  • IDEA (International Data Encryption Algorithm). Formerly IPES (Improved PES), another replacement for DES. Is used by PGP (Pretty Good Privacy). Performs transformations on data splitted in blocks, using a key.
  • RC4 or ARC4. Stream cipher widely-used in protocols such as SSL for Internet traffic and WEP for wireless networks.
  • Tiny Encryption AlgorithmEasy to implement block cipher algorithme using some formulas.
  • PES (Proposed Encryption Standard). Older name for IDEA.

Public key (asymmetric encryption)

Use a pair of keys, designated as public key and private key. The public key encrypt the message, only the private key permits to decrypt it.

  • DSA (Digital Signature Algorithm). Generate keys with prime and random numbers. Was used by US agencies, and now public domain.
  • ElGamal. Based on Diffie-Hellman, used by GNU Privacy Guard software, PGP, and other cryptographic systems.
  • RSA (Rivest, Shamir, Adleman). Widely used in electronic commerce protocols. Use prime numbers.
  • Diffie-Hellman (Merkle) key exchange (or exponential key exchange). Method and algorithm to share secret over an unprotected communications channel. Used by RSA.
  • NTRUEncrypt. Make use of rings of polynomials with convolution multiplications.

Message digest functions

A message digest is a code resulting of the encryption of a string or data of any length, processed by a hash function.

  • MD5. Used for checking ISO images of CDs or DVDs.
  • RIPEMD (RACE Integrity Primitives Evaluation Message Digest). Based upon the principles of MD4 and similar to SHA-1.
  • SHA-1 (Secure Hash Algorithm 1)Most commonly used of the SHA set of related cryptographic hash functions. Was designed by the NSA agency.
  • HMAC. keyed-hash message authentication.
  • Tiger (TTH). Usually used in Tiger tree hashes.

Cryptographic using pseudo-random numbers

  • See. Random Number Generators

Techniques in cryptography

Secret sharing, Secret Splitting, Key Splitting, M of N algorithms.

  • Shamir's secret sharing scheme. This is a formula based on polynomial interpolation.
  • Blakley's secret sharing scheme. Is geometric in nature, the secret is a point in an m-dimensional space.

Other techniques and decryption

  • Subset sum. Given a set of integers, does any subset sum equal zero? Used in cryptography.
  • Shor's algorithm. Quantum algorithm able to decrypt a code based on asymetric functions such as RSA.

Geometry

  • Gift wrapping. Determining the convex hull of a set of points.
  • Gilbert-Johnson-Keerthi distance. Determining the smallest distance between two convex shapes.
  • Graham scan. Determining the convex hull of a set of points in the plane.
  • Line segment intersection. Finding whether lines intersect with a sweep line algorithm.
  • Point in polygon. Tests whether a given point lies within a given.
  • Ray/Plane intersection.
  • Line/Triangle intersection. Particular case of Ray/Plane intersection.
  • Polygonization of implicit surfaces. Approximate an implicit surface with a polygonal representation.
  • Triangulation. Method to evaluate the distance to a point from angles to other points, whose distance is known.

Graphs

  • 3D Surface Tracker Technology. Process to add images on walls in a video while hidden surfaces are taken into account.
  • Bellman-Ford. Computes shortest paths in a weighted graph (where some of the edge weights may be negative).
  • Graph canonization. Find a canonical form of a graph that is isomorphic to another graph. Used in cheminformatics.
  • Dijkstra's algorithm. Computes shortest paths in a graph with non-negative edge weights.
  • Perturbation methods. An algorithm that computes a locally shortest paths in a graph.
  • Floyd-Warshall. Solves the all pairs shortest path problem in a weighted, directed graph.
  • Floyd's cycle-finding. Finds cycles in iterations.
  • Johnson. All pairs shortest path algorithm in sparse weighted directed graph.
  • Hopcroft–Karp algorithm. From a bipartite graph, returns the maximum number of edges with no common endpoints. Alternatives are breadth-first and depth-first algos.
  • Kruskal. Finds a minimum spanning tree for a graph.
  • Prim's. Finds a minimum spanning tree for a graph. Also called DJP , Jarník or Prim–Jarník algorithm.
  • Boruvka. Finds a minimum spanning tree for a graph.
  • Ford-Fulkerson. Computes the maximum flow in a graph.
  • Edmonds-Karp. Implementation of Ford-Fulkerson.
  • Nonblocking Minimal Spanning Switch. For a telephone exchange.
  • Woodhouse-Sharp. Finds a minimum spanning tree for a graph.
  • Spring based. Algorithm for graph drawing.
  • Hungarian. Algorithm for finding a perfect matching.
  • Coloring algorithm. Graph coloring algorithm.
  • Nearest neighbour. Find nearest neighbour.
  • Topological sort. Sort a directed acyclic graph in such a manner that each node comes before all nodes to which it has edges (according to directions).
  • Tarjan's off-line least common ancestors algorithm. Compute lowest common ancestors for pairs of nodes in a tree.

Graphics

  • Bresenham's line algorithm. Uses decision variables to plots a straight line between 2 specified points.
  • Colorization. A process for coloring a picture or video in black and white, with a few strokes to mark the colors. Examples.
  • Depixelizing Pixel Art. Smoothing algorithm that converts an image in coarse pixels into a realistic picture. (Johannes Kopf and Dani Lischinski). Demonstration. Archive of demos.
  • Landscape Draw a 3D scenery.
  • DDA line algorithm. Uses floating-point math to plots a straight line between 2 specified points.
  • Flood fill. Fills a connected region with a color.
  • Image Restoring. Restore photo, improve images.
  • Xiaolin Wu's line algorithm. Line antialiasing.
  • Painter's algorithm. Detects visible parts of a 3-dimensional scenery.
  • Ray tracing. Realistic image rendering.
  • Phong shading. An illumination model and an interpolation method in 3D computer graphics.
  • Gouraud shading. Simulate the differing effects of light and colour across the surface of a 3D object.
  • Scanline rendering. Constructs an image by moving an imaginary line.
  • Global illumination. Considers direct illumination and reflection from other objects.
  • Interpolation. Constructing new data points such as in digital zoom.
  • Resynthesizer. Remove an object on a photo and rebuild the background Used by Photoshop and The Gimp. Resynthesizer tutorial .
  • Slope-intercept algorithm. It is an implementation of the slope-intercept formula for drawing a line.
  • Spline interpolation. Reduces error with Runge's phenomenon.
  • 3D Surface Tracker Technology. Adding images or vidéo on walls in a vidéo, hidden surfaces being taken into account.

Lists, arrays and trees

Searching

  • Dictionary search. See predictive search.
  • Selection algorithm. Finds the kth largest item in a list.
  • Binary search algorithm. Locates an item in a sorted list.
  • Breadth-first search. Traverses a graph level by level.
  • Depth-first search. Traverses a graph branch by branch.
  • Disjoint-set data structure and algorithm. With for application, building a maze.
  • Best-first search. Traverses a graph in the order of likely importance using a priority queue.
  • A* tree search. Special case of best-first search that uses heuristics to improve speed.
  • Uniform-cost search. A tree search that finds the lowest cost route where costs vary.
  • Predictive search. Binary like search which factors in magnitude of search term versus the high and low values in the search.
  • Hash table. Associate keys to items in an unsorted collection, to retrieve them in a linear time.
  • Interpolated search. See predictive search.
  • Skip list. Structure composed of linked lists for a quicker access, and algorithm or search/insertion.

Sorting

  • Binary tree sort. Sort of a binary tree, incremental, similar to insertion sort.
  • Bogosort. Inefficient random sort of a desk card.
  • Bubble sort. For each pair of indices, swap the items if out of order.
  • Bucket sort. Split a list in buckets and sort them individually. Generalizes pigeonhole sort.
  • Cocktail sort (or bidirectional bubble, shaker, ripple, shuttle, happy hour sort). Variation of bubble sort that sorts in both directions each pass through the list.
  • Comb sort. Efficient variation of bubble sort that eliminates "turtles", the small values near the end of the list and makes use of gaps bewteen values.
  • Counting sort. It uses the range of numbers in the list A to create an array B of this length. Indexes in B are used to count how many elements in A have a value less than i.
  • Gnome sortSimilar to insertion sort except that moving an element to its proper place is accomplished by a series of swaps, as in bubble sort.
  • Heapsort. Convert the list into a heap, keep removing the largest element from the heap and adding it to the end of the list.
  • Insertion sort. Determine where the current item belongs in the list of sorted ones, and insert it there.
  • Introsort. Or introspective sort. It begins in quicksort and switches to heapsort at certain recursion level.
  • Merge sort. Sort the first and second half of the list separately, then merge the sorted lists.
  • Pancake sort. Reverse elements of some prefix of a sequence.
  • Pigeonhole sort. Fill an empty array with all elements of an array to be sorted, in order.
  • Postman sort. Hierarchical variant of bucket sort, used by post offices.
  • Quicksort. Divide list into two, with all items on the first list coming before all items on the second list.; then sort the two lists. Often the method of choice.
  • Radix sort. Sorts keys associated to items, or integer by processing digits.
  • Selection sort. Pick the smallest of the remaining elements, add it to the end of the sorted list.
  • Shell sort. Improves insertion sort with use of gaps between values.
  • Smoothsort. See heapsort.
  • Stochastic sort. See bogosort.

Merging

  • Simple Merge. Merge n sorted streams into one output stream. All the stream heads are compared, and the head with the least key is removed and written to the output.
  • k-way Merge sort (or p-way. A merge sort that sorts a data stream using repeated merges.

Logic programming

  • Davis–Putnam algorithm. Checks the validity of a first-order formula.

Mathematics

Algebra

Eigenvalue algorithm

Algorithms to find the Eigenvalue and/or Eigenvector of a matrix.

  • QR algorithm. A popular method based on the QR decomposition.
  • Inverse iteration. Iterative eigenvalue algorithm.
  • Rayleigh quotient iteration. Extends the principle of the inverse iteration by using the Rayleigh quotient to obtain increasingly accurate eigenvalue estimates.
  • Arnoldi iteration. Compute the eigenvalues of the orthogonal projection of A onto the Krylov subspace.
  • Lanczos iteration. Method to find a zero vector in the process of the quadratic sieve.
  • Jacobi method. Numerical procedure for the calculation of all eigenvalues and eigenvectors of a real symmetric. matrix
  • Bisection.
  • Divide-and-conquer. Apply to real symmetric matrices.

Eigenvector algorithms

  • Richardson eigenvector algorithm.
  • Max-Plus. Eigenvector algorithm for nonlinear H 1 control.
  • Abrams and Lloyd eigenvector algorithm.

Arithmetic

Discrete logarithm in group theory

Integer factorization

Breaking an integer into its prime factors . Also named prime factorization.

Prime test

Determining whether a given number is prime.

Numerical

  • Fibonacci. Calculating the sequence of Fibonacci.
  • Biconjugate gradient method. Solves systems of linear equations.
  • Dancing Links. Finds all solutions to the exact cover problem.
  • De Boor algorithm. Computes splines.
  • De Casteljau's algorithm. Computes Bezier curves.
  • False position method. Approximates roots of a function.
  • Gauss-Legendre. Computes the digits of pi.
  • Kahan summation. A more accurate method of summing floating-point numbers.
  • MISER. Monte Carlo simulation, numerical integration.
  • Newton's method. Finds zeros of functions with calculus.
  • Rounding functions. The classic ways to round numbers.
  • Secant method. Approximates roots of a function.
  • Shifting nth-root. Digit by digit root extraction.
  • Square root. Approximates the square root of a number.
  • Borwein's algorithm. Calculates the value of 1/e.
  • Metropolis-Hastings. Generate a sequence of samples from the probability distribution of one or more variables.

Matrix processing

Optic

  • Gerchberg Saxton. algorithm for the determination of the phase from image and diffraction plane pictures.

Optimization

  • Ant colony optimization. Probabilistic technique for solving problems which can be reduced to finding good paths through graphs.
  • BFGS (Broyden-Fletcher-Goldfarb-Shanno method). Solves a unconstrained nonlinear optimization problem.
  • Branch and bound. Method to find optimal solutions of discrete and combinatorial optimization problems.
  • Conjugate gradient method. Iterative algorithm for the numerical solution of systems of linear equations, whose matrix is symmetric and positive definite.
  • Evolution strategy. Technique based on ideas of adaptation and evolution. Operators are. mating selection, recombination, mutation, fitness function evaluation, and environmental selection.
  • Gauss-Newton. An algorithm for solving nonlinear least squares problems.
  • Gradient descent. Approaches a local minimum of a function by taking steps proportional to the negative of the gradient (or the approximate gradient) of the function at the current point.
  • Gradient ascent. Approaches a local maximum of a function, as gradient descent but one takes steps proportional to the gradient.
  • Levenberg-Marquardt. Numerical solution to the problem of minimizing a sum of squares of several, generally nonlinear functions that depend on a common set of parameters.
  • Line search. Iterative approaches to find a local minimum of an objective function in unconstrained optimization.
  • Local search. Metaheuristic for solving hard optimization problems as maximizing a criterion among a number of candidate solutions.
  • Nelder-Mead method (downhill simplex method). A nonlinear optimization algorithm.
  • Newton's method in optimization. The same algorithm to find roots of equations in one or more dimensions can also be used to find local maxima and local minima of functions.
  • PSO, Particle swarm optimization. Swarm intelligence modeled by particles in multidimensional space that have a position and a velocity.
  • Random-restart hill climbing. Meta-algorithm built on top of the hill climbing optimization algorithm.
  • Simplex algorithm. An algorithm for solving the linear programming problem
  • Simulated annealing. Generic probabilistic meta-algorithm for the global optimization problem, inspirated by annealing in metallurgy.
  • Steepest descent. see gradient descent.
  • Stochastic tunneling. Approach to minimize a function based on the Monte Carlo method-sampling.
  • Tabu search. optimization method of search algorithm by using memory structures.
  • Trust search. Another iterative approaches to find a local minimum of an objective function in unconstrained optimization.

Parsing

  • CYK (Cocke-Younger-Kasami). An efficient O(n3) algorithm for parsing any CNF context-free grammar.
  • Earley's algorithm. A chart parser, O(n3) algorithm for parsing any context-free grammar.
  • Inside-outside. An O(n3) algorithm for re-estimating production probabilities in probabilistic context-free grammars.

LL Parsers

Parse a LL context-free grammar top-down from left to right. 
Such as ANTLR that is LL(*).

LR Parsers

Bottom-up parsers for context-free grammars.

  • Dijkstra's shunting yard algorithm is commonly used to implement operator precedence parsers which convert from infix notation to Reverse Polish notation (RPN).
  • LALR (Look-ahead LR). With a one-token look-ahead. Yacc/Bison use LALR(1)
  • SLR (Simple LR) parser. An LR(0) modified to prevent shift-reduce and reduce-reduce conflits. Remains inferior to LR(1).
  • Canonical LR parser or LR(1) parser. Has a look-ahead of one token.
  • GLR. (Generalyzed LR parser) by Masaru Tomita. An extension of an LR to handle nondeterministic or ambiguous grammars. It is efficient to parse natural language.

Recursive Descent Parsers

Top-down parsers built from a set of mutually-recursive procedures that represent the production rules of the grammar.

  • Packrat parser. A linear time parsing algorithm supporting context-free LL(k) grammars. Use backup and memoization (remembering its choices) to avoid non-termination.

Prediction (statistics)

Quantum

Application of quantum computation to various categories of problems

  • Grover's algorithm. Provides quadratic speedup for many search problems.
  • Shor's algorithm. Provides exponential speedup for factorizing a number.
  • Deutsch-Jozsa. Criterion of balance for Boolean function.

(Pseudo) Random number generators

  • Blum Blum Shub. Based on a formula on prime numbers.
  • Mersenne twister. By Matsumoto Nishimura, fast and with high period.
  • Lagged Fibonacci generator. Improvement of Linear congruential generator, uses the Fibonacci sequence.
  • Linear congruential generator. One of oldest, not the best, use three numbers to generate a sequence.
  • Yarrow algorithm. By Bruce Schneier, John Kelsey, and Niels Ferguson. Cryptographically secure pseudorandom numbers generator, can also be used as a real random number generator, accepting random inputs from analog random sources.
  • Fortuna. Allegedly an improvement on Yarrow algorithm.
  • Linear feedback shift register. A shift register whose input bit is a linear function of its previous state. The first state is the seed.

Sciences

Astronomy

Medical

Signal processing

  • CORDIC. Fast trigonometric function computation technique.
  • Rainflow-counting algorithm. Reduces a complex stress history to a count of elementary stress-reversals for use in fatigue analysis.
  • Osem. Algorithm for processing of medical images.
  • Goertzel algorithm. Can be used for DTMF digit decoding.
  • Discrete Fourier transform. Determines the frequencies contained in a (segment of a) signal.
    • Fast Fourier transform
    • Cooley-Tukey FFT
    • Rader's FFT
    • Bluestein's FFT
    • Bruun's FFT
    • Prime-factor FFT
  • Richardson-Lucy deconvolution. Image de-blurring algorithm.
  • Elser Difference-Map. X-Ray diffraction microscopy.

Software engineering

  • Algorithms for Recovery and Isolation Exploiting Semantics. Recovery.
  • Unicode Collation. Provides a standard way to put names, words or strings of text in sequence.
  • CHS conversion. Converting between disk addressing systems.
  • Cyclic redundancy check. Calculation of a check word.
  • Parity control. Simple/fast error detection technique. Is a number even or odd?

Memory allocation

  • Boehm garbage collector. Conservative garbage collector.
  • Buddy memory allocation. Algorithm to allocate memory such that fragmentation is less.
  • Generational garbage collector. Fast garbage collectors that segregate memory by age.
  • Mark and sweep.
  • Reference counting. Simple memory manager that counts links to data and reclaims the space when the count is zero.

Distributed systems

  • Lamport ordering. A partial ordering of events based on the happened-before relation.
  • Snapshot. A snapshot is the process of recording the global state of a system.
  • Vector clocks. A total ordering of events.
  • Marzullo. Distributed clock synchronization.
  • Intersection. Another clock agreement algorithm.

Operating systems algorithms

  • Banker. Algorithm used for deadlock avoidance.
  • Page replacement. Selecting the victim page under low memory conditions.
  • Bully. Selecting new leader among many computers.

Disk scheduling algorithms.

  • Elevator. Disk scheduling algorithm that works like an elevator.
  • Shortest seek first. Disk scheduling algorithm to reduce seek time.

Process synchronisation algorithms.

  • Peterson. Allows two processes to share a single-use resource without conflict, using shared memory for communication. Can be generalized.
  • Lamport's Bakery algorithm. Improve the robustness of multiple thread-handling processes by means of mutual exclusion.
  • Dekker. Another concurrent programming algorithm, as the Peterson's one.

Scheduling algorithms

  • Earliest deadline first scheduling. When an event occurs (end of task, new task released, etc.) the queue will be searched for the process closest to its deadline.
  • Fair-share scheduling. Sharing cpu time between groups and users in groups. Another algorithm is called recursively to manage sharing of processes.
  • Least slack time scheduling or Least Laxity First. Assigns priority based on the slack time (difference between the deadline, ready and run time) of a process.
  • List scheduling. From an ordered list of processes with priorities, assign first to highest priority the available resources. Possible strategies: critical path, longest path, highest level first, longest processing time.
  • Multi level feedback queue.
  • Rate-monotonic scheduling. Optimal, preemptive, static-priority scheduling algorithm. Priority given in rate monotonic principle (first deadline is first processed).
  • Round-Robin scheduling. Simplest algorithm, assigns time slices to each process without priority.
  • Shortest job next (or first). Executes next the waiting process with the smallest execution time, is non-preemptive.
  • Shortest remaining time. A version of shortest job next scheduling that terminates the running process before to choose another task.

Texts

Searching

  • Aho-Corasick. Search in a text by building a table from words.
  • Bitap (or shift-or, shift-and, Baeza-Yates-Gonnet). Fuzzy string searching algorithm developed by Udi Manber and Sun Wu.
  • Boyer-Moore string search. Search in text by skipping sub-string not containing letters in the searched input.
  • Knuth-Morris-Pratt. Build a table when searching to skip sub-string.
  • Rabin-Karp string search. Use hashing for multiple searches.
  • Longest common subsequence problem. Haskell's algorithm. Of two sequences.
  • Longest increasing subsequence problem. Of two sequences. It also reduces to find the longest path in a directed acyclic graph.
  • Shortest common supersequence. Of two sequences.
  • Horspool. Simplification of the Boyer-Moore algorithm. O(mn).

Approximate matching

  • Levenshtein distance (or edit distance). Minimum number of operations (insertion, deletion, replacement) needed to transform one string into the other.
  • Soundex. Phonetic algorithm for indexing words by their sound (in English).
  • Metaphone. Indexing words by their sound (in English).
  • NYSIIS. (New York State Identification and Intelligence System). Phonetic algorithm that improves soundex.

Word processing

Utilities

Misc.

  • BrowseRank. Alternative to PageRank based on users behavior.
  • Hypertext Induced Topic Selection (HITS, patent in 1997). Algorithm for scoring Web pages, by Jon Kleinberg. One score depends upon backlinks, the other one is based on external links.
  • Leaf shape. From 28 parameters, the Growth-Algorithm Model of Leaf Shape can reproduce all the shape of real leaves found in the nature.
  • PageRank. (1998) Algorithm of scoring by Larry Page and Sergey Brin (Google), using backlinks and external links. The score of a Web page depends also to various other criteria.
  • Schreier-Sims. For permutation groups. A method of computing a Base and Strong Generating Set (BSGS) of a permutation group. Used by algebra algorithms.
  • Robinson-Schensted. Combinatorial algorithm.

Links

  • List of astonishing algorithms to transform pictures.
  • The directory of algorithms at dmoz.org.

List of Algorithms相关推荐

  1. Camera HDR Algorithms

    Camera HDR Algorithms HDRI是High-Dynamic Range(HDR)image的缩写,也就是高动态范围图像.它就是为了解决更好的存储高动态范围图像这个问题而发明出来的. ...

  2. ADPRL - 近似动态规划和强化学习 - Note 4 - Policy Iteration Algorithms

    Note 4 - Policy Iteration Algorithms 4. Policy Iteration Algorithms 补充:范数的性质 4.1 贪婪诱导策略的特性 (Properti ...

  3. Proximal Algorithms 4 Algorithms

    目录 Proximal minimization 解释 \(f(x) + g(x)\) 解释1 最大最小算法 不动点解释 Forward-backward 迭代解释 加速 proximal gradi ...

  4. 阅读Book: MultiObjective using Evolutionary Algorithms (5) ---- Non-Dominated Sorting of a Population

    种群非支配等级排序. Why??不是说就为了找到非支配集合吗? 这个不是多目标中优化中追求的一个goal? 解释: Most evolutionary multi-objective optimiza ...

  5. 2018/8/24阅读文献 A Unified Model for Multi-Objective Evolutionary Algorithms with Elitism

    信息:  2000年    苏黎世联邦理工学院 题目: A Unified Model for Multi-Objective Evolutionary Algorithms with Elitism ...

  6. Chapter 9:Noise-Estimation Algorithms

    作者:桂. 时间:2017-06-14  12:08:57 链接:http://www.cnblogs.com/xingshansi/p/6956556.html 主要是<Speech enha ...

  7. 算法(第4版)Algorithms, Fourth Edition

    作者:[美] Robert Sedgewick,[美] Kevin Wayne 著,谢路云 译 出版社:人民邮电出版社 品牌:iTuring 出版时间:2012-10-01 外文名称:Algorith ...

  8. R语言使用caret包构建遗传算法树模型(Tree Models from Genetic Algorithms )构建回归模型、通过method参数指定算法名称

    R语言使用caret包构建遗传算法树模型(Tree Models from Genetic Algorithms  )构建回归模型.通过method参数指定算法名称.通过trainControl函数控 ...

  9. A Comprehensive Analysis of Sequence Alignment Algorithms for LongRead Sequencing

    A Comprehensive Analysis of Sequence Alignment Algorithms for LongRead Sequencing   长Read序列比对算法的综合分析 ...

  10. Long Read Mapping at Scale: Algorithms and Applications

    Long Read Mapping at Scale: Algorithms and Applications 大规模长读映射:算法和应用 DNA测序技术已经有40年的历史了,这为我们提供了充足的时间 ...

最新文章

  1. 您没有足够的全新为该计算机所有用户安装,很抱歉,无法安装Office(64位),因为您的计算机上已经安装了这些32位Office程序解决办法...
  2. mysql5.7 部署文档-rpm
  3. 第六十七期:全球500强公司的2100万登录信息惊现于暗网上!
  4. 解决Linux操作系统下AES解密失败的问题
  5. 【新版】Android技术博客精华汇总
  6. 137_原始套接字_发送UDP数据,模仿他人飞秋给另一个飞秋客户端发送信息
  7. UFO提示写日志文件ufoerr.log 错误
  8. 如何在Mac OS X上创建一个Service服务进程
  9. 月薪50K的测试工程师,要求原来是这样!
  10. 2.Hadoop 生态圈及核心组件简介
  11. 洛克人java下载_洛克人-威利博士末日
  12. 笔记:《高效能人士的七个习惯》第八章 习惯五 知彼解己——移情沟通的原则
  13. IT行业岗位分析丨我们要不要学习Linux?
  14. PTA实验11-1-7 藏头诗 (15 分)
  15. 云计算DNS的优缺点
  16. 第一章  GPU虚拟化发展史
  17. 大数据ACA试题-3
  18. 【机器学习|数学基础】Mathematics for Machine Learning系列之线性代数(8):矩阵的初等变换
  19. 985计算机报录比,985211院校报录比大汇总!
  20. 图片加载的框架——glid

热门文章

  1. win10释放C盘空间(清理C盘)
  2. 强大的Java辅助类工具箱Hutool
  3. 【Sinclair/记录】Rainmeter在电脑桌面添加GIF
  4. 高效液相色谱分析的基本原理
  5. PC协议/微信协议/ipad协议823最新版
  6. PreparedStatement防止SQL注入
  7. 在Qt中使用大漠插件示例(版本3.1233),包含下载、注册、使用教程
  8. 如何安装SQL server 2000 SP4补丁
  9. 什么叫手机android密码,手机这个密码必须设,99%的人不知道!
  10. matlab计算abc三相短路电流_变频电源的安装及单相/三相变频电源电流计算公