Fact-checked by Grok 2 weeks ago

Bounding sphere

A bounding sphere is a spherical region in three-dimensional space, defined by a center point and a radius, that completely encloses a set of points, a geometric object, or a collection of such elements, functioning as a fundamental bounding volume to simplify spatial computations. It is particularly valued in computational geometry and computer graphics for its rotational and translational invariance, which eliminates the need to update the sphere during rigid transformations of the enclosed geometry. Bounding spheres accelerate a range of algorithms by providing efficient tests for intersections, distances, and enclosures, such as in , ray tracing, view-frustum culling, and . Their simplicity enables fast overlap queries between pairs of spheres—requiring only a comparison of the distance between centers against the sum of radii—making them ideal for real-time applications despite potentially loose fits for elongated or irregular shapes. In bounding volume hierarchies (BVHs), bounding spheres form tree structures where parent nodes enclose child volumes, enabling hierarchical traversal to prune unnecessary checks and improve performance in complex scenes. Computing a bounding sphere involves selecting extremal points from the input set to determine the minimal enclosing sphere, often defined by two to four support points on its boundary. Common algorithms include Ritter's linear-time method, which approximates the sphere by iterating over points along coordinate axes, and more advanced approaches like the EPOS algorithm, which balances tightness and speed by sampling extremal points along multiple directions for real-time use. Applications span robotics, computer animation, virtual reality simulations, and video games, where bounding spheres contribute to efficient spatial partitioning and interaction handling.

Definition and Properties

Formal Definition

In \mathbb{R}^d, a bounding sphere for a of points P = \{p_1, \dots, p_n\} \subset \mathbb{R}^d is the sphere of minimal radius that encloses all points in P, defined by a center c \in \mathbb{R}^d and radius r > 0 such that \|p_i - c\| \leq r for all i = 1, \dots, n, with r minimized over all possible centers. The smallest enclosing sphere (SES) problem seeks to compute this bounding sphere and is formulated as the problem of minimizing the radius subject to the enclosure constraints: \begin{align*} \min_{c \in \mathbb{R}^d, r \geq 0} \quad & r \\ \text{subject to} \quad & \|p_i - c\|^2 \leq r^2, \quad i = 1, \dots, n. \end{align*} The decision version of the SES problem asks whether, for a fixed radius r \geq 0, there exists a center c \in \mathbb{R}^d such that \|p_i - c\|^2 \leq r^2 for all i = 1, \dots, n. Although the SES problem is well-defined in arbitrary dimension d \geq 1, it is primarily studied and applied in two dimensions (reducing to the ) and three dimensions, with generalizations to higher dimensions enabling solutions in spaces up to d = 10{,}000.

Geometric Properties

A , or , for a of points in \mathbb{R}^d is , meaning there exists exactly one such of minimal that contains all the points. This follows from the strict convexity of the ball, ensuring that the of minimizing the subject to enclosing all points has a single solution. The sphere is structurally determined by at most d+1 boundary points from the set, which lie on its surface and define it as the minimal enclosing sphere; in \mathbb{R}^3, this corresponds to up to four such points in general position. These boundary points are extremal in the sense that removing any one would yield a smaller enclosing sphere for the remaining points. All other points lie strictly inside or on the boundary, satisfying the enclosing property with no points exterior to the sphere. The center of the bounding sphere resides within the of the point set, ensuring it is a feasible point in the geometric structure spanned by the points. Consequently, the sphere fully encloses the , providing a tight bound around the point set's extent. This positioning underscores the sphere's role as a central measure of the set's spatial . Due to its reliance on these extremal points, the bounding sphere exhibits high sensitivity to : the addition of a single distant point can drastically shift the center and inflate the , as that outlier becomes a new point. Such sensitivity motivates robust variants of the problem that tolerate a fraction of outliers while maintaining near-minimal enclosure for the core set. In two dimensions, the bounding sphere reduces to the smallest enclosing , which is defined either by two points forming its (when the points are collinear or the diameter pair dominates) or by three non-collinear points on the circumference, as in the circumcircle of a formed by extremal . For example, if the point set forms a square, the enclosing circle has the diagonal as and passes through all four , but perturbing one vertex inward leaves the circle defined by the original diagonal endpoints.

Applications

Computer Graphics and Collision Detection

Bounding spheres play a crucial role in accelerating by serving as simple proxy geometries for complex objects, enabling rapid tests to determine if a potentially hits the underlying model. In pipelines, a is first checked against the sphere's boundary; if no occurs, the more expensive tests against the actual are skipped, significantly reducing computational overhead. This enclosure test is particularly efficient due to the sphere's simple quadratic equation, which can be solved analytically. Visibility benefits similarly from bounding spheres, where they approximate object extents for or queries, quickly eliminating off-screen or hidden elements from the rendering without detailed . For instance, in dynamic scenes, spheres facilitate broad-phase by enclosing groups of primitives, allowing renderers to discard entire subsets that lie outside the view . This approach enhances frame rates in real-time applications by prioritizing visible content. In bounding volume hierarchies (BVH), can function as leaf or intermediate nodes, particularly in scenarios involving deformable or clustered geometry where tighter fits are advantageous over axis-aligned boxes. BVH traversal with spheres involves recursive intersection checks down the tree, pruning branches early if the misses a node's sphere, which proves effective for accelerating -object queries in complex environments. While axis-aligned bounding boxes dominate standard BVH implementations, spheres offer utility in specialized cases such as deformable geometry due to their isotropic properties. For , bounding spheres enable efficient broad-phase screening through sphere-sphere intersection tests, where two spheres collide if the between their centers is less than or equal to the sum of their radii: \| \mathbf{c_1} - \mathbf{c_2} \| \leq r_1 + r_2. This test is computationally inexpensive, involving only a and comparison, making it ideal for pairwise checks among numerous objects. Narrow-phase refinement can follow for precise contacts, but the initial sphere test filters out most non-colliding pairs. The advantages of bounding spheres in these contexts include their rotation invariance, which ensures consistent enclosure regardless of object orientation, and their low-cost , suitable for real-time broad-phase detection in simulations. Unlike oriented bounding boxes, spheres require minimal storage—just a point and —and support fast distance computations for proximity queries. These traits make them rotation-invariant and computationally lightweight, outperforming more complex volumes in scenarios prioritizing speed over tightness. In and physics simulations, bounding spheres approximate intricate models, such as meshes or rigid bodies, to perform proximity and collision checks during . For example, they surround avatars or environmental objects to detect overlaps in crowded scenes, enabling responsive interactions like avoidance or impacts without exhaustive tests. This approximation balances accuracy and performance, supporting fluid simulations at interactive rates.

Clustering and Data Analysis

Bounding spheres, particularly the smallest enclosing (SEB), serve as effective prototypes in clustering algorithms analogous to k-means, where they points by minimizing the radius of spheres that encompass , thereby reducing intra-cluster variance through compact enclosures. In this approach, is iteratively clustered by computing SEBs for subsets, with sphere centers acting as representatives that approximate cluster means and facilitate faster for large datasets. This method enhances scalability in tasks, such as (SVM) training, by reducing the effective dataset size while preserving classification accuracy. In , bounding spheres represent subclusters, enabling merges based on sphere overlap or the SEB of their union to form higher-level groupings. (SVC), a kernel-based method, employs SEBs in a feature to define cluster boundaries; by varying the kernel width, it produces a divisive where spheres split into components enclosing denser subgroups. This allows for multi-scale without predefined cluster counts, handling non-convex shapes through the sphere's flexibility in high dimensions. For detection, points lying outside the —termed bounded support vectors in —flag , as they violate the minimal enclosure constraint and indicate deviations from the core data distribution. This leverages the sphere's to quantify , providing a geometric measure for scoring in datasets with spatial structure. In , bounding spheres approximate SVM kernels by mapping data to spheres in feature space, aiding clustering and classification; they also support via reduced-set approximations, where SEBs select representative points to accelerate density computations without significant loss in accuracy. For instance, the fast reduced set density estimator (FRSDE) uses SEB approximations to condense large samples into compact prototypes, improving efficiency for non-parametric estimation. An application in bioinformatics involves enclosing point clouds from molecular structures, such as protein pockets, where the smallest enclosing sphere's serves as a descriptor for assessment or cavity analysis. The of a bounding sphere provides a performance metric for tightness, with smaller volumes indicating lower intra- dispersion and better in spatial .

Algorithms

Ritter's Algorithm

Ritter's algorithm, introduced by Jack Ritter in , provides a fast for approximating the smallest enclosing of a set of points in . It operates by first establishing an initial bounding based on the point set's and then refining it through a single expansion pass to cover any remaining outliers, ensuring all points are enclosed while prioritizing computational efficiency over optimality. The procedure begins with a first pass over the points to compute the minimum and maximum coordinates along the x, y, and z axes. The axis exhibiting the largest span—defined as the maximum difference between the maximum and minimum values—is selected. The points corresponding to the minimum and maximum on this axis are chosen as the endpoints of the initial diameter. The sphere's center is placed at the midpoint of these endpoints, and the initial radius is set to half the Euclidean distance between them. This step leverages the geometric property that the diameter provides a reasonable starting enclosure for the convex hull of the points. In the subsequent second pass, the algorithm examines each point relative to the current sphere. For any point lying outside the sphere—at a distance d > r from the center c, where r is the current radius—the center and radius are updated to incorporate it. The new radius r' becomes \frac{r + d}{2}, and the new center c' is adjusted as c + \frac{d - r}{2d} (p - c), where p is the outlier point. This update shifts the center toward p such that the revised sphere passes through both the previous boundary and p, maintaining enclosure of prior points approximately. Updates occur sequentially without revisiting earlier points, concluding the process after one iteration. The following pseudocode illustrates the core steps:
function ritter_bounding_sphere(points):
    if points is empty:
        return center = (0,0,0), radius = 0
    # First pass: find initial diameter
    min_x = min_y = min_z = [infinity](/page/Infinity)
    max_x = max_y = max_z = -[infinity](/page/Infinity)
    min_point_x = min_point_y = min_point_z = None
    max_point_x = max_point_y = max_point_z = None
    for p in points:
        if p.x < min_x:
            min_x = p.x
            min_point_x = p
        if p.x > max_x:
            max_x = p.x
            max_point_x = p
        # Similarly for y and z
    # Select axis with largest span
    dx = max_x - min_x
    dy = max_y - min_y
    dz = max_z - min_z
    if dx >= dy and dx >= dz:
        dia1, dia2 = min_point_x, max_point_x
    elif dy >= dz:
        dia1, dia2 = min_point_y, max_point_y
    else:
        dia1, dia2 = min_point_z, max_point_z
    c = (dia1 + dia2) / 2
    r = distance(dia1, dia2) / 2
    # Second pass: expand for outliers
    for p in points:
        d = distance(c, p)
        if d > r:
            delta = (d - r) / (2 * d)
            c = c + delta * (p - c)
            r = (r + d) / 2
    return c, r
This implementation runs in O(n) time, where n is the number of points, due to the two linear passes, rendering it highly suitable for large datasets in applications such as . In terms of accuracy, Ritter's method yields a sphere with a radius typically 5% to 20% larger than the optimal smallest enclosing sphere, with overestimation arising from the non-iterative adjustments. For instance, when applied to points uniformly sampled on a unit sphere (n = 100,000), the radius overestimation is approximately 4%; for points on a unit cube (n = 10,000), it reaches about 7%. Despite its efficiency, the algorithm does not guarantee the minimal enclosing sphere and is sensitive to the initial axis selection, which can influence the final approximation quality if the point distribution is anisotropic.

Welzl's Algorithm

Welzl's algorithm, introduced by Emo Welzl in , is a randomized incremental construction method for computing the exact smallest enclosing sphere of a finite set of n points in d-dimensional , where d is fixed. It generalizes the approach originally developed for disks in the to higher-dimensional balls and achieves an expected running time of O(n). The algorithm's efficiency arises from its use of to process points in a random order, ensuring that the expected depth of remains constant, and it relies on the geometric fact that the smallest enclosing sphere is determined by at most d+1 points on its boundary. The core idea involves building the sphere incrementally while maintaining a small set R of points that must lie on the 's surface. Points are added one by one from a randomly shuffled input set Q. A current candidate is computed for the points processed so far. If the next point lies inside this , it is accepted without change. If the point lies outside, it must belong to the of the true smallest enclosing , prompting a recursive recomputation of the for all preceding points with this violating point added to R. This process confines R to at most d+1 points, as larger sets would violate for spheres, allowing constant-time computation of the defined by R in fixed dimensions. The algorithm is defined recursively via the function minisphere(P, R), which returns the smallest sphere enclosing the points in P ∪ R, with all points in R on the boundary. Here, P represents the remaining points to enclose (a subset of the input), and R is the current boundary set with |R| ≤ d+1. The initial call is minisphere(Q, ∅), where Q is the randomly permuted input points. In each recursive invocation, a point p is randomly selected from P, and minisphere is called on P excluding p with the unchanged R to yield a candidate sphere D. If p lies inside or on D, then D encloses all required points and is returned. Otherwise, the recursion continues on P excluding p but with R augmented by p, ensuring p is forced onto the boundary. This "backward" recursion efficiently prunes invalid partial solutions. Base cases terminate the recursion when P is empty or |R| reaches d+1. If P is empty, the unique smallest sphere is computed directly from R alone, which is feasible in O(1) time for fixed d by solving a for the circumsphere of the |R| points. Specific trivial subcases include: an empty R (degenerate sphere of radius 0 at an arbitrary ); a singleton R (sphere centered at that point with radius 0); or two points in R (sphere with those points as diameter endpoints). When |R| = d+1, the sphere is the unique one passing through all points in R, determined by solving the corresponding . These computations exploit the boundary points property that the smallest enclosing sphere has its center at the point equidistant to the boundary points and minimizing the maximum to all enclosed points. The recursive structure can be expressed in the following pseudocode, where trivial_sphere(R) denotes the constant-time computation of the sphere defined by boundary set R:
function minisphere(P, R):
    if |P| == 0 or |R| == d + 1:
        return trivial_sphere(R)
    select random p ∈ P
    D ← minisphere(P \ {p}, R)
    if distance(center(D), p) ≤ radius(D):
        return D
    return minisphere(P \ {p}, R ∪ {p})
To execute, randomly shuffle the input points into Q and invoke minisphere(Q, ∅). Each recursive call performs O(1) work beyond the subcalls, as distance checks and boundary sphere computations are constant-time in fixed d. Welzl's algorithm offers several advantages, including its conceptual simplicity and ease of implementation, requiring only a subroutine for trivial_sphere(R), which can be realized via direct algebraic solutions or iterative methods for the center. Its expected time complexity is proven via backward analysis: the probability that any particular point triggers a deep is inversely proportional to its position in the random order, bounding the expected number of boundary updates to O(1) per point overall. This probabilistic guarantee holds with high probability, making it robust for large n in practice. Variants include deterministic implementations that avoid randomization by processing points in a specific order, achieving worst-case time but with higher constants and increased due to the need for adversarial-case handling. These are less favored compared to the original randomized version, which remains a standard for exact computation in fixed dimensions.

Linear Programming Approach

The smallest enclosing sphere (SES) problem can be reformulated as an optimization task to minimize the r subject to the constraints \| \mathbf{p}_i - \mathbf{c} \|_2 \leq r for all points \mathbf{p}_i in the set, where \mathbf{c} is the center in \mathbb{R}^d. These constraints are due to the , making the problem non-linear; however, approximations can linearize them in a lifted by replacing \| \mathbf{x} \|^2 \leq r^2 with linear inequalities via auxiliary variables that bound the terms, such as through McCormick envelopes or bilinear relaxations. A standard linear programming (LP) approach introduces variables for the center coordinates \mathbf{c} and radius r, with the constraints \| \mathbf{p}_i - \mathbf{c} \| \leq r approximated by linear cuts or slack variables to handle the norm, often solved iteratively as a sequence of LPs. For instance, the reformulation-linearization technique (RLT) linearizes the quadratic objective and constraints by lifting to higher-dimensional space with additional variables representing products like c_j c_k, relaxing non-convex terms into linear inequalities while preserving feasibility bounds. This yields an LP relaxation that provides lower bounds, refined through successive solving until convergence. Alternatively, cutting plane methods generate valid linear cuts from violated constraints, iteratively tightening the by solving LPs that approximate the of the feasible set. In practice, these methods employ the or interior-point solvers for the , achieving expected linear time O(n) for fixed low dimensions like d=3 due to the efficiency of in bounded dimensions, though remains exponential without randomization. Vertex can also be used to identify active constraints defining the optimum. Historical developments trace to optimization techniques in the early , adapting randomized solvers—such as those by Seidel for fixed-dimensional problems—to the SES via constraint violation oracles, influencing numerical approaches beyond pure geometric constructions. Implementations leverage open-source LP libraries like GLPK (GNU Linear Programming Kit) to handle the constraint matrices, with RLT or cutting plane iterations coded in languages such as or for . These approaches yield exact solutions for small n (e.g., up to thousands of points in ) when tolerances are tight, but scale poorly to high dimensions without further approximations, as the LP size grows with n and lifted variables, leading to increased solve times beyond O(n^2) empirically in degenerate cases.

Second-Order Cone Programming

The smallest enclosing sphere (SES) problem can be formulated as a (SOCP), a problem that minimizes the radius r of the sphere centered at \mathbf{c} subject to the constraints \| \mathbf{p}_i - \mathbf{c} \|_2 \leq r for all points \mathbf{p}_i in the input set, where each constraint defines a second-order cone via the (Lorentz) norm. This direct incorporation of quadratic distance constraints distinguishes SOCP from linear approximations, enabling precise handling of the geometry without discretization errors. In standard SOCP form, the problem is expressed as minimizing t (where t = r) subject to constraints of the form \| A_i \mathbf{x} + \mathbf{b}_i \|_2 \leq t for each point index i, with the decision \mathbf{x} comprising the center coordinates \mathbf{c} and r, and A_i, \mathbf{b}_i constructed from the point coordinates to represent the shifted norms. Interior-point methods solve these programs efficiently, as implemented in open-source solvers like SeDuMi and commercial ones like MOSEK, with worst-case time complexity of approximately O(n^{3.5}) for n points in fixed , where each solves a linear system over the cone structure. This approach offers key advantages, including robustness to noisy data through the addition of slack variables in the constraints (e.g., \| \mathbf{p}_i - \mathbf{c} \|_2 \leq r + \xi_i with \xi_i \geq 0 and a penalty on \sum \xi_i) and support for weighted points by scaling the constraints (e.g., \| \mathbf{p}_i - \mathbf{c} \|_2 \leq w_i r), which is particularly useful in applications like outlier-robust clustering or . Solutions are exact within floating-point precision, avoiding the approximation errors inherent in heuristic methods. In three dimensions, for instance, each point imposes a second-order constraint on the four-dimensional (\mathbf{p}_i - \mathbf{c}, r), ensuring the in \mathbb{R}^3 does not exceed the while the enforces the . Advancements in the 2000s emphasized structural exploitation in SOCP solvers for large-scale instances, such as high-dimensional data with up to hundreds of thousands of points, by leveraging sparsity in the matrices and tailored preconditioning to reduce counts.

Core-Set Based Approximation

Core-set based approximations for the smallest enclosing sphere (SES) of a point set P \subset \mathbb{R}^d rely on identifying a small subset S \subseteq P, known as an \epsilon-core-set, such that the SES of P closely approximates the SES of S, with the size of S bounded independently of |P| = n. Specifically, the radius of the SES of S is at most (1 + \epsilon) times the optimal radius of the SES of P, enabling efficient reduction of the problem to a manageable subset for further exact computation. This technique is particularly valuable in high-dimensional settings where exact methods scale poorly with n. A seminal algorithm for constructing such core-sets was introduced by Bădoiu, Har-Peled, and Indyk in 2002. The method starts with an initial subset consisting of one arbitrary point from P. In each iteration, it identifies the point in P farthest from the current center of the SES of the subset and adds that point to the subset; the center is then updated to the SES center of the enlarged subset. This iterative expansion continues for \lceil 2/\epsilon \rceil steps, yielding a core-set of size at most \lceil 2/\epsilon \rceil. To enhance efficiency without recomputing the exact SES center each time—which would be costly for growing subsets—the center can be approximated by moving it toward the farthest point in a step of size $1/i, where i is the iteration number. The algorithm guarantees a (1 + \epsilon)-approximation to the SES of P, with the core-set construction requiring O(1/\epsilon) iterations, each scanning all n points to find the farthest (taking O(nd) time total across iterations, simplifying to O(n/\epsilon) for fixed d). Computing the exact SES on the final small core-set adds further time dependent on \epsilon and d, such as O((1/\epsilon)^5) using linear programming techniques, but the overall approach achieves scalability for large n. This method excels in applications involving massive datasets, such as or , where it scales to millions of points even in moderately high dimensions (e.g., d \approx 100) by drastically reducing the effective input size before applying exact solvers. Variants include core-set constructions for fixed-size subsets, where the addition of farthest points proceeds until a predefined small is reached, trading some approximation quality for even faster runtime in resource-constrained scenarios.

Fischer's Exact Solver

Fischer's work, detailed in his 2005 doctoral thesis supervised by , explores the combinatorial structure and algorithms for the (SEB) problem, particularly for sets of balls in d-dimensional space (with points as the special case of zero-radius balls). The approach generalizes properties from the point-based SEB and develops subexponential-time algorithms using frameworks from linear programming-type (LP-type) problems. The thesis shows that while Welzl's randomized incremental algorithm works efficiently for points, it fails in general for balls without assumptions like . To address this, proposes pivoting algorithms and the Matoušek-Sharir-Welzl (MSW) method, achieving expected runtime O(d^3 2^{2d} n) for SEB of n balls. For signed balls (allowing negative radii), the problem is reduced to simpler cases using geometric transformations like shrinking and inversion, yielding runtimes of O(d^2 n) + exp(O(√d log d)) f(d) for fixed d. These methods exploit the fact that the SEB is uniquely determined by a small number of input balls on the boundary, analogous to . Key innovations include analyzing the combinatorial dimension and violation depth of the problem, enabling efficient combinatorial optimization. For points, the results provide subexponential algorithms, though Welzl's O(n) expected time remains preferable in low dimensions. The work has applications to computing distances between convex hulls of balls and is implemented in libraries like CGAL for robust geometric computing. Compared to numerical methods like interior-point solvers, Fischer's approach offers exact solutions in exact arithmetic, with practical efficiency for moderate n and d up to hundreds, though it scales exponentially in d.

Extremal Points Method

The extremal points method for computing a bounding sphere relies on the geometric property that the minimal enclosing sphere of a point set in d-dimensional space is uniquely determined by at most d+1 extremal points lying on its boundary. While brute-force enumeration of candidate subsets of up to d+1 points would yield an exact solution in O(n^{d+1}) time (impractical for large d), efficient randomized algorithms like Welzl's (described earlier) achieve expected O(n) time in fixed dimensions by incrementally building the boundary set. For practical approximations that balance exactness with speed, the Extremal Points Optimal Sphere (EPOS) algorithm, proposed by Thomas Larsson in , samples extremal points along multiple directions to compute tight bounding spheres. EPOS performs a two-pass : first, it identifies extremal points in s fixed directions (e.g., s=26 for the faces, edges, and vertices of a / ), computing the min/max along each. Second, it generates candidate spheres from pairs or triples of these extremal points and selects the smallest that encloses all input points. This runs in O(s n) time, producing spheres often within 1-2% of optimal, outperforming Ritter's in tightness while remaining suitable for real-time applications like . Variants adjust s (e.g., EPOS-26 or EPOS-98) for trade-offs in quality and speed. This approach traces its roots to foundational in the 1980s and 1990s, with EPOS providing a simple, direction-based sampling for non-exact but high-quality results in .

References

  1. [1]
    [PDF] Fast and Tight Fitting Bounding Spheres - LiU Electronic Press
    Bounding spheres, also called enclosing balls, are often used to accelerate computations in computer graphics, GIS, robotics, and computational geometry.
  2. [2]
    [PDF] Redalyc.A literature review of bounding volumes hierarchy focused ...
    They are popular in computer graphics and computational geometry. Most popular bounding volumes are spheres, Oriented-Bounding Boxes (OBB's), Axis-Aligned.
  3. [3]
    [PDF] Fast Smallest-Enclosing-Ball Computation in High Dimensions*
    The smallest enclosing ball sEB(S) of a finite point set S ⊂ Rd is defined as the ball of minimal radius which contains the points in S, i.e., the ball B(c ...
  4. [4]
    Two Algorithms for the Minimum Enclosing Ball Problem
    Given n points in a d dimensional Euclidean space, the Minimum Enclosing Ball (MEB) problem is to find the ball with the smallest radius which contains all n ...Missing: decision | Show results with:decision
  5. [5]
    [PDF] Appendix G Smallest Enclosing Balls
    We define B(P, R) as the smallest ball that contains P and has the points of R on its boundary (if this ball exists and is unique). It is not hard to see that ...
  6. [6]
    [PDF] Approximating Smallest Enclosing Balls - Sony CSL
    We present two novel tailored algorithms for computing arbitrary fine approximations of the smallest enclosing ball of balls. The deterministic heuristics are ...<|control11|><|separator|>
  7. [7]
    A dual algorithm for the minimum covering ball problem in Rn
    It is well known (e.g. Francis [17]) that a solution to the minimum covering ball problem always exists, that it is unique, that it lies in the convex hull of ...
  8. [8]
    Solving Minimum Enclosing Ball with Outliers: Algorithm ...
    We study the minimum enclosing ball (MEB) problem for sets of points or balls in high dimensions.
  9. [9]
    [PDF] Smallest Enclosing Circle - 15-451 Lecture 23
    This means that we can find the SEC of all n points by just computing the SEC(pi ,pj,pk) for all i,j,k, and taking the one of maximum radius r.Missing: subject | Show results with:subject
  10. [10]
    [PDF] Shaft Culling for Efficient Ray-Cast Radiosity - Eric Haines
    Bounding volumes save time in ray tracing whenever they are missed by rays; such a ray/bounding volume test is then cheaper than all the items inside the ...
  11. [11]
    [PDF] Tighter Bounding Volumes for Better Occlusion Culling Performance
    Abstract. Bounding volumes are used in computer graphics to approximate the actual ge- ometric shape of an object in a scene.<|separator|>
  12. [12]
    [PDF] IMPLICIT BOUNDING VOLUMES AND BOUNDING VOLUME ...
    The bounding sphere hierarchies bound the necklaces tightly yet do not change often when the necklaces deform. The hierarchies offer the first sub-quadratic ...
  13. [13]
    [PDF] Collision Detection - UCSD CSE
    Collision detection is the geometric process of determining whether two (or more) objects intersect. • It is closely related to collision response, ...
  14. [14]
    A literature review of bounding volumes hierarchy focused on ...
    An advantage of sphere bounding volumes is its efficiency to calculate intersections and distances. Although spheres are invariant to translation and rotations, ...
  15. [15]
    4.3 Bounding Volume Hierarchies - Physically Based Rendering
    Bounding volume hierarchies (BVHs) are an approach for ray intersection acceleration based on primitive subdivision, where the primitives are partitioned into a ...
  16. [16]
    [PDF] Support Vector Clustering - Journal of Machine Learning Research
    we search for the minimal enclosing sphere. This sphere, when mapped back to data space, can separate into several components, each enclosing a separate ...
  17. [17]
  18. [18]
    Statistical Profiling of One Promiscuous Protein Binding Site ...
    Jul 11, 2017 · Two geometrical descriptors were selected for pockets and ligands: the radius of the smallest enclosing sphere (RADIUS_HULL_P and RADIUS.
  19. [19]
    (PDF) An Efficient Bounding Sphere - ResearchGate
    (1) the smallest enclosing ball (SEB) given by the algorithm proposed by Fischer et al. (2003), (2) the efficient bounding sphere (EBS) proposed by Ritter (1990) ...
  20. [20]
    BoundSphere.c
    ... bounding sphere over */ /* a set of points in 3D */ /* This contains the routine find_bounding_sphere(), */ /* the struct definition ... bounding sphere will ...
  21. [21]
    jedwards1211/ritter-bounding-sphere - GitHub
    Apr 17, 2019 · Ritter's algorithm is very simple and efficient, but gives only a coarse result which is usually 5% to 20% larger than the optimum.
  22. [22]
    [PDF] Smallest enclosing disks (balls and ellipsoids) - Ethz
    Abstract. A simple randomized algorithm is developed which computes the smallest enclosing disk of a finite set of points in the plane in expected linear ...
  23. [23]
    A reformulation-linearization based algorithm for the smallest ...
    In this paper, we propose another algorithm to solve the smallest enclosing circle problem. The algorithm solves formulation (1) as a series of linear programs.Missing: sphere | Show results with:sphere
  24. [24]
  25. [25]
    Efficient Algorithms for the Smallest Enclosing Ball Problem
    The second algorithm is based on a second-order cone programming formulation, with special structures taken into consideration. Our computational ...
  26. [26]
    [PDF] Fast Smallest-Enclosing-Ball Computation in High Dimensions* - Ethz
    Using this reformulation, we shall see that the two ... 5(a). References. 1. Megiddo, N.: Linear-time algorithms for linear programming in R3 and related.
  27. [27]
    [PDF] Smaller Core-Sets for Balls | Cs.Princeton
    The sizes of these core-sets are considerably smaller than the previ- ously known bounds, and imply faster algorithms; one such algorithm needs O(dn/e + (l/e) 5) ...
  28. [28]
    [PDF] Smallest enclosing balls of balls - Ethz
    This subject of this thesis is the miniball problem which asks for the smallest ball that contains a set of balls in d-dimensional Euclidean space. We try to ...
  29. [29]
  30. [30]
  31. [31]
    [PDF] Lecture Notes on Delaunay Mesh Generation - People @EECS
    Feb 5, 2012 · The min-containment circle of a triangle is the smallest circle that encloses it. For a triangle with no obtuse angles, the circumcircle and the.