User:Stclemmons/Books/Algorithms
Appearance
The Wikimedia Foundation's book rendering service has been withdrawn. Please upload your Wikipedia book to one of the external rendering services. |
You can still create and edit a book design using the Book Creator and upload it to an external rendering service:
|
This user book is a user-generated collection of Wikipedia articles that can be easily saved, rendered electronically, and ordered as a printed book. If you are the creator of this book and need help, see Help:Books (general tips) and WikiProject Wikipedia-Books (questions and assistance). Edit this book: Book Creator · Wikitext Order a printed copy from: PediaPress [ About ] [ Advanced ] [ FAQ ] [ Feedback ] [ Help ] [ WikiProject ] [ Recent Changes ] |
Algorithms
[edit]List of Algorithms
[edit]- List of algorithms
- Combinatorics
- Cycle detection
- Stable marriage problem
- Pseudorandom number generator
- Blum Blum Shub
- Lagged Fibonacci generator
- Linear congruential generator
- Mersenne Twister
- Graph theory
- Graph coloring
- Hopcroft–Karp algorithm
- Hungarian algorithm
- Prüfer sequence
- Tarjan's off-line lowest common ancestors algorithm
- Topological sorting
- Graph drawing
- Force-directed graph drawing
- Spectral layout
- Network theory
- Girvan–Newman algorithm
- HITS algorithm
- PageRank
- TrustRank
- Flow network
- Dinic's algorithm
- Time complexity
- Maximum flow problem
- Edmonds–Karp algorithm
- Ford–Fulkerson algorithm
- Karger's algorithm
- Minimum cut
- Push–relabel maximum flow algorithm
- Edmonds' algorithm
- Euclidean minimum spanning tree
- Longest path problem
- Minimum spanning tree
- Borůvka's algorithm
- Kruskal's algorithm
- Prim's algorithm
- Reverse-delete algorithm
- Shortest path problem
- Bellman–Ford algorithm
- Dijkstra's algorithm
- Floyd–Warshall algorithm
- Johnson's algorithm
- Transitive closure
- Travelling salesman problem
- Christofides algorithm
- Nearest neighbour algorithm
- Knight's tour
- State space search
- Graph traversal
- A* search algorithm
- B*
- Backtracking
- Beam search
- Beam stack search
- Best-first search
- Priority queue
- Bidirectional search
- Bloom filter
- Breadth-first search
- D*
- Incremental heuristic search
- Depth-first search
- General Problem Solver
- Iterative deepening depth-first search
- Jump point search
- Lexicographic breadth-first search
- Tree traversal
- SSS*
- Bron–Kerbosch algorithm
- Clique (graph theory)
- Strongly connected component
- Path-based strong component algorithm
- Kosaraju's algorithm
- Tarjan's strongly connected components algorithm
- Sequence
- Bitap algorithm
- Phonetic algorithm
- Daitch–Mokotoff Soundex
- Soundex
- Metaphone
- Match rating approach
- New York State Identification and Intelligence System
- String metric
- Damerau–Levenshtein distance
- Levenshtein distance
- Sørensen–Dice coefficient
- Jaccard index
- Hamming distance
- Jaro–Winkler distance
- Trigram search
- Linear search
- Selection algorithm
- Ternary search
- Sorting algorithm
- Binary search algorithm
- Fibonacci search technique
- Fibonacci number
- Jump search
- Interpolation search
- Magnitude (mathematics)
- Uniform binary search
- Merge algorithm
- Permutation
- Fisher–Yates shuffle
- Robinson–Schensted correspondence
- Young tableau
- Steinhaus–Johnson–Trotter algorithm
- Heap's algorithm
- Dynamic time warping
- Hirschberg's algorithm
- Sequence alignment
- Needleman–Wunsch algorithm
- Smith–Waterman algorithm
- Bubble sort
- Cocktail sort
- Comb sort
- Gnome sort
- Odd–even sort
- Quicksort
- Bogosort
- Stooge sort
- Flashsort
- Introsort
- Timsort
- Insertion sort
- Library sort
- Patience sorting
- Shellsort
- Tree sort
- Cycle sort
- Merge sort
- Bead sort
- Bucket sort
- Burstsort
- Counting sort
- Pigeonhole sort
- Radix sort
- Heapsort
- Selection sort
- Smoothsort
- Bitonic sorter
- Pancake sorting
- Spaghetti sort
- Samplesort
- Subsequence
- Maximum subarray problem
- Longest common subsequence problem
- Longest increasing subsequence
- Shortest common supersequence problem
- Substring
- Longest common substring problem
- String searching algorithm
- Aho–Corasick algorithm
- Boyer–Moore string search algorithm
- Sublinear function
- Boyer–Moore–Horspool algorithm
- Knuth–Morris–Pratt algorithm
- Rabin–Karp algorithm
- Zhu–Takaoka string matching algorithm
- Ukkonen's algorithm
- Online algorithm
- Suffix tree
- Computational mathematics
- Abstract algebra
- Chien search
- Schreier–Sims algorithm
- Strong generating set
- Permutation group
- Todd–Coxeter algorithm
- Coset
- Symbolic computation
- Buchberger's algorithm
- Gröbner basis
- Cantor–Zassenhaus algorithm
- Faugère's F4 and F5 algorithms
- Gosper's algorithm
- Knuth–Bendix completion algorithm
- Rewriting
- Polynomial
- Pollard's kangaroo algorithm
- Polynomial long division
- Risch algorithm
- Antiderivative
- Computational geometry
- Closest pair of points problem
- Collision detection
- Cone algorithm
- Convex hull algorithms
- Convex hull
- Set (mathematics)
- Graham scan
- Quickhull
- Gift wrapping algorithm
- Chan's algorithm
- Kirkpatrick–Seidel algorithm
- Distance transform
- Geometric hashing
- Affine transformation
- Gilbert–Johnson–Keerthi distance algorithm
- Jump-and-Walk algorithm
- Laplacian smoothing
- Line segment intersection
- Sweep line algorithm
- Bentley–Ottmann algorithm
- Minimum bounding box algorithms
- Minimum bounding box
- Nearest neighbor search
- Point in polygon
- Point set registration
- Point cloud
- Rotating calipers
- Antipodal point
- Convex polygon
- Shoelace formula
- Triangulation (geometry)
- Delaunay triangulation
- Ruppert's algorithm
- Chew's second algorithm
- Constrained Delaunay triangulation
- Marching triangles
- Polygon triangulation
- Voronoi diagram
- Duality (mathematics)
- Bowyer–Watson algorithm
- Fortune's algorithm
- Quasi-triangulation
- Number theory
- Binary GCD algorithm
- Booth's multiplication algorithm
- Chakravala method
- Discrete logarithm
- Baby-step giant-step
- Index calculus algorithm
- Pollard's rho algorithm for logarithms
- Pohlig–Hellman algorithm
- Euclidean algorithm
- Greatest common divisor
- Extended Euclidean algorithm
- Integer factorization
- Prime number
- Congruence of squares
- Dixon's factorization method
- Fermat's factorization method
- General number field sieve
- Lenstra elliptic curve factorization
- Pollard's p − 1 algorithm
- Pollard's rho algorithm
- Quadratic sieve
- Shor's algorithm
- Special number field sieve
- Trial division
- Multiplication algorithm
- Karatsuba algorithm
- Schönhage–Strassen algorithm
- Toom–Cook multiplication
- Odlyzko–Schönhage algorithm
- Riemann zeta function
- Primality test
- AKS primality test
- Baillie–PSW primality test
- Fermat primality test
- Lucas primality test
- Miller–Rabin primality test
- Sieve of Atkin
- Sieve of Eratosthenes
- Sieve of Sundaram
- Numerical analysis
- List of numerical analysis topics
- Differential equation
- Euler method
- Backward Euler method
- Trapezoidal rule (differential equations)
- Linear multistep method
- Runge–Kutta methods
- Multigrid method
- Partial differential equation
- Finite difference method
- Crank–Nicolson method
- Lax–Wendroff method
- Verlet integration
- Special functions
- Approximations of π
- Borwein's algorithm
- Gauss–Legendre algorithm
- Pi
- Bailey–Borwein–Plouffe formula
- Division algorithm
- Long division
- Newton's method
- Multiplicative inverse
- BKM algorithm
- Elementary function
- CORDIC
- Addition-chain exponentiation
- Exponentiation by squaring
- Arbitrary-precision arithmetic
- Montgomery modular multiplication
- Modular arithmetic
- Fürer's algorithm
- Computational complexity theory
- Rounding
- Spigot algorithm
- Mathematical constant
- Alpha max plus beta min algorithm
- Methods of computing square roots
- Nth root algorithm
- Shifting nth root algorithm
- Binary splitting
- Divide and conquer algorithms
- Kahan summation algorithm
- Radon transform
- Level set method
- Interpolation
- Extrapolation
- Birkhoff interpolation
- Cubic Hermite spline
- Hermite interpolation
- Lagrange polynomial
- Linear interpolation
- Monotone cubic interpolation
- Multivariate interpolation
- Bicubic interpolation
- Bilinear interpolation
- Lanczos resampling
- Nearest-neighbor interpolation
- Tricubic interpolation
- Pareto interpolation
- Pareto distribution
- Polynomial interpolation
- Neville's algorithm
- Spline interpolation
- Runge's phenomenon
- De Boor's algorithm
- B-spline
- De Casteljau's algorithm
- Bézier curve
- Trigonometric interpolation
- Numerical linear algebra
- Eigenvalue algorithm
- Arnoldi iteration
- Inverse iteration
- Jacobi eigenvalue algorithm
- Lanczos algorithm
- Power iteration
- QR algorithm
- Rayleigh quotient iteration
- Gram–Schmidt process
- Matrix multiplication algorithm
- Cannon's algorithm
- Distributed algorithm
- Matrix multiplication
- Coppersmith–Winograd algorithm
- Freivalds' algorithm
- Strassen algorithm
- System of linear equations
- Biconjugate gradient method
- Conjugate gradient method
- Gaussian elimination
- Gauss–Seidel method
- Levinson recursion
- Toeplitz matrix
- Stone method
- Successive over-relaxation
- Tridiagonal matrix algorithm
- Sparse matrix
- Cuthill–McKee algorithm
- Band matrix
- Symmetric matrix
- Minimum degree algorithm
- Cholesky decomposition
- Symbolic Cholesky decomposition
- Monte Carlo method
- Gibbs sampling
- Metropolis–Hastings algorithm
- Probability distribution
- Wang and Landau algorithm
- Numerical integration
- Monte Carlo integration
- Root-finding algorithm
- Bisection method
- False position method
- Calculus
- Halley's method
- Secant method
- Ridders' method
- Muller's method
- Mathematical optimization
- Alpha–beta pruning
- Branch and bound
- Odds algorithm
- Matrix chain multiplication
- Combinatorial optimization
- Greedy randomized adaptive search procedure
- Assignment problem
- Constraint satisfaction
- AC-3 algorithm
- Difference-map algorithm
- Min-conflicts algorithm
- Chaff algorithm
- Davis–Putnam algorithm
- DPLL algorithm
- Conjunctive normal form
- Boolean satisfiability problem
- Exact cover
- Knuth's Algorithm X
- Nondeterministic algorithm
- Dancing Links
- Cross-entropy method
- Importance sampling
- Differential evolution
- Dynamic programming
- Overlapping subproblems
- Optimal substructure
- Ellipsoid method
- Evolutionary computation
- Evolution strategy
- Gene expression programming
- Genetic algorithm
- Fitness proportionate selection
- Stochastic universal sampling
- Truncation selection
- Tournament selection
- Memetic algorithm
- Swarm intelligence
- Ant colony optimization algorithms
- Bees algorithm
- Particle swarm optimization
- Golden section search
- Gradient descent
- Harmony search
- Metaheuristic
- Interior point method
- Benson's algorithm
- Vector optimization
- Dantzig–Wolfe decomposition
- Column generation
- Integer programming
- Branch and cut
- Cutting-plane method
- Karmarkar's algorithm
- Simplex algorithm
- Line search
- Local search (optimization)
- Hill climbing
- Tabu search
- Minimax
- Metric space
- Best bin first
- Newton's method in optimization
- Nonlinear programming
- Broyden–Fletcher–Goldfarb–Shanno algorithm
- Gauss–Newton algorithm
- Least squares
- Levenberg–Marquardt algorithm
- Nelder–Mead method
- Simulated annealing
- Stochastic tunneling
- Subset sum problem
- Computational science
- Astronomical algorithm
- Doomsday rule
- Zeller's congruence
- Computus
- Bioinformatics
- BLAST
- Kabsch algorithm
- Root-mean-square deviation
- Velvet assembler
- De Bruijn graph
- Sequence assembly
- Maximum parsimony (phylogenetics)
- UPGMA
- Earth science
- Vincenty's formulae
- Computational linguistics
- Natural language processing
- Lesk algorithm
- Stemming
- Sukhotin's algorithm
- Medical algorithm
- Heart failure
- Manning criteria
- Pulmonary embolism
- Texas Medication Algorithm Project
- Computational physics
- Constraint algorithm
- Demon algorithm
- Microcanonical ensemble
- Featherstone's algorithm
- Ground state
- Calculus of variations
- Ritz method
- N-body problem
- Barnes–Hut simulation
- Fast multipole method
- Rainflow-counting algorithm
- Stress (mechanics)
- Fatigue (material)
- Sweep and prune
- VEGAS algorithm
- Computational statistics
- Algorithms for calculating variance
- Approximate counting algorithm
- Bayesian statistics
- Nested sampling algorithm
- Cluster analysis
- Canopy clustering algorithm
- Complete-linkage clustering
- DBSCAN
- Expectation–maximization algorithm
- Fuzzy clustering
- FLAME clustering
- K-means clustering
- K-means++
- K-medoids
- Medoid
- Linde–Buzo–Gray algorithm
- Lloyd's algorithm
- OPTICS algorithm
- Single-linkage clustering
- SUBCLU
- Ward's method
- Estimation theory
- Ordered subset expectation maximization
- Medical imaging
- Positron emission tomography
- Single-photon emission computed tomography
- X-ray
- Kalman filter
- Dynamical system
- FNN algorithm
- Fractal dimension
- Hidden Markov model
- Baum–Welch algorithm
- Maximum a posteriori estimation
- Forward–backward algorithm
- Viterbi algorithm
- Partial least squares regression
- Queueing theory
- Buzen's algorithm
- Gordon–Newell theorem
- RANSAC
- Scoring algorithm
- Maximum likelihood
- Yamartino method
- Ziggurat algorithm
- Computer science
- Computer architecture
- Computer graphics
- Clipping (computer graphics)
- Line clipping
- Cohen–Sutherland algorithm
- Cyrus–Beck algorithm
- Liang–Barsky algorithm
- Nicholl–Lee–Nicholl
- Sutherland–Hodgman algorithm
- Vatti clipping algorithm
- Weiler–Atherton clipping algorithm
- Contour line
- Isosurface
- Marching cubes
- Marching squares
- Marching tetrahedra
- Flood fill
- Global illumination
- Ambient occlusion
- Beam tracing
- Cone tracing
- Image-based lighting
- Metropolis light transport
- Path tracing
- Photon mapping
- Radiosity (computer graphics)
- Ray tracing (graphics)
- Hidden surface determination
- Newell's algorithm
- Painter's algorithm
- Scanline rendering
- Warnock algorithm
- Line drawing algorithm
- Bresenham's line algorithm
- Digital differential analyzer (graphics algorithm)
- Xiaolin Wu's line algorithm
- Midpoint circle algorithm
- Ramer–Douglas–Peucker algorithm
- Shading
- Gouraud shading
- Phong shading
- Slerp
- Summed area table
- Cryptography
- Outline of cryptography
- Public-key cryptography
- Digital Signature Algorithm
- ElGamal encryption
- Elliptic curve cryptography
- NTRUEncrypt
- RSA (cryptosystem)
- Cryptographic hash function
- Hash-based message authentication code
- MD5
- RIPEMD
- SHA-1
- SHA-2
- Tiger (cryptography)
- Hash tree (persistent data structure)
- Whirlpool (cryptography)
- Cryptographically secure pseudorandom number generator
- Fortuna (PRNG)
- Yarrow algorithm
- Linear feedback shift register
- Diffie–Hellman key exchange
- Secret sharing
- Shamir's Secret Sharing
- Symmetric-key algorithm
- Advanced Encryption Standard
- National Institute of Standards and Technology
- Blowfish (cipher)
- Twofish
- Threefish
- Data Encryption Standard
- International Data Encryption Algorithm
- RC4
- Tiny Encryption Algorithm
- Quine–McCluskey algorithm
- Petrick's method
- Espresso heuristic logic minimizer
- List of machine learning concepts
- Machine learning
- Statistical classification
- ALOPEX
- Association rule learning
- Data mining
- Apriori algorithm
- Boosting (machine learning)
- AdaBoost
- BrownBoost
- LogitBoost
- Logistic regression
- LPBoost
- Linear programming
- Bootstrap aggregating
- Decision tree learning
- C4.5 algorithm
- ID3 algorithm
- K-nearest neighbors algorithm
- Feature vector
- Locality-sensitive hashing
- Artificial neural network
- Backpropagation
- Supervised learning
- Hopfield network
- Recurrent neural network
- Perceptron
- Linear classifier
- Pulse-coupled networks
- Visual cortex
- Bionics
- Radial basis function network
- Basis function
- Self-organizing map
- Random forest
- Reinforcement learning
- Q-learning
- State-Action-Reward-State-Action
- Markov decision process
- Temporal difference learning
- Relevance vector machine
- Support vector machine
- Structured support vector machine
- Winnow (algorithm)
- Programming language theory
- C3 linearization
- Chaitin's algorithm
- Hindley–Milner type system
- Rete algorithm
- Formal grammar
- Sethi–Ullman algorithm
- Parsing
- CYK algorithm
- Context-free grammar
- Chomsky normal form
- Earley parser
- GLR parser
- Masaru Tomita
- Inside–outside algorithm
- Stochastic context-free grammar
- LL parser
- LR parser
- Canonical LR parser
- LALR parser
- Operator-precedence parser
- Simple LR parser
- Simple precedence parser
- Parsing expression grammar
- Recursive descent parser
- Top-down parsing
- Shunting-yard algorithm
- Pratt parser
- Lexical analysis
- Quantum algorithm
- Deutsch–Jozsa algorithm
- Grover's algorithm
- Exponential function
- Simon's problem
- Theory of computation
- Powerset construction
- Deterministic automaton
- Tarski–Kuratowski algorithm
- Arithmetical hierarchy
- Analytical hierarchy
- Information theory
- Signal processing
- Coding theory
- Error detection and correction
- BCH code
- Berlekamp–Massey algorithm
- Reed–Solomon error correction
- BCJR algorithm
- Forward error correction
- Gray code
- Hamming code
- Hamming(7,4)
- Hamming weight
- Adler-32
- Cyclic redundancy check
- Damm algorithm
- Fletcher's checksum
- Longitudinal redundancy check
- Luhn algorithm
- Luhn mod N algorithm
- Parity bit
- Verhoeff algorithm
- Burrows–Wheeler transform
- Lossless compression
- Context tree weighting
- Delta encoding
- Dynamic Markov compression
- Dictionary coder
- Byte pair encoding
- DEFLATE
- LZ77 and LZ78
- LZJB
- Lempel–Ziv–Markov chain algorithm
- Lempel–Ziv–Oberhumer
- Lempel–Ziv–Stac
- Lempel–Ziv–Storer–Szymanski
- Lempel–Ziv–Welch
- LZWL
- LZX (algorithm)
- LZRW
- Entropy encoding
- Arithmetic coding
- Entropy
- Range encoding
- Huffman coding
- Adaptive Huffman coding
- Adaptive coding
- Package-merge algorithm
- Shannon–Fano coding
- Shannon–Fano–Elias coding
- Golomb coding
- Truncated binary encoding
- Unary coding
- Universal code (data compression)
- Elias delta coding
- Elias gamma coding
- Elias omega coding
- Exponential-Golomb coding
- Fibonacci coding
- Levenshtein coding
- FELICS
- Incremental encoding
- Prediction by partial matching
- Run-length encoding
- Sequitur algorithm
- 3Dc
- Normal mapping
- Data compression
- Speech coding
- A-law algorithm
- Code-excited linear prediction
- Spectral envelope
- Μ-law algorithm
- Warped linear predictive coding
- Image compression
- Block Truncation Coding
- Embedded Zerotrees of Wavelet transforms
- Discrete cosine transform
- Fractal compression
- Set partitioning in hierarchical trees
- Wavelet transform
- Transform coding
- Vector quantization
- Digital signal processing
- Adaptive-additive algorithm
- Discrete Fourier transform
- Chirp Z-transform
- Bruun's FFT algorithm
- Cooley–Tukey FFT algorithm
- Fast Fourier transform
- Prime-factor FFT algorithm
- Rader's FFT algorithm
- Fast folding algorithm
- Gerchberg–Saxton algorithm
- Goertzel algorithm
- Dual-tone multi-frequency signaling
- Karplus–Strong string synthesis
- Image processing
- Histogram equalization
- Adaptive histogram equalization
- Connected-component labeling
- Dither
- Halftone
- Error diffusion
- Floyd–Steinberg dithering
- Ordered dithering
- X-ray crystallography
- Feature detection (computer vision)
- Canny edge detector
- Generalised Hough transform
- Marr–Hildreth algorithm
- Edge detection
- Scale-invariant feature transform
- Richardson–Lucy deconvolution
- Seam carving
- Image segmentation
- GrowCut algorithm
- Random walker algorithm
- Region growing
- Watershed (image processing)
- Software engineering
- Cache algorithms
- Logical block addressing
- Double dabble
- Hash function
- Fowler–Noll–Vo hash function
- Pearson hashing
- Zobrist hashing
- Transposition table
- Unicode collation algorithm
- XOR swap algorithm
- Database
- Algorithms for Recovery and Isolation Exploiting Semantics
- Database transaction
- Join (SQL)
- Block nested loop
- Hash join
- Nested loop join
- Sort-merge join
- Distributed computing
- Bully algorithm
- Byzantine fault tolerance
- Fault tolerance
- Clock synchronization
- Berkeley algorithm
- Cristian's algorithm
- Intersection algorithm
- Marzullo's algorithm
- Dijkstra–Scholten algorithm
- Huang's algorithm
- Happened-before
- Partially ordered set
- Mutual exclusion
- Lamport's distributed mutual exclusion algorithm
- Maekawa's algorithm
- Raymond's algorithm
- Ricart–Agrawala algorithm
- Paxos (computer science)
- Snapshot algorithm
- Vector clock
- Causality
- Buddy memory allocation
- Garbage collection (computer science)
- Boehm garbage collector
- Cheney's algorithm
- Mark-compact algorithm
- Tracing garbage collection
- Reference counting
- Operating system
- Banker's algorithm
- Page replacement algorithm
- Adaptive replacement cache
- Network scheduler
- Karn's algorithm
- Luleå algorithm
- Network congestion
- Exponential backoff
- Nagle's algorithm
- Synchronization (computer science)
- Scheduling (computing)
- Dekker's algorithm
- Lamport's bakery algorithm
- Peterson's algorithm
- Earliest deadline first scheduling
- Fair-share scheduling
- Least slack time scheduling
- List scheduling
- Multilevel feedback queue
- Rate-monotonic scheduling
- Round-robin scheduling
- Shortest job next
- Shortest remaining time
- Top-nodes algorithm
- I/O scheduling
- Elevator algorithm
- Shortest seek first
- Hard disk drive performance characteristics
- List of data structures
- List of algorithm general topics
- List of terms relating to algorithms and data structures
- Heuristic
- Speeded up robust features