Fact-checked by Grok 2 weeks ago

Multiple sequence alignment

Multiple sequence alignment (MSA) is a fundamental bioinformatics technique that involves arranging three or more biological sequences—such as DNA, RNA, or proteins—to identify regions of similarity, thereby highlighting potential evolutionary, functional, or structural relationships among them. This alignment assumes that similar residues or nucleotides derive from a common ancestor and have diverged over time, enabling the detection of conserved motifs and patterns not easily visible in pairwise comparisons. The concept of MSA evolved from early pairwise alignment algorithms, such as the Needleman-Wunsch dynamic programming method introduced in 1970 for global alignment and the Smith-Waterman algorithm in 1981 for local alignment, which laid the groundwork for handling multiple sequences. By the and , progressive alignment approaches emerged to address , including the Feng-Doolittle method and tools like ClustalW (1994), which build alignments iteratively by adding sequences one at a time based on a guide tree. More advanced methods incorporate hidden Markov models (HMMs), such as , or k-mer-based strategies like MMseqs2 (2017), while recent innovations integrate deep learning, as seen in DeepMSA2 (2023) and the MSA Transformer (2021), to improve accuracy on large datasets; as of 2025, further advances include ultrafast tools like TWILIGHT and high-accuracy aligners like FAMSA2. Despite its utility, MSA faces challenges due to the exponential computational demands of optimal alignment via dynamic programming, which scales as O(L^k) for k sequences of length L, often making approximations necessary for practical use. Progressive methods, while efficient, can propagate early errors, and aligning distantly related or rearranged sequences (e.g., in multidomain proteins) remains difficult, prompting hybrid and consistency-based refinements in modern tools. In applications, MSA underpins phylogenetic tree construction, functional annotation via homology transfer (e.g., Gene Ontology assignments), and molecular structure prediction, notably enhancing AI models like AlphaFold2 by providing evolutionary context from databases such as UniRef. It also supports by identifying mutation hotspots and conserved binding sites, and facilitates to study ancestry and evolutionary history across . Overall, MSA remains a cornerstone of , amplifying insights from sequence data to advance fields like .

Introduction

Problem Definition

Multiple sequence alignment (MSA) is the process of arranging a set of unaligned biological sequences—typically DNA, RNA, or protein sequences—to highlight regions of similarity that may indicate shared evolutionary origins, functional domains, or structural elements. The input to an MSA consists of k sequences S_1, S_2, \dots, S_k, where each S_i is a string of length L_i over a finite alphabet (e.g., {A, C, G, T, U} for nucleic acids or the 20 standard amino acids for proteins). The output is an alignment A, represented as a k \times m matrix (where m \geq \max(L_i)) in which each row corresponds to one input sequence with possible insertions of gaps, and columns vertically align residues believed to be homologous across the sequences. To accommodate evolutionary events such as insertions or deletions (indels), gaps are introduced into the sequences during alignment; these are conventionally represented by hyphens (-) or other placeholder symbols in the matrix columns. Gaps allow for variable-length sequences to be compared by positing that certain positions in some sequences correspond to absences (or insertions relative to others) in the aligned framework, thereby modeling biological variability without assuming identical lengths. This representation facilitates the identification of conserved motifs while penalizing excessive gaps in scoring schemes to reflect the biological cost of indels. Formally, the MSA problem seeks an alignment A of the sequences S_1, S_2, \dots, S_k that maximizes an objective score function, such as the sum-of-pairs (SP) score, which sums the pairwise alignment scores across all sequence pairs in the matrix. This optimization is computationally challenging: for k > 2, finding the optimal alignment is NP-hard, necessitating heuristic or approximate methods to balance accuracy and efficiency for practical applications involving dozens or hundreds of sequences. The concept of MSA emerged in the late 1970s and early 1980s as a natural extension of pairwise alignment techniques, driven by the need to compare more than two sequences amid growing biological databases. Early practical implementations focused on heuristic strategies to circumvent exact methods' exponential complexity; a seminal example is the progressive alignment method proposed by Feng and Doolittle in 1987, which builds alignments iteratively by starting with pairwise comparisons and progressively incorporating additional sequences.

Biological Significance

Multiple sequence alignment (MSA) plays a pivotal role in identifying conserved motifs within biological sequences, which often correspond to functionally critical regions such as active sites in proteins or regulatory elements in DNA. By aligning sequences from related organisms, MSA highlights residues or nucleotides that remain invariant across evolution, indicating their importance for maintaining protein structure, enzymatic activity, or binding specificity. For instance, conserved motifs like the Walker A and B motifs in ATP-binding proteins are routinely detected through MSA, enabling predictions of functional domains without structural data. In , is indispensable for revealing among , which implies shared ancestry and facilitates the reconstruction of phylogenetic trees to estimate times and trace expansions or contractions. Alignments expose patterns of driven by , insertions, and deletions, allowing researchers to model evolutionary rates and identify orthologs versus paralogs within families. This approach has been foundational in studies of vertebrate evolution, where MSAs of clusters demonstrate conserved synteny and events spanning millions of years. MSA underpins by enabling the annotation of newly sequenced genomes through alignment with reference sequences, aiding in prediction and the identification of non-coding functional elements. In , aligning orthologous regions across species reveals conserved syntenic blocks and regulatory motifs, which are crucial for transferring annotations from well-studied genomes to emerging ones. This process enhances accuracy in predicting exon-intron boundaries and patterns, as seen in large-scale alignments of mammalian genomes. Notable applications include the tracking of variants during the , where MSAs of global viral genomes identified key mutations in spike proteins, informing vaccine updates and public health responses from 2020 onward. Similarly, in the ENCODE project, MSAs of human and vertebrate sequences across targeted genomic regions facilitated the annotation of functional elements, contributing to comprehensive maps of regulatory DNA in the .

Theoretical Foundations

Sequence Similarity and Scoring

In multiple sequence alignment, the sum-of-pairs (SOP) score serves as the primary objective function, quantifying the overall quality by summing the scores of all pairwise alignments induced by the multiple across columns. For a column with aligned residues from k sequences, the SOP contribution is the sum of scores for every pair of residues in that column, extended over all columns in the alignment. This approach favors alignments that optimize pairwise similarities collectively, though it can be computationally intensive for large sets. Substitution matrices provide the scores for aligning residue pairs, reflecting evolutionary relationships or chemical similarities. For proteins, the Point Accepted Mutation (PAM) matrices, developed from observed mutations in closely related sequences, model evolutionary distances; PAM1 represents 1% accepted mutations, with higher numbers like PAM250 for more divergent sequences. The BLOSUM (BLOcks SUbstitution Matrix) series, derived from conserved blocks in distantly related proteins, offers improved sensitivity for alignments; BLOSUM62, clustered at 62% , is widely used for general protein alignments due to its balance of specificity and coverage. For nucleotide sequences, simpler schemes prevail, such as the (score +1 for matches, -1 or 0 for mismatches) or basic match/mismatch scoring, as nucleotide substitutions are often treated without evolutionary modeling in basic alignments. Gap penalties account for insertions or deletions, discouraging excessive gaps while allowing biologically plausible s. Linear penalties charge a constant cost proportional to gap length, formulated as -\alpha \times g where \alpha is the penalty per gap position and g is the length. Affine penalties, more realistic for modeling indel events, impose a higher cost for opening a gap than extending it, given by -(\alpha + \beta \times (g-1)) or equivalently -(\alpha + \beta \times g) when absorbing the opening into the first extension, with \alpha as the open penalty and \beta < \alpha as the extension penalty. \text{Penalty} = -(\alpha + \beta g) Position-specific gap penalties further refine this by varying costs based on sequence context or structure. Position-specific scoring matrices (PSSMs), also known as profiles, extend substitution scoring by deriving a matrix from an existing alignment, assigning position-dependent scores that capture conserved patterns and improve detection of remote homologs. Each row of a PSSM corresponds to a position in the alignment, with columns scoring the 20 amino acids (or 4 nucleotides) based on log-odds frequencies from the aligned residues. These matrices are integral to methods like profile-based alignments and are used in dynamic programming to evaluate extensions or matches.

Graph-Based Representations

In multiple sequence alignment (MSA), the problem can be formulated as finding an optimal path in a k-dimensional grid graph, where k represents the number of sequences to align. Each node in the graph corresponds to a tuple (i_1, i_2, ..., i_k), with 0 ≤ i_j ≤ L_j for the j-th sequence of length L_j, indicating the current positions across all sequences. Edges connect nodes by advancing one or more indices, symbolizing either a match (simultaneous advance in matching positions) or insertions/deletions (gaps, advancing only specific indices). The graph is directed and acyclic, with the source at (0, 0, ..., 0) and the sink at (L_1, L_2, ..., L_k); an alignment corresponds to a path from source to sink that minimizes (or maximizes, depending on scoring convention) the total edge weights, where weights reflect similarity scores between residues and gap penalties. The full grid graph contains O(∏ L_j) nodes, leading to time complexity of O(2^k ∏ L_j) and space complexity of O(∏ L_j) for exact path-finding algorithms, which becomes prohibitive for k > 5 or long sequences. To address this, sparse representations exploit the structure by pruning unlikely regions, such as using branch-and-bound techniques to limit exploration to a of nodes guaranteed to contain the optimal path, reducing effective complexity while preserving optimality. These sparse graphs focus on high-probability paths informed by pairwise alignments or scoring bounds, enabling practical computation for small k. For illustration, consider three sequences (k=3), forming a lattice where axes represent positions in each sequence. A might be (2,1,2), indicating the second in the first and third sequences, and the first in the second. Edges include axis-parallel moves (e.g., in one sequence, advancing only its index) or diagonal moves (e.g., matching residues across all three, advancing all indices). Diagonal edges in the lattice correspond to aligned matches, while off-diagonal paths introduce gaps; the shortest path through this structure yields the optimal under sum-of-pairs scoring, with edge weights derived from pairwise similarities.

Alignment Optimality and Tracing

In multiple sequence alignment (), optimality is defined by specific criteria that determine the best arrangement of sequences based on a scoring , typically maximizing similarity or minimizing evolutionary . Global alignment seeks to align the entire length of all input sequences from end to end, ensuring comprehensive coverage even if terminal regions exhibit low similarity; this approach is foundational in exact methods like the Sankoff dynamic programming algorithm for . Local alignment, in contrast, focuses on identifying and aligning the most similar subsequences across the input sequences, ignoring dissimilar prefixes or suffixes, which is useful for detecting conserved motifs or domains within larger sequences. Semi-global alignment extends global alignment by penalizing internal gaps but allowing free or reduced penalties for gaps at the sequence ends, accommodating scenarios where sequences vary in length but one is expected to fully span the others, such as in read mapping to reference genomes. Once the dynamic programming matrix is computed, the optimal alignment is reconstructed through a or tracing procedure that follows the path of maximum score from the final cell back to the origin. In the multidimensional matrices used for , this involves storing predecessor pointers during the forward computation to indicate the direction (match, insert, or delete) that led to each cell's score; tracing then proceeds by iteratively selecting the predecessor with the highest contributing score, building the aligned sequences column by column in reverse. This traceback method extends the pairwise Needleman-Wunsch algorithm to multiple dimensions, where pointers account for decisions across all k sequences simultaneously. In graph-based representations of , the optimal alignment similarly corresponds to the highest-scoring path through the alignment graph. When multiple paths yield the same optimal score—common due to equivalent scoring decisions in regions of —the alignment selection can prioritize the highest-scoring path among ties or apply additional criteria like to favor configurations implying the fewest evolutionary changes across the sequences. Such co-optimal alignments are particularly prevalent in progressive methods, where sets of equally likely paths can be enumerated to assess reliability, often by sampling or the solution space. The computational cost of tracing is O(∑ L_j), linear in the total sequence length, though the overall DP approach remains exponential due to matrix filling; however, this remains practical only for very small k (typically k ≤ 6) and short sequences due to , with optimizations like divide-and-conquer reducing effective complexity in heuristics.

Core Alignment Methods

Exact Methods: Dynamic Programming

Exact methods for multiple sequence alignment utilize dynamic programming to guarantee an optimal solution under a defined scoring function, extending the pairwise Needleman-Wunsch algorithm to multiple sequences. In the pairwise case, a two-dimensional computes the optimal alignment by considering match/mismatch scores and gap penalties through a . For k sequences of length L each, this generalizes to a k-dimensional D[i₁, i₂, ..., i_k], where each entry represents the optimal alignment score for the prefixes of the sequences up to positions i₁, i₂, ..., i_k. The algorithm exhaustively explores all possible alignments by filling the by cell, ensuring global optimality for decomposable objective functions like the sum-of-pairs score. The core recurrence relation for the dynamic programming table is given by: D[i_1, i_2, \dots, i_k] = \max \begin{cases} D[i_1-1, i_2-1, \dots, i_k-1] + s(a_{i_1}, a_{i_2}, \dots, a_{i_k}) \\ \max_{1 \leq j \leq k} \left( D[i_1, \dots, i_j-1, \dots, i_k] + g \right) \end{cases} where s(a_{i_1}, \dots, a_{i_k}) is the score for aligning the residues at those positions (often the sum of pairwise scores), and g is the . This formulation considers two types of transitions: advancing all sequences (column match or mismatch) or inserting a gap in one sequence while advancing the others. The base cases initialize the table edges with cumulative gap penalties, and traceback from the final cell reconstructs the alignment. This approach was first formalized for multiple sequences by Sankoff in 1975, building directly on the pairwise dynamic programming framework. Despite its optimality, the method faces severe computational limitations due to its exponential complexity. The time and space requirements are O(L^k) for k sequences, rendering it impractical for more than a few short sequences; for instance, aligning six protein sequences of 100 requires exploring over 10^{12} states. Carrillo and Lipman demonstrated in that, with careful , remains feasible only for up to six sequences of moderate (around 100 residues), as larger instances exceed available computational resources even on . Scoring functions, such as sum-of-pairs with affine penalties, further amplify the dimensionality without altering the core complexity. To mitigate these challenges while preserving , variants incorporate techniques within the multidimensional dynamic programming . The seminal branch-and-bound approach by Carrillo and Lipman uses upper bounds on partial alignment scores to eliminate suboptimal branches early, reducing the effective search space without compromising optimality; this can accelerate computation by orders of magnitude for small k. Other exact variants apply similar bounding strategies, such as monotonic lower bounds derived from pairwise alignments, to prune the k-dimensional further. These methods, implemented in tools like the original program, enable practical use for limited cases like aligning short sequences or small protein families.

Heuristic Methods: Progressive Alignment

Progressive alignment is a approach to multiple sequence alignment () that constructs the final alignment by successively merging pairwise or partial alignments in a hierarchical manner, guided by an estimated evolutionary . This method assumes that sequences more closely related evolutionarily should be aligned first, as their similarities are more reliable, and then incorporates more distant sequences progressively. The core idea leverages the intuition that early alignments of similar sequences are less prone to error, allowing the method to approximate the optimal alignment without exhaustive computation. The workflow of progressive alignment typically involves three main stages. First, pairwise distances are computed between all sequences, often by performing alignments using dynamic programming (such as Needleman-Wunsch for global or Smith-Waterman for local) and deriving a based on metrics like percent identity or evolutionary divergence. Second, a guide tree is constructed from this using clustering algorithms, such as unweighted pair group method with () for ultrametric trees or neighbor-joining (NJ) for additive trees, to represent the inferred phylogenetic relationships. Third, the alignment proceeds by following the guide tree from the leaves (most closely related sequences) to the root: initial pairwise alignments of the closest pairs are created, and these are iteratively merged by aligning profiles (aligned groups of sequences) until all sequences are incorporated into a single . A seminal implementation of progressive alignment is ClustalW, introduced in 1994, which enhances accuracy through sequence weighting, position-specific penalties, and adaptive matrices. In ClustalW, pairwise alignments use a fast approximation initially for distance calculation, followed by NJ guide tree construction; during progressive merging, gap opening penalties are reduced in regions with existing gaps or hydrophilic residues to allow flexible insertions, while gap extension penalties prevent excessive fragmentation. This position-specific handling of gaps improves for protein sequences by accounting for secondary propensities. Another influential algorithm, T-Coffee (2000), builds on progressive alignment by incorporating a consistency-based scoring scheme: it first generates a library of high-quality pairwise alignments from multiple sources (e.g., global and local aligners like ClustalW and Lalign), then uses this library to score and guide the progressive merges, ensuring that alignments remain consistent across all pairs even as the MSA grows. T-Coffee's approach yields superior accuracy on benchmark datasets, particularly for divergent sequences, with only a modest increase in computational demand. The primary advantage of progressive alignment lies in its computational , achieving polynomial of O(k² L²)—where k is the number of and L is the average length—making it scalable to thousands of sequences, unlike exact dynamic programming methods that scale exponentially. This stems from performing O(k²) pairwise or profile alignments, each taking O(L²) time via dynamic programming. However, a key drawback is the propagation of errors: inaccuracies in early alignments of closely related sequences become fixed and cannot be corrected during later merges, potentially leading to suboptimal global alignments, especially for distantly related or highly variable sequences.

Iterative Refinement Techniques

Iterative refinement techniques in multiple sequence alignment improve upon initial alignments—typically generated via methods—through repeated cycles of optimization, where subsequences or individual sequences are realigned to enhance the overall score. This process involves removing a sequence from the alignment, realigning it to the profile of the remaining sequences, and reintegrating it, with cycles continuing to correct early errors and boost accuracy. By iteratively resampling or subdividing the alignment, these methods achieve higher-quality results compared to one-pass approaches, particularly for divergent sequence sets. A seminal example is the MUSCLE algorithm, introduced in 2004, which starts with a progressive alignment and applies iterative refinement by sequentially removing each sequence and realigning it via dynamic programming to the profile of the others, repeating the process multiple times until the total score stabilizes. MUSCLE's refinement phase significantly outperforms its initial progressive step, yielding alignments with superior accuracy on benchmark datasets while maintaining high throughput for up to thousands of sequences. The Partial Order Alignment () method, developed in , employs partial order graphs to represent multiple alignments as directed acyclic graphs rather than linear sequences, enabling iterative refinement through progressive addition of sequences aligned directly to the graph without collapsing it to a single path. This graph-based approach preserves alternative alignments during refinement, reducing information loss and improving handling of sequence ambiguities, as demonstrated in alignments of protein families with structural variations. In recent advancements, the algorithm (2023) specializes in iterative sequence addition to an existing constraint alignment, using a hybrid of progressive extension and local refinement to insert unaligned queries while preserving the input alignment's integrity. EMMA excels in scalability and accuracy for large datasets, outperforming tools like MAFFT-add on metrics such as sum-of-pairs score in tests with thousands of sequences. Refinement cycles in these algorithms generally stop upon convergence of the alignment score, indicating minimal further gains, or after a fixed number of iterations to balance accuracy and computation time, with MUSCLE typically requiring 2–16 iterations for convergence on standard benchmarks.

Consensus and Motif-Based Approaches

Consensus-based approaches in multiple sequence alignment derive a representative sequence from an initial alignment by selecting the most frequent residue or at each position across the aligned columns, providing a compact summary that guides subsequent refinements or alignments. This serves as an anchor, capturing shared patterns while tolerating variations, and is particularly useful in iterative processes where it helps realign sequences to improve overall consistency. Motif-based methods focus on identifying and aligning short, conserved regions—known as motifs—within sequences, which are often biologically significant patterns like functional domains or binding sites, even when overall sequence similarity is low. These approaches first detect motifs using or sampling techniques, then anchor the around these motifs to enforce local conservation while allowing flexibility in unaligned regions. For instance, the strategy iteratively refines motif positions by excluding one sequence at a time and optimizing the alignment model for the remainder, enabling the discovery of subtle signals in unaligned datasets; this underpins the BLOCKS database, which curates blocks of conserved motifs from protein families. The PRATT tool uses branch-and-bound search to discover conserved patterns (motifs) in sets of protein sequences that match a user-specified proportion with minimal mismatches; these patterns can inform multiple alignments by highlighting conserved blocks. Similarly, the suite uses expectation-maximization to discover one or more motifs in unaligned sequences, modeling them as position-specific scoring matrices and aligning sequences around these motifs to reveal hidden regulatory elements or structural features. These approaches are integrated with alignment pipelines, where initial or derivations seed guide trees or libraries, enhancing accuracy for distantly related sequences; for example, sequences can refine alignments by penalizing deviations from the derived pattern. In applications to divergent protein families, such as those with weak overall similarity but conserved catalytic , -based methods succeed where global dynamic programming fails due to computational intractability and biological irrelevance, enabling the identification of functional cores amid high variability.

Probabilistic Methods: Hidden Markov Models

Probabilistic methods for multiple sequence alignment utilize (HMMs) to represent alignments as stochastic processes, capturing uncertainties in sequence evolution and variability. Profile HMMs, a specific type of HMM tailored for biological sequences, model a multiple sequence alignment as a probabilistic profile that encodes position-specific conservation and flexibility. These models are constructed from an initial alignment of related sequences, transforming it into a position-specific scoring system suitable for detecting remote homologies and generating new alignments. In a profile HMM, the state architecture consists of three main types of states per consensus position: match states (M), which align residues from the query sequence to a conserved column in the profile and emit symbols according to position-specific probabilities; insert states (I), which accommodate insertions or gaps in the query relative to the consensus and allow variable-length extensions; and delete states (D), which permit gaps in the query sequence without emitting any symbols. Transitions between states are governed by probabilities estimated from the training alignment, such as the likelihood of moving from a match to an insert (modeling an insertion event) or from a match to a delete (skipping a conserved position). Emission probabilities for match and insert states are derived from the frequency of residues observed in the corresponding columns of the training multiple sequence alignment, often using pseudocounts to account for sparse data and evolutionary biases. To align a new sequence to a profile , the is employed to find the most likely path through the model, which corresponds to the optimal alignment. This dynamic programming approach computes the highest-probability state sequence by maximizing the joint probability of the observed sequence and the hidden path. The core for the Viterbi probabilities is given by: \delta_t(i) = \max_{j} \left[ \delta_{t-1}(j) \cdot a_{j,i} \right] \cdot e_i(o_t) where \delta_t(i) represents the probability of the most likely path ending in state i at position t, a_{j,i} is the transition probability from state j to i, and e_i(o_t) is the emission probability of observation o_t in state i; from the final state yields the alignment path. A prominent implementation of profile HMMs is the software suite, developed by Sean R. Eddy starting in the 1990s, which enables building profile HMMs from multiple sequence alignments and searching large databases for homologous sequences. uses the (via its hmmalign tool) to produce alignments and has been widely adopted for protein family analysis, powering databases like . Profile HMMs offer key advantages in multiple sequence alignment, including the ability to handle sequences of variable lengths through insert and delete states, which accommodates evolutionary insertions and deletions more flexibly than fixed-gap penalty methods. They also incorporate probabilistic uncertainty, allowing for statistically rigorous scoring of alignments and improved sensitivity in detecting distant relationships by modeling position-specific residue preferences derived from evolutionary data.

Phylogeny-Aware Alignment Methods

Phylogeny-aware multiple sequence alignment methods integrate phylogenetic to guide the alignment process, leveraging evolutionary relationships to distinguish between true homologies and insertion-deletion events more accurately than standard progressive or iterative approaches. These methods model sequence evolution along tree branches, incorporating branch lengths and substitution rates to penalize implausible gap placements that could mimic substitutions, thereby reducing artifacts like long-branch attraction where distant sequences are erroneously aligned due to shared gaps. By treating insertions as lineage-specific events rather than reversible changes, phylogeny-aware alignments better reflect evolutionary history and improve downstream phylogenetic . Joint estimation approaches co-optimize the multiple sequence alignment and the iteratively, addressing the interdependence between the two. For instance, algorithm, introduced in 2005, uses a progressive strategy informed by a phylogenetic model but can be embedded within frameworks like SATé for simultaneous refinement. SATé, developed in 2009, alternates between generating alignments using tools like MAFFT or MUSCLE and reconstructing maximum likelihood trees, converging to highly accurate joint solutions even for datasets with hundreds of sequences; on simulated data with 1,000 taxa, SATé achieved up to 10% higher alignment accuracy than non-phylogeny-aware methods. This iterative co-estimation mitigates errors propagated from poor initial trees or alignments, producing results that outperform separate estimation pipelines in both alignment column score and tree topological accuracy. Backbone-based methods enhance scalability by first aligning a subset of "core" or representative sequences to build a reliable phylogenetic backbone, then incrementally adding remaining sequences while respecting branch-specific evolutionary models. , presented in 2015, exemplifies this by selecting a diverse backbone set via a , aligning it progressively with a guide tree, and then placing additional sequences using tree-guided profile hidden Markov models; this approach scales to over 100,000 sequences, yielding alignments with 5-15% better sum-of-pairs scores on benchmark datasets compared to MAFFT or Omega. Such strategies preserve phylogenetic structure during expansion, avoiding misalignment of divergent taxa that backbone omission might cause in full-dataset progressive . More recent advancements, like the UPP method from 2015, extend phylogeny-aware alignment to ultra-large datasets by combining backbone alignment with ensemble profile hidden Markov models trained on phylogenetic partitions. UPP first computes a backbone and alignment using on a subset, then aligns fragmentary or query sequences locally to partitioned profiles derived from the tree, achieving near-optimal accuracy on datasets exceeding 1 million residues while reducing runtime by orders of magnitude relative to full methods. Extensions, such as UPP2 in 2023, further refine this by incorporating weighted profiles and addition, maintaining on heterogeneous-length data typical in . These phylogeny-aware techniques collectively demonstrate superior performance in preserving evolutionary signal, with empirical studies showing 20-30% fewer misaligned columns in divergent alignments compared to non-aware alternatives.

Non-Coding Sequence Alignment

Aligning non-coding sequences, especially non-coding RNAs (ncRNAs), presents distinct challenges compared to coding sequences because their biological function often depends on intricate secondary structures formed by base pairing rather than linear sequence motifs. A key issue is the observed in paired bases, where mutations in one base of a are compensated by changes in its partner to preserve stability, leading to low primary sequence similarity despite structural conservation. Consequently, standard sequence-based alignment methods may disrupt these , resulting in biologically inaccurate alignments that fail to capture functional elements like stems, loops, and pseudoknots. To address these challenges, specialized algorithms integrate secondary structure prediction with alignment, often using dynamic programming approaches that simultaneously fold and align sequences while enforcing structural consistency. The seminal Sankoff algorithm, introduced in 1985, solves this joint problem exactly for multiple sequences but incurs high computational complexity of O(n^{6}) time and O(n^{4}) space for pairwise alignments, limiting its use to short sequences. Modern implementations like LocARNA (2007) approximate Sankoff's method by sparsifying base-pair probabilities to reduce runtime, enabling practical multiple alignments of RNAs up to several hundred nucleotides while preserving helical structures. Similarly, the RNAstructure software suite includes Dynalign (2002), which predicts common secondary structures for two RNA sequences via thermodynamic modeling, producing alignments that align both sequences and structures with improved accuracy over sequence-only methods. Scoring in these methods extends traditional substitution matrices to incorporate structural terms, such as penalties for disrupting base pairs or rewards for aligning covariant positions, ensuring that the objective function balances sequence similarity with structural integrity. Probabilistic models further enhance this by estimating structure probabilities; for instance, Pfold (2003) uses stochastic context-free grammars to predict consensus secondary structures from aligned ncRNA sequences, leveraging phylogenetic information to weight base-pair likelihoods and achieve higher accuracy for conserved motifs. These techniques find application in aligning families of ncRNAs, such as transfer RNAs (tRNAs) to identify conserved cloverleaf structures essential for charging, or microRNAs (miRNAs) to predict regions critical for , thereby aiding functional and evolutionary studies.

Advanced Optimization Techniques

Evolutionary Algorithms

Evolutionary algorithms draw inspiration from natural processes to optimize multiple sequence alignments (MSAs) by treating alignments as candidates in a search space evaluated by scoring functions such as the sum-of-pairs (SOP) score. These methods explore vast combinatorial landscapes that exact dynamic programming cannot efficiently traverse for more than a few sequences, aiming to minimize energy-like costs associated with mismatches and gaps. Genetic algorithms represent a prominent class of evolutionary approaches for , maintaining a population of candidate alignments that evolve over generations through selection, crossover, and operators. In these algorithms, selection favors alignments with higher SOP scores, while crossover swaps aligned segments between parent alignments to generate offspring, and introduces local changes such as shifting or inserting gaps to diversify the population. A seminal implementation, (Sequence Alignment by Genetic Algorithm), applies this framework to produce alignments for protein and DNA sequences up to several hundred residues long, demonstrating improved accuracy over progressive methods on benchmark datasets like the 2D globin family. Simulated annealing, another bio-inspired technique, optimizes MSAs by iteratively perturbing an initial alignment and accepting worse-scoring configurations with a probability that decreases as a metaphorical "temperature" cools, allowing escape from local optima early in the process before converging on a solution. This method starts with high s to permit broad random changes, such as gap insertions or residue shifts, and gradually reduces temperature to favor improvements in SOP score, often yielding alignments competitive with genetic approaches but with tunable convergence speed. An early application, MSASA, uses to handle natural gap penalties and align up to 10 sequences more efficiently than exhaustive methods, reducing runtime while maintaining biological relevance in protein alignments. Hybrid strategies integrate evolutionary algorithms with alignment to enhance initialization and refinement, leveraging the global search of with the structured buildup of pairwise alignments. For instance, an initial generated via methods serves as a seed population for genetic optimization, where subsequent iterations refine the through evolutionary operators, improving overall quality on diverse datasets. The evolutionary- method exemplifies this by combining phylogenetic tree-guided assembly with genetic refinement, achieving superior SOP scores compared to standalone evolutionary or techniques on sequences. These algorithms scale well for moderate numbers of sequences, typically 10 to 50, where exact dynamic programming becomes infeasible due to exponential complexity, enabling practical applications in phylogenetic studies without exhaustive computation. , for example, is optimized for fewer than 20 sequences under 400 residues, balancing accuracy and runtime on standard hardware.

Mathematical and

Multiple sequence alignment (MSA) can be formulated as an integer linear program (ILP) to achieve exact or near-exact solutions by modeling alignments between pairs of sequences while ensuring consistency across all sequences. In this approach, variables are defined for potential matches and gaps between positions in different sequences: for sequences i and j (with i < j), a variable x_{i,j,k,l} equals 1 if position k in sequence i is aligned to position l in sequence j, and 0 otherwise; similarly, a gap variable g_{i,j,k,l} (or analogous forms) indicates gap insertions. These variables capture pairwise alignments, with the model extending to all pairs to form the multiple alignment. The objective function maximizes the sum-of-pairs (SOP) score, which sums substitution scores for aligned residue pairs minus penalties for gaps: \max \sum_{i<j} \sum_{k,l} w_{i,j,k,l} x_{i,j,k,l} - \sum_{i<j} \sum_{k,l} p_{i,j,k,l} g_{i,j,k,l}, where w_{i,j,k,l} is the score for aligning residues at positions k and l (e.g., from a substitution matrix like ), and p_{i,j,k,l} is the gap penalty (affine or constant). This SOP objective promotes overall similarity while penalizing insertions/deletions, allowing arbitrary gap costs. Constraints enforce alignment consistency, such as ensuring no overlapping gaps in columns and that each position aligns exactly once: for example, for sequences i and j at positions k and l, \sum_{\alpha} x_{i,j,k,\alpha} + \sum_{\beta} g_{i,j,k,\beta} = 1 \quad \forall k, where the sums cover possible alignments or gaps, preventing multiple assignments per position and maintaining column integrity across all sequences. Additional constraints, like transitivity for gap placement, ensure the pairwise decisions form a valid global alignment without contradictions. ILP models are solved using branch-and-cut algorithms, which iteratively tighten relaxations with cutting planes to prune suboptimal branches, as implemented in early exact MSA solvers from the 2000s. Alternative encodings translate the ILP to satisfiability (SAT) problems, leveraging efficient SAT solvers for enumeration and optimization via maximum satisfiability, particularly effective for small instances. More recent methods reformulate MSA as a mixed-integer program (MIP) and apply logic-based Benders decomposition to separate pairwise alignment subproblems from synchronization constraints, enabling exact solutions for larger instances: for example, up to 9 sequences with thousands of total residues on benchmark datasets like BAliBASE, often resolving previously unsolved cases to optimality within hours using commercial solvers like CPLEX. The primary advantages of mathematical and integer programming approaches lie in their ability to provide provable optimality bounds and guaranteed exact solutions, unlike heuristic methods, which is crucial for high-accuracy applications on small-to-medium datasets (e.g., fewer than 10 sequences). These techniques yield alignments with superior SOP scores on reference benchmarks, establishing tight lower and upper bounds during solving to certify quality even if computation times grow exponentially with sequence count.

Quantum-Inspired and Simulated Methods

Quantum-inspired and simulated methods for multiple sequence alignment (MSA) leverage principles from quantum computing to explore the vast combinatorial search space of possible alignments more efficiently than classical heuristics alone. These approaches typically reformulate the MSA problem as a quadratic unconstrained binary optimization (QUBO) or Ising model, where sequence positions and gaps are represented as binary variables or spins, allowing optimization via quantum annealers or their classical simulations. Early prototypes in the 2010s explored such mappings, treating gaps in alignments as spin variables to minimize an energy function corresponding to the alignment score. For instance, quantum-inspired genetic algorithms, drawing from quantum superposition and entanglement concepts, were proposed to progressively align sequences by evolving probabilistic representations that enhance diversity in the search process. Quantum annealing specifically maps MSA to the Ising model for execution on devices like D-Wave solvers, where the objective is to find the ground state that corresponds to an optimal alignment by minimizing penalties for mismatches and gaps. In this formulation, spins represent decisions on inserting gaps or matching residues across sequences, with interactions encoding pairwise similarities. Recent implementations, such as qualign, use QUBO to solve local alignments on annealing hardware or simulators, achieving scores comparable to tools like for short pairwise cases (e.g., 40 bp sequences) and demonstrating generalizability to multiple sequences via extended Hamiltonians, though limited by memory to small k in practice. Similarly, modified progressive MSA algorithms on quantum annealers reduce the number of spins linearly through heuristics, enabling alignments for small sets of sequences (k < 10) with preliminary success in bioinformatics applications like genetic sequencing. A 2024 study further applies quantum annealing to scalable guide tree construction in MSA pipelines, accelerating hierarchical clustering for homology detection in phylogenetics and molecular biology. Simulated quantum methods emulate quantum algorithms classically to navigate the alignment space, often using variational techniques for faster exploration without requiring quantum hardware. The quantum approximate optimization algorithm (QAOA), a hybrid quantum-classical approach, formulates MSA as a constrained combinatorial problem with a soft-constrained cost Hamiltonian, encoding alignments in binary strings and optimizing parameters iteratively via shallow quantum circuits. Classical simulations of QAOA (with layers p < 5) successfully identify high-probability optimal alignments for small instances, outperforming random sampling in feasible state approximation, though no significant speedups are reported for large k like 20. Grover's search has been adapted in quantum-inspired forms for sequence comparison, accelerating pattern matching in alignments by quadratically reducing oracle queries in simulated environments, but applications remain primarily pairwise due to scalability challenges. These methods build on annealing principles by simulating quantum tunneling to escape local minima, akin to classical simulated annealing but with enhanced exploration via quantum-like superpositions. Despite promising prototypes, these techniques face significant limitations in the noisy intermediate-scale quantum (NISQ) era, including hardware noise that degrades solution quality on real devices and high qubit requirements that restrict instances to small k (typically <10). Hybrid quantum-classical frameworks from 2023–2025 studies show potential for large-scale MSA through guide tree optimization, but classical simulations often match or exceed quantum runs due to error mitigation needs, emphasizing the need for fault-tolerant quantum computers to realize full speedups. Overall, these methods offer conceptual advances in optimization but require further benchmarking against established tools like for broader adoption.

Machine Learning and Deep Learning Approaches

Machine learning approaches to multiple sequence alignment (MSA) have focused on learning adaptive scoring functions to improve alignment accuracy, particularly for distantly related sequences. Supervised and unsupervised methods employing convolutional neural networks (CNNs) and recurrent neural networks (RNNs) enable the optimization of substitution matrices and gap penalties by training on reference alignments. For instance, derivative-free neural networks have been used to refine scoring functions, outperforming traditional models like BLOSUM on remote homology detection tasks with up to 10% gains in alignment precision. These techniques leverage benchmark datasets such as BAliBASE to train models that capture evolutionary patterns beyond fixed substitution scores. Deep learning has advanced MSA by enabling end-to-end prediction of alignments, drawing parallels to natural language processing. BetaAlign, introduced in 2024, trains transformer models on simulated alignments generated from evolutionary models to directly map unaligned sequences to MSAs, achieving sum-of-pairs scores exceeding 95% on BAliBASE reference sets and surpassing tools like MAFFT in handling variable-length sequences. Similarly, the MSA Transformer (2021), a seminal bidirectional transformer, learns contextual embeddings from raw MSAs to guide progressive alignment strategies, providing representations that enhance downstream tasks like secondary structure prediction with 5-8% accuracy improvements over profile-based methods. These models are typically fine-tuned on diverse datasets including simulated data and real alignments from UniProt, addressing scalability for thousands of sequences. Recent developments integrate large language models and structure prediction for enhanced performance. learnMSA2 (2024) combines protein language models like ProtT5-XL with alignment heuristics to produce accurate MSAs for large families, aligning up to 10,000 sequences with 6% higher column coverage than on protein benchmarks, evaluated via metrics like total column score on . For structure-aware MSA, deep learning methods leverage -predicted structures to refine alignments; (2023), for example, uses contrastive learning on structural embeddings to perform remote homology detection and alignments, recovering 20% more true positives in twilight-zone sequences (below 30% identity) compared to sequence-only tools. A 2025 convolutional transformer further extends this to nucleotide sequences, training on simulated viral alignments for ultrafast prediction with quadratic attention efficiency. These advances, trained on expanded datasets post-2023, bridge gaps in traditional progressive methods by incorporating iterative refinement cues from learned representations.

Evaluation and Visualization

Quality Assessment Metrics

Quality assessment metrics for multiple sequence alignments (MSAs) provide quantitative measures to evaluate the accuracy, reliability, and biological relevance of the resulting alignments, which is essential for downstream applications like and . These metrics are broadly categorized into reference-based approaches, which compare the computed MSA against a gold-standard alignment derived from structural or experimental data, and reference-free approaches, which assess internal consistency or information content without an external reference. Benchmarks such as , , and serve as standardized datasets to test and compare MSA methods using these metrics, ensuring reproducible evaluations. Recent benchmarking efforts, as of 2024, continue to utilize these datasets while incorporating evaluations for machine learning-enhanced alignments, such as those assessing evolutionary couplings in protein families. Reference-based metrics rely on predefined "true" alignments, often constructed from structural data in the Protein Data Bank (PDB), to gauge how well a computed MSA recovers known homologous residues. The sum-of-pairs score (SPS) is a widely used metric that quantifies the proportion of correctly aligned residue pairs across all sequence pairs in the MSA relative to the reference alignment. It is calculated as the number of correctly aligned pairs divided by the total number of pairs in the reference, emphasizing global pairwise consistency. For instance, in evaluations on protein families, SPS values above 0.8 indicate high accuracy for closely related sequences. The column score (CS) complements SPS by measuring the fraction of columns in the computed MSA that exactly match columns in the reference alignment, focusing on positional conservation rather than pairwise matches. Additionally, the total column score (TCS) extends CS by averaging the per-sequence column accuracies, accounting for the contribution of each sequence to the overall alignment quality; it is defined as the sum of correctly aligned residues across all sequences divided by the total number of residues in the reference. These metrics are routinely applied in benchmarks like , which provides manually curated reference MSAs for diverse protein families, including those with varying sequence lengths and similarities. , another structure-derived benchmark, uses PDB-based alignments to test MSA tools on larger datasets, revealing performance drops for distant homologs where SPS and CS often fall below 0.6. , a database of homologous protein structure alignments, has been integrated into recent benchmarking efforts to evaluate MSAs on families with high structural fidelity, supporting metrics like SPS for over 1,000 protein families. Reference-free metrics assess MSAs independently of external references, making them suitable for novel sequence sets where structural data is unavailable. Column entropy measures the uncertainty or variability in each alignment column, calculated using Shannon entropy H = -\sum p_i \log_2 p_i, where p_i is the frequency of residue i in the column; low entropy indicates conserved, reliable columns, while high entropy flags potential misalignment. Consistency-based indices, such as those in , evaluate how well the MSA aligns with a library of pairwise alignments by scoring transitive consistency across sequences, penalizing inconsistencies in residue pairings. For example, the consistency score aggregates pairwise alignment agreements, providing a reliability estimate that correlates with structural accuracy in benchmarks. These approaches are particularly valuable for large-scale genomic alignments, where they help identify robust regions without relying on PDB-derived references.

Visualization Techniques and Tools

Visualization of multiple sequence alignments (MSAs) is essential for interpreting evolutionary relationships, identifying conserved regions, and facilitating manual editing or quality assessment. Common techniques employ color-coding to highlight sequence conservation, where residues are shaded based on similarity thresholds; for instance, the assigns colors to amino acids or nucleotides meeting profile-based conservation criteria, such as blue for hydrophobic residues and red for positively charged ones in protein alignments. This scheme, originally implemented in , enhances readability by emphasizing functional motifs without altering the alignment itself. Interactive features like sliders enable navigation through large MSAs, allowing users to scroll horizontally across columns or vertically through sequences while maintaining an overview of the entire alignment. Structure overlays integrate 3D protein models onto 2D alignments, mapping sequence positions to structural elements to reveal spatial conservation; , for example, links aligned residues to PDB structures viewed in integrated molecular graphics tools. For quality control, visualizations highlight inconsistencies or low-confidence regions using residue-level scores, such as those from , which color-code positions based on alignment robustness across multiple methods to flag potential errors. To handle scale in MSAs with thousands of sequences, hierarchical views collapse similar subsequences into summary logos or trees, enabling drill-down from global overviews to detailed segments; Phylo-mLogo, for instance, uses phylogenetic trees to hierarchically display conservation logos for hundreds of sequences. These approaches can be guided by quality assessment metrics, such as conservation scores, to prioritize regions for visual inspection. Prominent tools include Jalview, a Java-based editor developed in the early 2000s that supports dynamic color schemes, sorting by trees, and annotation overlays for interactive analysis. AliView, introduced in 2014, offers lightweight editing for large datasets with fast rendering, nucleotide-specific coloring, and consensus sequence generation suitable for next-generation sequencing outputs. More recently, MSAViewer (2016) provides a web-based JavaScript component for browser-compatible visualization of MSAs of any size, featuring sortable columns, export options, and integration with analysis libraries. As of 2023, additional prominent tools include the RCSB PDB's 1D-3D Group Alignment Viewer, which integrates sequence and structure visualization using alignments, and NCBI's Multiple Sequence Alignment Viewer (MSAV), offering customizable column views and sequence hiding for large datasets.

Applications

Phylogenetic Analysis

Multiple sequence alignments (MSAs) play a central role in phylogenetic analysis by providing homologous sites across sequences that serve as the basis for inferring evolutionary relationships. Each column in an MSA represents a site where substitutions, insertions, or deletions can be modeled to estimate evolutionary distances or probabilities. For instance, in distance-based methods, the aligned columns are used to compute pairwise distances corrected for multiple substitutions, such as under the , which assumes equal base frequencies and substitution rates among nucleotides to estimate the true number of changes between sequences. These MSAs are integral to various tree reconstruction methods. In neighbor-joining (NJ), an MSA-derived distance matrix is iteratively clustered to build an unrooted tree by joining the least distant pairs, minimizing deviations from additivity in branch lengths. Maximum parsimony employs the aligned sites as discrete characters, seeking the tree that requires the fewest evolutionary changes (steps) to explain the observed variation across taxa. In maximum likelihood (ML) approaches, the MSA supplies site patterns for evaluating tree topologies and branch lengths by maximizing the probability of the data under a substitution model, as implemented in tools like RAxML, which processes aligned nucleotide or amino acid sequences to infer large phylogenies efficiently through heuristic searches. Phylogeny-aware MSAs improve tree inference by incorporating evolutionary models during alignment to avoid artifacts like over-alignment of non-homologous regions, thereby reducing errors in downstream phylogenetic reconstruction. For example, methods that treat indels as explicit events aligned to the phylogeny produce more accurate alignments, leading to fewer misinferences in branch lengths and topologies compared to standard progressive alignments. In phylogenomics, MSAs of orthologous genes are commonly used to construct species trees by concatenating alignments into supermatrices for comprehensive inference. Orthologous groups identified across genomes, such as those from the OMA database, yield MSAs that capture genome-wide signals, enabling robust species tree estimation with tools like IQ-TREE or RAxML, as demonstrated in analyses of yeast and other eukaryotic clades.

Functional and Structural Prediction

Multiple sequence alignments (MSAs) play a central role in annotating protein function by identifying conserved residues that often correspond to functional domains or active sites. In databases like , curated MSAs of homologous protein sequences are used to construct profile hidden Markov models (HMMs), which capture patterns of conservation and variation to detect and annotate domain architectures across proteomes. For instance, highly conserved positions in an MSA may indicate catalytic residues essential for enzymatic activity, enabling functional inference for uncharacterized proteins through similarity to known families. For structural prediction, MSAs enable covariation analysis, where correlated substitutions across aligned sequences reveal residue pairs likely in physical contact within the folded protein. A seminal approach, direct-coupling analysis (DCA), extracts direct evolutionary couplings from MSAs by inverting the alignment's covariance matrix, achieving contact prediction accuracies exceeding 40% for top long-range pairs in large datasets. These predicted contacts serve as restraints for folding simulations or homology modeling, improving structure accuracy beyond sequence-based methods alone. Modern deep learning models like AlphaFold integrate MSAs deeply into structure prediction, using alignment depth—the number of diverse sequences—to infer evolutionary constraints via attention mechanisms. In AlphaFold2, prediction confidence and all-atom accuracy (median GDT-TS score >90 for high-depth MSAs) correlate strongly with MSA depth, with performance dropping markedly below 30 effective sequences due to insufficient signal for coevolutionary patterns. This reliance on deep MSAs has revolutionized structure prediction, enabling atomic-level models for proteins without close homologs when alignments are sufficiently populated. Tools such as HHpred leverage MSA-derived profile HMMs for remote homology detection, aligning query profiles against databases to identify distant structural relatives with sensitivities far surpassing . By comparing HMMs built from MSAs, HHpred achieves e-value thresholds below 10^{-10} for twilight zone homologies (sequence identity <20%), facilitating functional and structural transfer from templates. Recent advances (2023–2025) extend MSA applications to protein design, where alignments inform generative models for creating novel structures with desired functions. For example, RFdiffusion, a diffusion-based method fine-tuned on predicted structures from MSA-dependent models like RoseTTAFold, generates custom folds (e.g., binders or enzymes) that match experimental validation rates often exceeding 10%, and over 50% in favorable cases for scaffold and binder designs, incorporating evolutionary priors from MSAs to ensure foldability and stability. This MSA-guided paradigm supports applications in therapeutic design, including design achieving high validation rates, bridging sequence evolution to .

References

  1. [1]
    The Historical Evolution and Significance of Multiple Sequence ...
    Multiple sequence alignment (MSA) is the process of aligning three or more biological sequences, typically protein, DNA, or RNA, to identify regions of ...
  2. [2]
    [PDF] Multiple Sequence Alignment
    What is Multiple Sequence Alignment (MSA) ? Alignment : way of arranging sequences to identify “commonality” (homology ?) – Could share common function and / ...
  3. [3]
    [PDF] Multiple Alignment
    Multiple alignment, or Multiple Sequence Alignment (MSA), aligns more than two sequences, revealing subtle similarities not seen in pairwise alignments.
  4. [4]
    The Multiple Sequence Alignment Problem in Biology - SIAM.org
    The study and comparison of sequences of characters from a finite alphabet is relevant to various areas of science, notably molecular biology.Missing: Feng- | Show results with:Feng-
  5. [5]
    Progressive sequence alignment as a prerequisitetto correct ...
    A progressive alignment method is described that utilizes the Needleman and Wunsch pairwise alignment algorithm iteratively to achieve the multiple alignme.
  6. [6]
    Motif-Aware PRALINE: Improving the alignment of motif regions - PMC
    Nov 1, 2018 · Protein or DNA motifs are sequence regions which possess biological importance. These regions are often highly conserved among homologous ...
  7. [7]
    Exploratory visual analysis of conserved domains on multiple ...
    Oct 8, 2009 · Multiple alignment of protein sequences can provide insight into sequence conservation across many species and thus allow identification of ...
  8. [8]
    Multiple Sequence Alignment
    Multiple sequence alignment provides information about sequences, reveals conserved regions, and can infer evolutionary relationships among organisms.<|separator|>
  9. [9]
    A review on multiple sequence alignment from the perspective of ...
    Among them, the most widely used method is ClustalW [91]. It first performs the global pairwise alignment [64] of the sequences and develops a distance matrix.Missing: 1982 | Show results with:1982
  10. [10]
    Evolutionary Concept in Genetics and Genomics - Evolution - Function
    Homology, meaning common origin, is inferred from sequence similarity, which is central to understanding evolutionary relationships and function. High ...
  11. [11]
    Whole-Genome Alignment and Comparative Annotation - PMC
    Oct 31, 2018 · These new genomes must be compared through genome alignment (at the sequence level) and comparative annotation (at the gene level).
  12. [12]
    Multiple genome alignments - Ensembl
    Multiple alignments are calculated between groups of genomes. These are used to calculate ancestral sequences, age of base, conservation scores and constrained ...
  13. [13]
    Multi-species sequence comparison: the next frontier in genome ...
    Multi-species comparisons of DNA sequences are more powerful for discovering functional sequences than pairwise DNA sequence comparisons.
  14. [14]
    Variant analysis of SARS-CoV-2 genomes - PMC - NIH
    First, we aligned sequences to NC_045512, using the multiple sequence alignment software, MAFFT. Subsequently, we adjusted for length and sequencing ...
  15. [15]
    Rapid monitoring of SARS-CoV-2 variants of concern
    Dec 7, 2023 · Selected sequences of each VOC were downloaded from GISAID, loaded on Jalview, and multiple sequence alignment (MSA) was performed using the ...
  16. [16]
    ENCODE Pilot Project at UCSC
    The comparative genomics tracks include multiple alignments of 28 vertebrate species in the ENCODE regions, produced with three sequence alignment methods and ...
  17. [17]
    An integrated encyclopedia of DNA elements in the human genome
    Sep 5, 2012 · The Encyclopedia of DNA Elements (ENCODE) project has systematically mapped regions of transcription, transcription factor association, chromatin structure and ...
  18. [18]
    (PDF) Substitution Matrices - ResearchGate
    INTRODUCTION The original Dayhoff percent accepted mutation (PAM) matrices were developed based on a small number of protein sequences and an evolutionary ...
  19. [19]
    Introducing variable gap penalties to sequence alignment in linear ...
    Here, we maximize similarity scores and, more signficantly, introduce position specific gap penalties. Thus, residue-dependent information such as structure ...
  20. [20]
    Assessing the efficiency of multiple sequence alignment programs
    Mar 6, 2014 · Global alignments attempt to align entire sequences, up to both ends of each sequence [1]. Local alignments attempt to identify subsequences ...Missing: optimality semi-
  21. [21]
    High Performance Multiple Sequence Alignment System for ...
    The center star alignment is shown to give results within 2-approx of the optimal alignment [52] in worst case and same can be expected from the semi-global ...Missing: optimality criteria
  22. [22]
    [PDF] OPTIMAL ALIGNMENT OF MULTIPLE SEQUENCE ALIGNMENTS
    The structure of the proof yields a strong result: that the problem remains NP-hard for sequences over a binary alphabet (and hence for DNA, RNA, and ...<|control11|><|separator|>
  23. [23]
    [PDF] LOCAL RELIABILITY MEASURES FROM SETS OF CO-OPTIMAL ...
    We extend this approach for the case of progressive multiple sequence alignment by forming a large set of equally likely co- optimal alignments that bracket the ...
  24. [24]
    [PDF] Faster Algorithms for Optimal Multiple Sequence Alignment based ...
    Wilbur and Lipman [33, 34] designed a pair- wise alignment algorithm that offers a tradeoff between accuracy and running time, by consider- ing only matches ...Missing: 1982 | Show results with:1982
  25. [25]
    [PDF] Multiple Sequence Alignment 15.1 Major Approaches to MSA
    Oct 21, 2003 · This approach repeatedly aligns two sequences, two alignments, or a sequence with an alignment. Several heuristics have been proposed to compute ...<|separator|>
  26. [26]
    A tool for multiple sequence alignment. - PNAS
    The program returns an alignment with minimum cost whose path is contained within this region. As described above, Carrillo and Lipman have shown how to choose ...
  27. [27]
    improving the sensitivity of progressive multiple sequence alignment ...
    Fourthly, positions in early alignments where gaps have been opened receive locally reduced gap penalties to encourage the opening up of new gaps at these ...Missing: original | Show results with:original
  28. [28]
    [PDF] using upgma and neighbor join based guide - arXiv
    Progressive alignment involves three steps: find the distance between each pair of sequences; construct a guide tree based on the distance matrix; finally based ...
  29. [29]
    [PDF] improving the sensitivity of progressive multiple sequence alignment ...
    Sep 23, 1994 · CLUSTAL W improves sensitivity by using sequence weighting, varying amino acid matrices, and residue-specific gap penalties.
  30. [30]
    T-coffee: a novel method for fast and accurate multiple sequence ...
    We describe a new method (T-Coffee) for multiple sequence alignment that provides a dramatic improvement in accuracy with a modest sacrifice in speed.
  31. [31]
  32. [32]
    MUSCLE: multiple sequence alignment with high accuracy and high ...
    We describe MUSCLE, a new computer program for creating multiple alignments of protein sequences. Elements of the algorithm include fast distance estimation.Abstract · INTRODUCTION · MUSCLE algorithm · Assessment
  33. [33]
    Multiple sequence alignment using partial order graphs
    We present a graph representation of an MSA that can itself be aligned directly by pairwise dynamic programming, eliminating the need to reduce the MSA to a ...
  34. [34]
    EMMA: a new method for computing multiple sequence alignments ...
    Dec 7, 2023 · EMMA is a new tool that provides high accuracy and scalability for adding sequences into an existing alignment.
  35. [35]
    Detecting Subtle Sequence Signals: a Gibbs Sampling Strategy for ...
    This algorithm finds an optimized local alignment model for N sequences in N-linear time, requiring only seconds on current workstations.
  36. [36]
    Fitting a mixture model by expectation maximization to discover ...
    The algorithm described in this paper discovers one or more motifs in a collection of DNA or protein sequences by using the technique of expectation ...
  37. [37]
    [PDF] Profile hidden Markov models Sean R. Eddy Dept. of Genetics ...
    Abstract. Summary: I review the recent literature on profile hid- den Markov model (profile HMM) methods and software. Profile HMMs turn a multiple sequence ...
  38. [38]
    HMMER
    HMMER can be downloaded and installed as a command line tool on your own hardware, and now it is also more widely accessible to the scientific community via new ...
  39. [39]
    Profile hidden Markov models - PubMed - NIH
    Profile HMMs turn a multiple sequence alignment into a position-specific scoring system suitable for searching databases for remotely homologous sequences.
  40. [40]
    An algorithm for progressive multiple alignment of sequences with ...
    Jul 18, 2005 · We describe a modification of the traditional alignment algorithm that can distinguish insertion from deletion and avoid repeated penalization of insertions.
  41. [41]
    Ultra-large alignments using phylogeny-aware profiles
    Jun 16, 2015 · We present UPP, a multiple sequence alignment method that uses a new machine learning technique, the ensemble of hidden Markov models, which we propose here.Missing: 2016 | Show results with:2016
  42. [42]
    UPP2: fast and accurate alignment of datasets with fragmentary ...
    We show that UPP2 produces more accurate alignments compared to leading MSA methods on datasets exhibiting substantial sequence length heterogeneity.
  43. [43]
    Inferring Noncoding RNA Families and Classes by Means of ...
    In the paper, we present the new method LocARNA for fast and accurate comparison of RNAs with respect to their sequence and structure. Using this method, we ...
  44. [44]
    Simultaneous Solution of the RNA Folding, Alignment and ...
    We present an algorithm which solves all three problems simultaneously for a set of N sequences of length n in time proportional to n 3 N and storage n 2 N.
  45. [45]
    SAGA: Sequence Alignment by Genetic Algorithm - Oxford Academic
    We describe a new approach to multiple sequence alignment using genetic algorithms and an associated software package called SAGA.Abstract · Introduction · Methods · Results
  46. [46]
    SAGA: sequence alignment by genetic algorithm - PMC - NIH
    We describe a new approach to multiple sequence alignment using genetic algorithms and an associated software package called SAGA.
  47. [47]
    Multiple sequence alignment using simulated annealing - PubMed
    The focus of this paper is to use simulated annealing as the basis for developing an efficient multiple sequence alignment algorithm. An algorithm called ...Missing: seminal | Show results with:seminal
  48. [48]
  49. [49]
    SAGA HOME PAGE Sequence Alignment by Genetic Algorithm
    SAGA requires a powerful UNIX station to run. It is optimally designed for aligning less than 20 sequences, less than 400 residues long.Missing: 1995 | Show results with:1995
  50. [50]
  51. [51]
    [PDF] SOLVING MULTIPLE SEQUENCE ALIGNMENT PROBLEM ...
    A method has been proposed by Althaus et al. to solve MSA problem which is based on integer linear programming (ILP). ... program is the aligned sequences of the ...
  52. [52]
  53. [53]
    [PDF] qualign: solving sequence alignment based on quadratic ...
    Mar 8, 2023 · We developed a novel local sequence alignment algorithm based on a QUBO model using an annealing machine. Our model could be generalised to a ...
  54. [54]
    Modified Multiple Sequence Alignment Algorithm on Quantum ...
    Mar 24, 2024 · We propose a modified MSA algorithm on quantum annealers with applications in areas of bioinformatics and genetic sequencing.
  55. [55]
    Scalable Guide Tree Construction Using Quantum Annealing for ...
    Oct 4, 2025 · Multiple sequence alignment (MSA) reveals homology in biological sequences, which is crucial for phylogenetics, medicine, and molecular biology.
  56. [56]
    [2308.12103] Multi-sequence alignment using the Quantum ... - arXiv
    Aug 23, 2023 · The task of Multiple Sequence Alignment (MSA) is a constrained combinatorial optimization problem that is generally considered a complex computational problem.
  57. [57]
    [PDF] A Quantum Algorithm for Pairwise Sequence Alignment
    Jan 19, 2023 · Our primary goal is to align DNA sequences and find the optimal alignments in a faster and efficient way with Grover's search algo- rithm. It is ...<|control11|><|separator|>
  58. [58]
    Derivative-free neural network for optimizing the scoring functions ...
    Feb 15, 2018 · This indicated that the novel scoring function was optimized for remote sequence alignment rather than alignment of closer sequences. This was ...
  59. [59]
    BetaAlign: a deep learning approach for multiple sequence alignment
    We show that our artificial intelligence (AI)-based methodology can be trained to align sequences by processing alignments that are generated via simulations.Introduction · Materials and methods · Results · Discussion
  60. [60]
    learnMSA2: deep protein multiple alignments with large language ...
    Sep 4, 2024 · We report that our upgraded HMM-based aligner, learnMSA2, combined with the ProtT5-XL protein language model aligns on average almost 6% points more columns ...
  61. [61]
    Protein remote homology detection and structural alignment ... - Nature
    Sep 7, 2023 · To enable scalable structurally aware search and alignments on protein sequences, we developed two tools, TM-Vec and DeepBLAST. TM-Vec can ...
  62. [62]
    Multiple sequence alignment with the Clustal series of programs - NIH
    Within alignments, conserved columns are highlighted using a customizable colour scheme and quality analysis tools are available to highlight potentially ...
  63. [63]
    Jalview Version 2—a multiple sequence alignment editor and ... - NIH
    ... alignment visualization tools such as ALSCRIPT (Barton, 1993). As well as ... Conflict of Interest: none declared. REFERENCES. Barton GJ. ALSCRIPT: a tool to ...
  64. [64]
    An Alignment Confidence Score Capturing Robustness to Guide ...
    The GUIDANCE residue scores are color coded on the MSA. This is a convenient way to inspect the implications of low-confidence regions on subsequent analysis.
  65. [65]
    Phylo-mLogo: an interactive and hierarchical multiple-logo ...
    With Phylo-mLogo, the user can symbolically and hierarchically visualize hundreds of aligned sequences simultaneously and easily check the potential sites under ...
  66. [66]
    The Jalview Java alignment editor - Oxford Academic
    (1993) ALSCRIPT: a tool to format multiple sequence alignments. Protein Eng ... (1996) SEAVIEW and PHYLO_WIN: two graphic tools for sequence alignment and ...
  67. [67]
    AliView: a fast and lightweight alignment viewer and editor for large ...
    AliView can merge overlapping sequences into a consensus sequence. This feature is useful when working with multiple read NGS-generated sequences. Sometimes the ...Missing: paper | Show results with:paper
  68. [68]
    interactive JavaScript visualization of multiple sequence alignments
    MSAViewer is a JavaScript tool for visualizing and analyzing Multiple Sequence Alignments (MSAs) of any size, with interactive navigation and sorting features.
  69. [69]
    Maximum Likelihood Phylogenetic Inference is Consistent on ... - NIH
    For simplicity of presentation, we assume the Jukes–Cantor model for nucleotide substitution (Jukes and Cantor 1969), with substitutions independent between ...
  70. [70]
    Multiple sequence alignment in phylogenetic analysis - PubMed
    Multiple sequence alignment is discussed in light of homology assessments in phylogenetic research. Pairwise and multiple alignment methods are reviewed as ...Missing: Jukes- Cantor
  71. [71]
    None
    Nothing is retrieved...<|separator|>
  72. [72]
    Maximum parsimony method for phylogenetic prediction - PubMed
    Apr 1, 2008 · A multiple sequence alignment (msa) is required to predict which sequence positions are likely to correspond. These positions will appear in ...
  73. [73]
    Science | AAAS
    Insufficient relevant content. The provided URL (https://www.science.org/doi/10.1126/science.1158392) leads to a "Page not found" error, and the accessible content does not contain information about phylogeny-aware gap placement, multiple sequence alignment, or phylogenetic tree inference. No specific details, numbers, or improvements regarding errors are available.
  74. [74]
    How to build phylogenetic species trees with OMA - PMC - NIH
    This tutorial provides protocols to make use of OMA Orthologous Groups, a set of genes all orthologous to each other, to infer a phylogenetic species tree.
  75. [75]
    Direct-coupling analysis of residue coevolution captures native ...
    In this paper, we provide a systematic evaluation of the information contained in correlated substitution patterns for predicting residue contacts, a first step ...
  76. [76]
    PSICOV: precise structural contact prediction using sparse inverse ...
    Here we present a novel method, PSICOV, which introduces the use of sparse inverse covariance estimation to the problem of protein contact prediction.Missing: seminal | Show results with:seminal
  77. [77]
    Highly accurate protein structure prediction with AlphaFold - Nature
    Jul 15, 2021 · The AlphaFold network directly predicts the 3D coordinates of all heavy atoms for a given protein using the primary amino acid sequence and ...
  78. [78]
    Protein homology detection by HMM–HMM comparison
    We present a method for detecting distant homologous relationships between proteins based on this approach. The method (HHsearch) is benchmarked together with ...Missing: MSA | Show results with:MSA
  79. [79]
    The HHpred interactive server for protein homology detection and ...
    Jul 1, 2005 · HHpred is a fast server for remote protein homology detection and structure prediction and is the first to implement pairwise comparison of profile hidden ...Missing: MSA | Show results with:MSA