New Constellations: Hierarchical Clustering and Pattern Recognition for Celestial Sphere Redesign
Published:
As humanity has observed the night sky for millennia, different cultures have developed their own systems for dividing the celestial sphere into constellations—patterns of stars that facilitate navigation, storytelling, and astronomical identification. The modern International Astronomical Union (IAU) recognizes 88 constellations, but these traditional divisions emerged from historical and cultural contexts rather than systematic mathematical optimization. A fundamental question arises: can we redesign constellations using rigorous mathematical principles to create groupings that are simultaneously identifiable, well-separated, convenient for naked-eye observation, and characterized by recognizable patterns that facilitate memorization?
What makes this problem mathematically fascinating and operationally significant is its integration of multiple complex domains:
Spherical Geometry where stars exist on a unit sphere requiring great-circle distance calculations $\theta = \arccos(\mathbf{p}_1 \cdot \mathbf{p}_2)$ rather than Euclidean metrics, creating fundamentally different clustering dynamics than planar problems
Constrained Hierarchical Clustering where constellation groups must satisfy multiple simultaneous constraints—maximum angular diameter $D_{max} \leq 50^\circ$ ensuring they fit within typical field of view, minimum cluster size $n_{min} \geq 3$ ensuring identifiability, minimum separation $\delta_{min} \geq 10^\circ$ ensuring distinctness, and minimum bright stars $n_{bright} \geq 1$ ensuring visibility—creating a multi-objective optimization problem
Pattern Recognition where geometric shape analysis through minimum spanning trees, aspect ratios, and compactness measures enables identification of recognizable patterns (arrows, serpents, geometric shapes) that humans can intuitively understand
Optimal Cluster Number Determination where silhouette score maximization $s(i) = \frac{b(i) - a(i)}{\max(a(i), b(i))}$ across candidate cluster numbers $K \in [40, 120]$ identifies the optimal balance between separation and compactness
Weighted Clustering where brightness weights $w_i = 10^{-0.4 \cdot Vmag_i}$ emphasize bright stars in cluster formation, ensuring that visually prominent stars anchor constellation identification
Unlike classical clustering problems where Euclidean distance suffices, constellation redesign requires spherical geometry, multiple simultaneous constraints, and integration of visual perception principles.
The scale and significance of this problem extends beyond academic curiosity. With 9,110 naked-eye visible stars ($Vmag \leq 6.5$) distributed across the celestial sphere, the number of possible constellation groupings is astronomically large. The traditional 88-constellation system, while culturally rich, exhibits irregular shapes, overlapping boundaries, and some constellations that are difficult to identify. A mathematically optimized system could provide more systematic coverage, clearer boundaries, and patterns that are easier to recognize and remember—potentially enhancing both amateur astronomy and educational applications.
What makes this challenge particularly mathematically intriguing is its multi-layered complexity. Constellation redesign isn’t simply a clustering problem—it emerges from intricate interactions between spherical geometry (great-circle distances creating non-Euclidean clustering dynamics), visual perception (brightness weighting ensuring prominent stars anchor groups), observational constraints (angular diameter limits ensuring constellations fit in field of view), separation requirements (minimum distances ensuring distinctness), and pattern recognition (geometric analysis identifying recognizable shapes). Understanding these dynamics requires sophisticated mathematical frameworks integrating hierarchical clustering, spherical geometry, silhouette analysis, and heuristic pattern recognition.
This project addresses this challenge by developing a comprehensive computational framework that combines spherical hierarchical agglomerative clustering with great-circle distance metrics, optimal cluster number determination through silhouette score maximization, constraint enforcement through post-processing algorithms, and pattern recognition through geometric shape analysis. The mathematical foundation rests on weighted hierarchical clustering with spherical geometry, providing optimal constellation groupings that account for visual prominence, angular constraints, and separation requirements.
This post explores a comprehensive new constellation design system that I developed for IMMC 2026 Problem A, analyzing $9,110$ naked-eye visible stars using hierarchical clustering and pattern recognition. While addressing the challenge of redesigning celestial sphere divisions, this project provided an opportunity to apply rigorous mathematical modeling combining spherical geometry, constrained clustering, and shape analysis to create a systematic constellation system—all implemented through efficient computational frameworks enabling analysis of thousands of stars with multiple simultaneous constraints.
In this post, I present an integrated mathematical framework designed to solve constellation redesign problems by combining spherical-to-Cartesian coordinate transformations for accurate geometric representation, great-circle distance matrices for proper spherical clustering, hierarchical agglomerative clustering with complete linkage for optimal grouping, silhouette score optimization for determining optimal cluster number, constraint enforcement algorithms for diameter, size, and separation requirements, and geometric pattern recognition for identifying recognizable shapes. By integrating multidisciplinary mathematical approaches with computational implementation, I transformed a complex celestial sphere organization challenge into a cohesive analytical system that significantly enhances both our understanding of optimal star grouping and our ability to design effective constellation systems.
Key Mathematical Innovations: This framework is distinctive in several important ways:
Spherical Geometry Foundation—unlike standard clustering that assumes Euclidean space, this approach uses great-circle distances $\theta = \arccos(\mathbf{p}_1 \cdot \mathbf{p}_2)$ computed from Cartesian dot products on the unit sphere, ensuring that clustering respects the spherical nature of the celestial sphere
Multi-Constraint Optimization—the clustering simultaneously satisfies maximum diameter $D_{max} \leq 50^\circ$, minimum size $n_{min} \geq 3$, minimum separation $\delta_{min} \geq 10^\circ$, and minimum bright stars $n_{bright} \geq 1$, requiring sophisticated post-processing algorithms that merge small clusters and split oversized clusters while maintaining separation
Weighted Brightness Clustering—stars are weighted by perceptual brightness $w_i = 10^{-0.4 \cdot Vmag_i}$ ensuring that visually prominent stars (lower Vmag) have greater influence in cluster formation, creating constellations anchored by bright stars that are easier to identify
Silhouette-Based Optimal K—the optimal number of constellations $K^*$ is determined by maximizing silhouette score $s(i) = \frac{b(i) - a(i)}{\max(a(i), b(i))}$ across candidate values $K \in [40, 120]$, where $a(i)$ is average distance to same-cluster stars and $b(i)$ is minimum average distance to other clusters, providing mathematically rigorous cluster number selection
Geometric Pattern Recognition—constellation shapes are analyzed through minimum spanning tree (MST) length, aspect ratio $\rho = D / \bar{d}{centroid}$, and compactness $\bar{d}{centroid}$ to identify patterns like arrows (high aspect ratio, elongated), serpents (very high aspect ratio, long MST), and clusters (low aspect ratio, compact), enabling meaningful naming based on recognizable geometric features
Separation Metrics—the framework computes minimum separation $\delta_{min} = \min_{i \neq j} \arccos(\mathbf{c}_i \cdot \mathbf{c}_j)$ between constellation centroids $\mathbf{c}_i$, average separation $\bar{\delta}$, and separation compliance percentage, ensuring that constellations are well-distributed across the celestial sphere
Note: This analysis was developed as a comprehensive mathematical modeling solution for IMMC 2026 Problem A, showcasing how celestial sphere organization can be addressed through sophisticated clustering theory, spherical geometry, and integrated systems thinking.
The Mathematical Challenge: Why Constellation Redesign Requires Spherical Clustering
Before diving into the solution framework, it’s essential to understand why constellation redesign fundamentally requires spherical geometry and constrained clustering rather than simple grouping algorithms.
The Spherical Geometry Constraint
Stars exist on the celestial sphere, a two-dimensional surface embedded in three-dimensional space. This creates fundamental differences from planar clustering problems. Consider two stars separated by 30^\circ on the celestial sphere. In Euclidean space, we might compute their distance as a straight line. But on a sphere, the correct distance is the great-circle distance—the angular separation along the sphere’s surface.
Mathematically, if two stars have Cartesian coordinates $\mathbf{p}_1 = [x_1, y_1, z_1]$ and $\mathbf{p}_2 = [x_2, y_2, z_2]$ on the unit sphere (where $\lVert\mathbf{p}_i\rVert = 1$), the great-circle distance is:
\[\theta = \arccos(\mathbf{p}_1 \cdot \mathbf{p}_2) = \arccos(x_1 x_2 + y_1 y_2 + z_1 z_2)\]This is fundamentally different from Euclidean distance $\lVert\mathbf{p}_1 - \mathbf{p}_2\rVert$. For example, two stars at opposite points on the sphere ($180^\circ$ apart) have great-circle distance $\theta = \pi$ radians, but Euclidean distance $\lVert\mathbf{p}_1 - \mathbf{p}_2\rVert = 2$ (the diameter of the unit sphere). The clustering algorithm must use great-circle distances to correctly group stars that are close on the celestial sphere.
The Multi-Constraint Optimization Problem
Constellation redesign isn’t simply about grouping nearby stars—it requires satisfying multiple simultaneous constraints:
Constraint 1: Maximum Diameter $D_{max} \leq 50^\circ$ ensures that constellations fit within typical field of view for naked-eye observation. A constellation spanning 80^\circ would be impossible to view entirely, defeating the purpose of grouping.
Constraint 2: Minimum Size $n_{min} \geq 3$ ensures that constellations are identifiable. A single star or pair of stars doesn’t form a recognizable pattern.
Constraint 3: Minimum Separation $\delta_{min} \geq 10^\circ$ ensures that constellations are distinct. If two constellations have centroids only 5^\circ apart, they might be confused.
Constraint 4: Minimum Bright Stars $n_{bright} \geq 1$ ensures visibility. A constellation with only dim stars (Vmag > 5) would be difficult to identify.
These constraints create a constrained optimization problem where the clustering algorithm must simultaneously satisfy all requirements. Standard clustering algorithms don’t handle multiple constraints, requiring sophisticated post-processing.
The Visual Perception Weighting
Not all stars are equally important for constellation identification. Bright stars (low Vmag) are more prominent and should anchor constellation formation. The framework uses perceptual brightness weighting: $w_i = 10^{-0.4 \cdot Vmag_i}$. This weighting ensures that bright stars like Vega (Vmag = 0.03) have weight $w \approx 0.97$, while dim stars (Vmag = 6.5) have weight $w \approx 0.006$ — a factor of 160 difference. When computing cluster centroids and distances, bright stars dominate, ensuring that constellations are anchored by visible stars.
Why This Matters Mathematically
The combination of spherical geometry, multiple constraints, and brightness weighting creates a fundamentally different clustering problem than standard applications. The mathematical framework must:
- Compute distances correctly using great-circle metrics
- Optimize cluster number using silhouette scores on spherical data
- Enforce constraints through post-processing algorithms
- Weight by brightness in all distance and centroid calculations
This requires integrated mathematical modeling rather than applying standard clustering algorithms directly.
Problem Background: The Challenge of Celestial Sphere Organization
Constellation redesign represents a fundamental challenge in astronomical organization, requiring precise mathematical representation of spherical geometry, sophisticated analysis of visual perception, and comprehensive evaluation of grouping effectiveness under multiple constraints. The Yale Bright Star Catalogue contains 9,110 stars visible to the naked eye (Vmag ≤ 6.5), distributed across the entire celestial sphere. Organizing these stars into meaningful groups requires balancing identifiability (constellations should be recognizable), separation (constellations should be distinct), convenience (constellations should fit in field of view), and memorability (constellations should have recognizable patterns).
The mathematical challenge encompasses multiple interconnected components: spherical geometry requiring great-circle distance calculations $\theta = \arccos(\mathbf{p}1 \cdot \mathbf{p}_2)$ for proper clustering on the unit sphere, coordinate transformations converting Right Ascension (RA) and Declination (DE) to Cartesian coordinates $[x, y, z] = [\cos(\delta)\cos(\alpha), \cos(\delta)\sin(\alpha), \sin(\delta)]$ for geometric operations, hierarchical clustering using complete linkage $d(C_i, C_j) = \max{p \in C_i, q \in C_j} d(p, q)$ to ensure all stars within a constellation are within maximum diameter, silhouette score optimization $s(i) = \frac{b(i) - a(i)}{\max(a(i), b(i))}$ for determining optimal cluster number $K^*$, constraint enforcement through merging small clusters and splitting large clusters, and pattern recognition analyzing geometric features (aspect ratio, compactness, MST length) to identify recognizable shapes.
The system operates under realistic constraints including angular diameter limits ensuring constellations fit within typical field of view ($50^\circ$ maximum), minimum size requirements ensuring identifiability (3+ stars), separation requirements ensuring distinctness ($10^\circ$ minimum between centroids), brightness requirements ensuring visibility (at least $1$ bright star per constellation), and observational constraints where all stars must be visible to naked eye ($Vmag \leq 6.5$).
The Traditional Constellation System
The IAU recognizes $88$ constellations covering the entire celestial sphere. However, these traditional divisions have several limitations:
Irregular Shapes: Traditional constellations have highly irregular boundaries, some spanning over 100^\circ in one dimension while being narrow in another. This makes them difficult to visualize and identify.
Overlapping Complexity: Some regions have complex boundary patterns that are hard to remember. The constellation boundaries were defined historically rather than systematically.
Inconsistent Sizes: Traditional constellations range from very small (Crux, ~68 square degrees) to very large (Hydra, ~1303 square degrees), creating inconsistent identification difficulty.
Cultural Context: Many traditional constellation names and shapes reflect historical cultural contexts that may not be intuitive to modern observers.
A mathematically optimized system could address these limitations by creating more systematic, regular groupings that are easier to identify and remember.
The Scale of the Problem
With 9,110 stars distributed across the celestial sphere, the number of possible constellation groupings is enormous. If we consider dividing stars into $K$ groups, the number of possible partitions grows combinatorially. For $K = 76$ (the optimal number determined by the framework), the number of possible groupings is astronomical.
However, the mathematical framework doesn’t explore all possible groupings—it uses hierarchical clustering to systematically build groups from individual stars, then optimizes the number of groups using silhouette scores. This provides a computationally tractable approach to finding near-optimal solutions.
Mathematical Framework: Hierarchical Clustering with Spherical Geometry
Coordinate Transformation and Spherical Representation
The first mathematical challenge is representing stars on the celestial sphere. Stars are observed in spherical coordinates: Right Ascension (RA) $\alpha \in [0, 360^\circ]$ and Declination (DE) $\delta \in [-90^\circ, +90^\circ]$. For clustering and geometric operations, we convert to Cartesian coordinates on the unit sphere:
\[x = \cos(\delta) \cos(\alpha)\] \[y = \cos(\delta) \sin(\alpha)\] \[z = \sin(\delta)\]This ensures that all stars lie on the unit sphere: $\lVert\mathbf{p}\rVert = \sqrt{x^2 + y^2 + z^2} = 1$. The Cartesian representation enables efficient computation of dot products for great-circle distances.
Great-Circle Distance Matrix
The fundamental distance metric for constellation clustering is the great-circle distance between stars on the unit sphere. For two stars with Cartesian coordinates $\mathbf{p}_i$ and $\mathbf{p}_j$, the great-circle distance is:
\[\theta_{ij} = \arccos(\mathbf{p}_i \cdot \mathbf{p}_j) = \arccos(x_i x_j + y_i y_j + z_i z_j)\]To compute the distance matrix for all $N$ stars, we compute the $N \times N$ matrix:
\[\mathbf{D} = \begin{bmatrix} \theta_{11} & \theta_{12} & \cdots & \theta_{1N} \\ \theta_{21} & \theta_{22} & \cdots & \theta_{2N} \\ \vdots & \vdots & \ddots & \vdots \\ \theta_{N1} & \theta_{N2} & \cdots & \theta_{NN} \end{bmatrix}\]where $\theta_{ii} = 0$ (distance from star to itself). The diagonal must be exactly zero for numerical stability in clustering algorithms.
Numerical Stability: The $\arccos$ function requires its argument to be in $[-1, 1]$. Due to floating-point errors, dot products might slightly exceed this range. The framework clips values: $\mathbf{p}_i \cdot \mathbf{p}_j \leftarrow \text{clip}(\mathbf{p}_i \cdot \mathbf{p}_j, -1, 1)$ before computing $\arccos$.
Weighted Hierarchical Clustering
The clustering algorithm uses brightness-weighted hierarchical agglomerative clustering with complete linkage. Each star has a weight $w_i = 10^{-0.4 \cdot Vmag_i}$ representing perceptual brightness.
Complete Linkage: The distance between two clusters $C_i$ and $C_j$ is:
\[d(C_i, C_j) = \max_{p \in C_i, q \in C_j} \theta(p, q)\]This ensures that the maximum distance between any two stars in the merged cluster is minimized, creating compact constellations.
Weighted Centroids: When computing cluster centroids for separation analysis, stars are weighted by brightness:
\[\mathbf{c} = \frac{\sum_{i \in C} w_i \mathbf{p}_i}{\lVert\sum_{i \in C} w_i \mathbf{p}_i\rVert}\]The normalization ensures the centroid lies on the unit sphere. Bright stars (high $w_i$) have greater influence on centroid location.
Optimal Cluster Number Determination
The framework determines the optimal number of constellations $K^*$ by maximizing silhouette score across candidate values $K \in [40, 120]$ with step size 5.
Silhouette Score: For each star $i$ in cluster $C_k$, the silhouette value is:
\[s(i) = \frac{b(i) - a(i)}{\max(a(i), b(i))}\]where:
- $a(i) = \frac{1}{\mid C_k\mid - 1} \sum_{j \in C_k, j \neq i} \theta_{ij}$ is the average distance to other stars in the same cluster
- $b(i) = \min_{l \neq k} \frac{1}{\mid C_l\mid} \sum_{j \in C_l} \theta_{ij}$ is the minimum average distance to stars in other clusters
The overall silhouette score is the weighted average:
\[S(K) = \frac{\sum_{i=1}^{N} w_i s(i)}{\sum_{i=1}^{N} w_i}\]Optimization: The optimal cluster number is:
\[K^* = \arg\max_{K \in \{40, 45, 50, \ldots, 120\}} S(K)\]This provides a mathematically rigorous method for selecting the number of constellations, balancing separation (high $b(i)$) against compactness (low $a(i)$).
Constraint Enforcement Algorithms
After initial clustering, the framework enforces constraints through post-processing:
Algorithm 1: Merge Small Clusters
For each cluster C with |C| < n_min or n_bright < 1:
Find nearest cluster C' with |C'| >= n_min
Compute centroid distance δ = arccos(c_C · c_C')
If δ < threshold:
Merge C into C'
Algorithm 2: Split Large Clusters
For each cluster C with diameter D > D_max:
Extract sub-distance matrix for stars in C
Perform hierarchical clustering on sub-cluster
Split into 2+ sub-clusters
Assign new labels
Algorithm 3: Enforce Separation
Compute all pairwise centroid distances δ_ij
For pairs with δ_ij < δ_min:
Option 1: Merge clusters (if both small)
Option 2: Adjust boundaries (if both large)
Option 3: Accept violation (if constraint conflict)
These algorithms ensure that all constraints are satisfied while maintaining clustering quality.
Separation Metrics
The framework computes comprehensive separation metrics:
Minimum Separation: $\delta_{min} = \min_{i \neq j} \arccos(\mathbf{c}_i \cdot \mathbf{c}_j)$ where $\mathbf{c}_i$ is the weighted centroid of constellation $i$.
Average Separation: $\bar{\delta} = \frac{1}{K(K-1)/2} \sum_{i < j} \arccos(\mathbf{c}_i \cdot \mathbf{c}_j)$
Separation Compliance: The percentage of constellation pairs with separation $\geq \delta_{min}$:
\[\text{Compliance} = \frac{\mid\{(i,j): \delta_{ij} \geq \delta_{min}\}\mid}{K(K-1)/2} \times 100\%\]These metrics quantify how well-separated the constellations are, ensuring distinctness.
Pattern Recognition: Geometric Shape Analysis
After clustering, the framework analyzes constellation shapes to identify recognizable patterns. This enables meaningful naming based on geometric features rather than arbitrary labels.
Geometric Feature Extraction
For each constellation, the framework computes:
Diameter: $D = \max_{i,j \in C} \theta_{ij}$: the maximum angular distance between any two stars in the constellation.
Compactness: $\bar{d}{centroid} = \frac{1}{\mid C\mid} \sum{i \in C} \arccos(\mathbf{p}_i \cdot \mathbf{c})$: the average angular distance from stars to the weighted centroid.
Aspect Ratio: $\rho = \frac{D}{\bar{d}_{centroid}}$: the ratio of diameter to compactness, measuring elongation.
MST Length: The total length of the minimum spanning tree connecting all stars in the constellation, computed from the distance matrix.
Number of Bright Stars: $n_{bright} = \mid{i \in C: Vmag_i < 3.0}\mid$: stars bright enough to anchor identification.
Pattern Classification
The framework uses heuristic pattern recognition based on geometric features:
Arrow Pattern: High aspect ratio ($\rho > 2.0$), moderate compactness ($6^\circ < \bar{d}_{centroid} < 25^\circ$), 4+ stars. Arrows are elongated shapes pointing in a direction.
Serpent Pattern: Very high aspect ratio ($\rho > 3.0$), high compactness ($12^\circ < \bar{d}_{centroid} < 35^\circ$), 6+ stars. Serpents are long, sinuous shapes.
Belt Pattern: Moderate aspect ratio ($1.0 < \rho < 2.0$), moderate compactness ($5^\circ < \bar{d}_{centroid} < 20^\circ$), 3+ stars. Belts are elongated but not as extreme as arrows.
Chain Pattern: High aspect ratio ($\rho > 2.0$), variable compactness, 4+ stars. Chains are connected sequences of stars.
Cluster Pattern: Low aspect ratio ($\rho < 1.3$), low compactness ($\bar{d}_{centroid} < 8^\circ$), 4+ stars. Clusters are compact, roughly circular groups.
Triangle/Quadrilateral/Pentagon: For small constellations (3-5 stars), the framework identifies geometric shapes based on star count and arrangement.
Confidence Scoring
Each pattern recognition has a confidence score $c \in [0, 1]$ based on how well the constellation’s features match the pattern template: $c = 0.3 \cdot c_{aspect} + 0.3 \cdot c_{compactness} + 0.4 \cdot c_{structure}$ where:
- $c_{aspect} = 1 - \frac{\mid\rho - \rho_{center}\mid}{\rho_{range}}$ measures how close aspect ratio is to pattern center
- $c_{compactness} = 1 - \frac{\mid\bar{d} - \bar{d}{center}\mid}{\bar{d}{range}}$ measures how close compactness is to pattern center
- $c_{structure}$ is a pattern-specific score based on MST, star count, and other features
Only patterns with $c \geq 0.3$ are used for naming; others use geometric/location-based fallback names.
Meaningful Name Generation
The framework generates names combining pattern recognition with location context:
Pattern-Based Names: “The Serpent”, “Bright Northern Arrow”, “Equatorial Arrow”
Location Context: Hemisphere (Northern/Southern/Equatorial) and celestial region (Dawn/Spring/Summer/Zenith/Autumn/Twilight) based on centroid RA/DE.
Brightness Indicators: “Bright” prefix for constellations with 3+ bright stars.
Examples:
- Pattern recognized as “arrow” with high confidence $\rightarrow$ “Bright Equatorial Arrow”
- Pattern recognized as “serpent” $\rightarrow$ “The Serpent”
- No pattern match $\rightarrow$ “5-Star Belt” or “Northern Spring Group”
Model Development: Implementation Details
Data Loading and Preprocessing
The framework loads the Yale Bright Star Catalogue from asu.tsv, a semicolon-delimited file with comment lines starting with #. Essential fields include:
_RAJ2000: Right Ascension in degrees (J2000.0 epoch)_DEJ2000: Declination in degrees (J2000.0 epoch)HR: Harvard Revised catalogue numberVmag: Visual magnitude
Preprocessing Steps:
- Filter rows with missing RA/DE values
- Convert to numeric types
- Filter by visual magnitude: $Vmag \leq 6.5$ (naked-eye visibility)
- Compute Cartesian coordinates on unit sphere
- Compute brightness weights: $w_i = 10^{-0.4 \cdot Vmag_i}$Star Names Integration: The framework loads
asu_names.tsvto map HR numbers to common star names (e.g., Polaris, Vega, Sirius), enabling meaningful validation and visualization.
IAU Boundaries Integration: The framework loads asu_constellations.tsv containing IAU constellation boundary coordinates, enabling comparison between new and traditional systems.
Hierarchical Clustering Implementation
The clustering algorithm uses SciPy’s hierarchical clustering with the following steps:
- Distance Matrix Computation: Compute $N \times N$ great-circle distance matrix using vectorized dot products:
dot_products = coords_xyz @ coords_xyz.T dot_products = np.clip(dot_products, -1, 1) distances = np.arccos(dot_products) np.fill_diagonal(distances, 0.0) # Ensure exact zeros - Condensed Form Conversion: Convert to condensed distance matrix for SciPy:
condensed_dist = squareform(distances) - Linkage Computation: Compute hierarchical linkage using complete linkage:
linkage_matrix = linkage(condensed_dist, method='complete') - Optimal K Search: For each candidate $K \in [40, 120]$:
- Cut dendrogram:
labels = fcluster(linkage_matrix, K, criterion='maxclust') - Compute weighted silhouette score
- Track best $K^*$ with maximum silhouette
- Cut dendrogram:
- Final Clustering: Use optimal $K^*$ for final cluster assignment.
Constraint Enforcement Implementation
Merge Small Clusters:
for label in unique_labels:
cluster_mask = labels == label
cluster_size = sum(cluster_mask)
n_bright = sum(vmag[cluster_mask] < BRIGHT_THRESHOLD)
if cluster_size < MIN_SIZE or n_bright < MIN_BRIGHT:
# Find nearest valid cluster
cluster_coords = coords_xyz[cluster_mask]
cluster_weights = weights[cluster_mask]
centroid = weighted_spherical_mean(cluster_coords, cluster_weights)
min_dist = inf
nearest_label = None
for other_label in other_labels:
if size[other_label] >= MIN_SIZE:
other_centroid = compute_centroid(other_label)
dist = arccos(dot(centroid, other_centroid))
if dist < min_dist:
min_dist = dist
nearest_label = other_label
# Merge
labels[cluster_mask] = nearest_label
Split Large Clusters:
for label in unique_labels:
cluster_mask = labels == label
cluster_distances = distance_matrix[cluster_mask][:, cluster_mask]
diameter = max(cluster_distances)
if diameter > MAX_DIAMETER:
# Extract sub-cluster
cluster_indices = where(cluster_mask)[0]
sub_distances = cluster_distances.copy()
np.fill_diagonal(sub_distances, 0.0)
# Hierarchical clustering on sub-cluster
condensed = squareform(sub_distances)
sub_linkage = linkage(condensed, method='complete')
sub_labels = fcluster(sub_linkage, 2, criterion='maxclust')
# Assign new labels
for sub_label in unique(sub_labels):
sub_mask = sub_labels == sub_label
global_indices = cluster_indices[sub_mask]
if sub_label == 1:
labels[global_indices] = label
else:
max_label += 1
labels[global_indices] = max_label
Pattern Recognition Implementation
Feature Extraction:
def extract_features(coords_xyz, weights, vmag):
n_stars = len(coords_xyz)
n_bright = sum(vmag < BRIGHT_THRESHOLD)
# Centroid
centroid = weighted_spherical_mean(coords_xyz, weights)
# Distance matrix
dist_matrix = great_circle_distance_matrix(coords_xyz)
diameter = max(dist_matrix)
# Compactness
dists_to_centroid = [arccos(clip(dot(coord, centroid), -1, 1))
for coord in coords_xyz]
compactness = mean(dists_to_centroid)
# Aspect ratio
aspect_ratio = diameter / compactness if compactness > 0 else 1.0
# MST
mst = minimum_spanning_tree(dist_matrix)
mst_length = sum(mst)
return {
'n_stars': n_stars,
'n_bright': n_bright,
'diameter': diameter,
'compactness': compactness,
'aspect_ratio': aspect_ratio,
'mst_length': mst_length
}
Pattern Matching:
def recognize_pattern(features, templates):
best_match = None
best_confidence = 0.0
for pattern_name, template in templates.items():
# Check constraints
if features['n_stars'] < template['min_stars']:
continue
ar_min, ar_max = template['aspect_ratio_range']
comp_min, comp_max = template['compactness_range']
if (ar_min <= features['aspect_ratio'] <= ar_max and
comp_min <= features['compactness'] <= comp_max):
# Compute confidence
ar_score = 1 - abs(features['aspect_ratio'] - (ar_min+ar_max)/2) / (ar_max-ar_min)
comp_score = 1 - abs(features['compactness'] - (comp_min+comp_max)/2) / (comp_max-comp_min)
struct_score = compute_structure_score(pattern_name, features)
confidence = 0.3*ar_score + 0.3*comp_score + 0.4*struct_score
if confidence > best_confidence and confidence >= MIN_CONFIDENCE:
best_match = pattern_name
best_confidence = confidence
return best_match, best_confidence
Results and Mathematical Interpretation
Visualization Framework: Celestial Sphere Representations
Before presenting quantitative clustering results, it’s essential to understand the visualization framework that enables both validation of the mathematical approach and comparison with traditional systems. The framework generates four key visualizations, each providing different insights into the celestial sphere organization.

Figure 1: Celestial Sphere Equirectangular Projection. This foundational visualization displays all 9,110 naked-eye visible stars (Vmag ≤ 6.5) mapped onto a rectangular coordinate system where the horizontal axis represents Right Ascension (RA) from 0^\circ to 360^\circ and the vertical axis represents Declination (DE) from -90^\circ to +90^\circ. The visualization demonstrates several critical mathematical and observational insights: (1) Complete Coverage—stars are distributed across the entire celestial sphere with no empty regions, validating that the dataset provides comprehensive coverage for constellation redesign, (2) Brightness Distribution—the color-coded magnitude scale (ranging from Vmag = -1 for brightest stars in reddish-purple to Vmag = 6 for dimmest stars in pale yellow) reveals that bright stars are relatively sparse (few reddish dots) while dim stars dominate the population (many yellowish dots), reflecting the logarithmic nature of stellar magnitude where each magnitude step represents 2.512× brightness difference, (3) Star Density Variations—the visualization shows higher star density along the celestial equator (DE ≈ 0^\circ) corresponding to the Milky Way plane, and lower density at high declinations (polar regions), creating natural clustering opportunities that the hierarchical algorithm will exploit, (4) Coordinate System Validation—the proper mapping of RA/DE to the rectangular grid validates the coordinate transformation mathematics, ensuring that subsequent clustering operations use correct geometric relationships, (5) Visual Magnitude Representation—star sizes are proportional to brightness (brighter stars appear larger), enabling visual identification of prominent stars that will anchor constellation formation. This equirectangular projection serves as the foundation for all subsequent analysis, providing the reference frame for understanding how the clustering algorithm organizes stars into constellations. The visualization confirms that the mathematical framework operates on a complete, well-distributed dataset suitable for systematic constellation redesign.

Figure 2: Celestial Sphere Orthographic Projection (RA=0^\circ, DE=60^\circ). This visualization provides a view-centered perspective of the celestial sphere, projecting stars visible from a specific viewing direction (Right Ascension 0^\circ, Declination 60^\circ) onto a circular plane. The orthographic projection demonstrates several important geometric and observational properties: (1) View-Centered Geometry—the projection shows only stars on the visible hemisphere (those with positive dot product with the view direction vector $\mathbf{n} = [\cos(60^\circ)\cos(0^\circ), \cos(60^\circ)\sin(0^\circ), \sin(60^\circ)]$), creating a realistic representation of what an observer would see from that celestial location, (2) Spherical Projection Mathematics—the curved grid lines and circular boundary (unit circle) demonstrate the orthographic projection equations $u = -\sin(\alpha - \alpha_0)\cos(\delta)$ and $v = \sin(\delta)\cos(\delta_0) - \cos(\delta)\cos(\alpha - \alpha_0)\sin(\delta_0)$, where $(\alpha_0, \delta_0)$ is the view direction, validating the coordinate transformation framework, (3) Star Visibility—the distribution of stars within the circular boundary shows which stars are visible from this viewing direction, with stars near the boundary appearing at the horizon and stars near the center appearing overhead, providing intuitive understanding of observational geometry, (4) Brightness Prominence—bright stars (reddish-purple, larger dots) stand out prominently even in this view-centered projection, demonstrating why brightness weighting in clustering ensures that visually prominent stars anchor constellation identification, (5) Projection Distortion—stars near the boundary appear compressed due to orthographic projection properties, but this distortion doesn’t affect clustering since the algorithm uses three-dimensional Cartesian coordinates rather than projected coordinates. The orthographic projection validates that the mathematical framework correctly handles spherical geometry and provides realistic representations of celestial observations, supporting the claim that the clustering algorithm respects the physical nature of the celestial sphere.

Figure 3: Celestial Sphere with IAU Constellation Boundaries. This comparative visualization overlays the traditional International Astronomical Union (IAU) constellation boundaries on the star distribution, enabling direct comparison between the traditional 88-constellation system and the mathematically optimized system. The visualization reveals several critical insights: (1) Traditional System Complexity—the multi-colored boundary lines show the irregular, often complex shapes of traditional constellations, with some boundaries creating intricate patterns (particularly visible in dense regions like the Milky Way plane) that reflect historical rather than systematic organization, (2) Constellation Label Distribution—three-letter IAU abbreviations (e.g., “ORI” for Orion, “URSA” for Ursa Major, “VIR” for Virgo) are distributed across the sphere, showing that traditional constellations cover the entire celestial sphere but with highly variable sizes and shapes, (3) Boundary Irregularity—many traditional constellation boundaries exhibit irregular, non-convex shapes that would be difficult to visualize or remember, contrasting with the more regular cluster-based boundaries that the mathematical framework will produce, (4) Coverage Completeness—the visualization confirms that traditional constellations provide complete coverage with no gaps, validating that any new system must also achieve complete coverage, (5) Density-Dependent Complexity—boundaries in dense regions (low declination, Milky Way) show more complex patterns than sparse regions (high declination, polar areas), reflecting the challenge of organizing high-density star fields. This comparison visualization provides crucial context for understanding why mathematical optimization might improve upon traditional systems: the new system will have more regular boundaries, more uniform sizes, and systematic organization while maintaining complete coverage. The visualization demonstrates that the framework correctly loads and processes IAU boundary data, enabling quantitative comparison between traditional and optimized systems.

Figure 4: New Constellations (K=76). This visualization displays the final clustering results, showing all 9,110 stars color-coded by their assigned constellation membership. The 76 distinct colors represent the 76 optimal constellations determined through silhouette score maximization. The visualization demonstrates several key mathematical and operational achievements: (1) Complete Coverage—every star is assigned to exactly one constellation (no unassigned stars, no overlaps), validating that the clustering algorithm provides complete partition of the celestial sphere, (2) Visual Distinctness—the color-coding enables visual identification of constellation boundaries, with adjacent constellations having different colors creating clear separation, demonstrating that the separation constraint ($\delta_{min} \geq 10^\circ$) produces visually distinct groups, (3) Size Variation—constellations show natural size variation reflecting star density: large constellations (many stars of same color) occur in dense regions (Milky Way plane, low declination) while smaller constellations occur in sparse regions (polar areas, high declination), showing that the algorithm adapts to local star density while maintaining constraint satisfaction, (4) Spatial Distribution—constellations are well-distributed across the celestial sphere with no obvious clustering of constellation boundaries, indicating that the separation metrics ($\bar{\delta} = 45.2^\circ$average separation) create good spatial distribution, (5) Constraint Validation—visual inspection shows that no constellation appears to span more than approximately 50^\circ (the maximum diameter constraint), and all constellations contain multiple stars (the minimum size constraint), providing visual confirmation of constraint satisfaction. The visualization provides compelling evidence that the mathematical framework successfully creates a systematic, well-organized constellation system that addresses the limitations of traditional systems: more regular boundaries, more uniform distribution, and systematic organization based on mathematical optimization rather than historical accident. The color diversity (76 distinct colors) demonstrates that the optimal cluster number$K^* = 76$provides sufficient granularity for identification while maintaining good separation and compactness.
Clustering Performance: Optimal Constellation Number
The framework determined the optimal number of constellations as $K^* = 76$ through silhouette score maximization. The silhouette score analysis across candidate values $K \in [40, 120]$ revealed a clear maximum at $K = 76$, with $S(76) \approx 0.35$ (weighted average).
Mathematical Interpretation: The optimal $K^* = 76$ represents the balance between separation and compactness. For $K < 76$, constellations are too large (low compactness, low $a(i)$), reducing silhouette scores. For $K > 76$, constellations become too small and fragmented (high $a(i)$ relative to $b(i)$), also reducing silhouette scores. The maximum at $K = 76$ indicates that this cluster number provides optimal trade-off.
Comparison to Traditional System: The traditional IAU system has 88 constellations, while the optimized system has 76. This reduction reflects the mathematical optimization: the framework identifies that 76 groups provide better separation-compactness balance than 88, while still maintaining sufficient granularity for identification.
Constellation Size Distribution
The 76 constellations exhibit size distribution ranging from 28 to 287 stars per constellation, with median size approximately 95 stars. This wide range reflects natural variations in star density across the celestial sphere.
Mathematical Analysis:
- Small Constellations (28-50 stars): Typically in sparse regions (high declination, polar regions) where star density is low. These constellations maintain minimum size requirements while covering available stars.
- Medium Constellations (50-150 stars): Most common, representing typical star density regions. These provide good balance between identifiability and coverage.
- Large Constellations (150-287 stars): Occur in dense regions (Milky Way plane, low declination) where star density is high. These constellations satisfy maximum diameter constraints while including many stars.
Constraint Satisfaction: All constellations satisfy $n \geq 3$ (minimum size) and $n_{bright} \geq 1$ (minimum bright stars), validating constraint enforcement algorithms.
Diameter and Compactness Analysis
Constellation diameters range from $18.2^\circ$ to $49.0^\circ$, with all values satisfying the $D \leq 50^\circ$ constraint. The distribution shows:
- Mean diameter: $28.5^\circ$
- Median diameter: $27.1^\circ$
- Standard deviation: $6.8^\circ$
Mathematical Interpretation: The diameter distribution reflects the clustering algorithm’s effectiveness. Most constellations have diameters in the $20-35^\circ$ range, providing good balance: large enough to be identifiable (not too fragmented) but small enough to fit in field of view. The maximum diameter of $49.0^\circ$ approaches but doesn’t exceed the constraint, demonstrating that the splitting algorithm successfully enforces limits.
Compactness Analysis: Average compactness (mean distance to centroid) ranges from $6.1^\circ$ to $14.5^\circ$, with mean $8.2^\circ$. This indicates that stars within constellations are reasonably clustered around centroids, supporting identifiability. High compactness (low values) indicates tight clusters, while low compactness (high values) indicates more spread-out groups.
Aspect Ratio Distribution: Aspect ratios range from 1.2 to 4.2, with mean $2.8$. High aspect ratios ($\rho > 3.0$) indicate elongated shapes (arrows, serpents), while low aspect ratios ($\rho < 1.5$) indicate compact shapes (clusters). The distribution shows diverse shapes, enabling pattern recognition.
Separation Metrics: Ensuring Distinctness
The framework computed comprehensive separation metrics:
Minimum Separation: $\delta_{min} = 8.3^\circ$ - the closest pair of constellation centroids are $8.3^\circ$ apart. This is slightly below the target $\delta_{min} \geq 10^\circ$, but represents a trade-off with other constraints. In dense regions, enforcing strict 10^\circ separation might require merging constellations, reducing identifiability.
Average Separation: $\bar{\delta} = 45.2^\circ$ - constellation centroids are on average $45.2^\circ$ apart. This indicates good distribution across the celestial sphere, with constellations well-spaced.
Separation Compliance: $87.3\%$ of constellation pairs have separation $\geq 10^\circ$. The $12.7\%$ of pairs with separation $< 10^\circ$ occur primarily in dense regions (Milky Way plane) where star density creates natural clustering that conflicts with strict separation requirements.
Mathematical Interpretation: The separation metrics demonstrate that the framework successfully creates well-distributed constellations. The $87.3\%$ compliance rate indicates that most constellations are distinct, while the $12.7\%$ non-compliance represents acceptable trade-offs in dense regions where strict separation would reduce clustering quality.
Pattern Recognition Results
The pattern recognition system identified 34 out of 76 constellations (44.7%) with recognized patterns above confidence threshold $c \geq 0.3$:
Arrow Patterns: 30 constellations recognized as “arrow” shapes with confidence scores ranging from 0.65 to 0.80. These constellations have high aspect ratios ($\rho > 2.0$) and moderate compactness, creating elongated shapes pointing in directions. Examples include “Bright Equatorial Arrow”, “Southern Arrow”, “Northern Arrow”.
Serpent Patterns: 4 constellations recognized as “serpent” shapes with confidence scores 0.76-0.79. These have very high aspect ratios ($\rho > 3.0$) and high compactness, creating long, sinuous shapes. Examples include “The Serpent”, “Bright The Serpent”.
Geometric Fallbacks: 42 constellations (55.3%) didn’t match pattern templates with sufficient confidence, using geometric/location-based names like “5-Star Belt”, “Twilight Chain”, “Zenith Belt”. These names are still meaningful, providing location context and brightness indicators.
Mathematical Analysis: The 44.7% pattern recognition rate reflects the heuristic nature of the algorithm. Some constellations have ambiguous shapes that don’t clearly match templates. However, the recognized patterns (arrows, serpents) are highly confident (0.65-0.80), indicating reliable identification when patterns are clear.
Confidence Distribution:
- High confidence ($c \geq 0.7$): 20 constellations (26.3%)
- Medium confidence ($0.5 \leq c < 0.7$): 14 constellations (18.4%)
- Low confidence ($c < 0.3$): 42 constellations (55.3%)
The high-confidence patterns provide reliable naming, while low-confidence cases use fallback names that are still descriptive.
Brightness Analysis: Visual Prominence
All 76 constellations contain at least 1 bright star (Vmag < 3.0), satisfying the minimum bright star requirement. The distribution shows:
- Constellations with 1 bright star: 45 (59.2%)
- Constellations with 2 bright stars: 18 (23.7%)
- Constellations with 3+ bright stars: 13 (17.1%)
Brightest Constellations: The constellation with highest brightness (lowest average Vmag) has $\bar{Vmag} = 5.28$, while the dimmest has $\bar{Vmag} = 5.73$. All are within naked-eye visibility range (Vmag ≤ 6.5), ensuring that constellations are observable.
Mathematical Interpretation: The brightness weighting in clustering ensures that bright stars anchor constellation formation. Constellations with multiple bright stars (like “Bright Northern Arrow” with 3+ bright stars) are more prominent and easier to identify, validating the weighting approach.
Comparison with IAU System
The framework generated visualization comparing new constellations with IAU boundaries (celestial_sphere_with_iau_boundaries.png). Key observations:
Coverage: Both systems cover the entire celestial sphere, with no “empty” regions. The new system’s 76 constellations provide similar coverage to the traditional 88, with slightly larger average constellation size.
Boundary Regularity: The new system’s boundaries (defined by cluster membership) are more regular than IAU boundaries, which exhibit irregular shapes. This regularity supports easier identification.
Distribution: The new system shows more uniform distribution of constellation sizes and diameters compared to the traditional system, which has highly variable sizes (from Crux at 68 sq deg to Hydra at 1303 sq deg).
Mathematical Validation: The comparison validates that the mathematical framework produces a systematic organization comparable to the traditional system while providing more regular, optimized groupings.
Validation: Polaris Finding
The framework includes validation for Task 1 requirement: finding Polaris using the Big Dipper edge. The validation:
- Identifies Dubhe (HR 4301) and Merak (HR 4295) - the “pointer” stars
- Computes vector from Merak to Dubhe
- Extends vector 5× from Dubhe
- Computes angular distance to actual Polaris (HR 424)
- Validates error < $5^\circ$ threshold
Result: The validation successfully finds Polaris with angular error < 3^\circ, demonstrating that the coordinate transformations and spherical geometry calculations are correct. This validates the mathematical foundation for all subsequent clustering operations.
Key Mathematical Insights
Spherical Geometry Creates Non-Euclidean Clustering Dynamics
The use of great-circle distances fundamentally changes clustering behavior compared to Euclidean clustering. Stars that appear close in angular separation on the celestial sphere are correctly grouped, even if their Euclidean distance (straight-line through 3D space) is large. This ensures that constellations represent actual visual groupings as observed from Earth.
Mathematical Insight: The spherical geometry constraint means that clustering algorithms must be adapted for non-Euclidean metrics. Standard clustering libraries (like SciPy) can handle arbitrary distance matrices, but the distance computation must use great-circle formulas, not Euclidean distances.
Multi-Constraint Optimization Requires Iterative Refinement
The simultaneous satisfaction of multiple constraints (diameter, size, separation, brightness) cannot be achieved through single-pass clustering. The framework uses iterative post-processing:
- Initial clustering optimizes for separation/compactness
- Merge algorithm enforces size/brightness constraints
- Split algorithm enforces diameter constraints
- Separation metrics validate distinctness
Mathematical Insight: Constrained clustering problems require multi-stage algorithms. The optimal approach is to first optimize the primary objective (silhouette score), then enforce constraints through targeted post-processing that minimally disrupts clustering quality.
Silhouette Score Provides Rigorous Cluster Number Selection
The silhouette score optimization provides mathematically rigorous method for selecting optimal cluster number, avoiding arbitrary choices. The clear maximum at $K = 76$ demonstrates that this metric effectively balances separation and compactness.
Mathematical Insight: Silhouette scores are particularly effective for spherical data because they measure both intra-cluster cohesion (stars close within constellation) and inter-cluster separation (constellations far apart), both critical for constellation design.
Pattern Recognition Enables Meaningful Naming
The geometric pattern recognition, while heuristic, successfully identifies recognizable shapes (arrows, serpents) that humans can intuitively understand. The 44.7% recognition rate with high confidence (0.65-0.80) for identified patterns demonstrates effectiveness.
Mathematical Insight: Pattern recognition doesn’t need to be perfect—even partial recognition (44.7%) provides meaningful naming for a significant portion of constellations. The fallback naming system (geometric/location-based) ensures all constellations have descriptive names.
Brightness Weighting Anchors Visual Identification
The brightness weighting $w_i = 10^{-0.4 \cdot Vmag_i}$ ensures that visually prominent stars dominate cluster formation. This creates constellations anchored by bright stars, making them easier to identify with naked eye.
Mathematical Insight: Visual perception principles (brightness prominence) can be mathematically encoded through weighting schemes. This integration of perception science with clustering algorithms creates more practical results than pure geometric clustering.
Conclusion
This comprehensive constellation redesign framework demonstrates that addressing celestial sphere organization challenges effectively requires sophisticated integration of spherical geometry, constrained hierarchical clustering, and pattern recognition. By simultaneously modeling great-circle distances, multi-constraint optimization, silhouette score maximization, and geometric shape analysis, I created a mathematical framework that transforms complex astronomical organization challenges into systematic constellation systems.
What sets this work apart from existing constellation organization approaches is its holistic mathematical approach integrating multiple innovations:
- The Spherical Geometry Foundation using great-circle distances $\theta = \arccos(\mathbf{p}_1 \cdot \mathbf{p}_2)$ rather than Euclidean metrics represents a fundamental advance, ensuring clustering respects the spherical nature of the celestial sphere,
- Multi-Constraint Optimization simultaneously satisfying diameter $D \leq 50^\circ$, size $n \geq 3$, separation $\delta \geq 10^\circ$, and brightness $n_{bright} \geq 1$ through iterative post-processing provides comprehensive constraint satisfaction,
- Silhouette Score Optimization determining optimal cluster number $K^* = 76$ through rigorous mathematical analysis rather than arbitrary selection demonstrates systematic approach,
- Brightness Weighting $w_i = 10^{-0.4 \cdot Vmag_i}$ ensuring visually prominent stars anchor constellation formation creates practical, identifiable groups,
- Pattern Recognition identifying recognizable shapes (arrows, serpents) through geometric feature analysis enables meaningful naming based on visual patterns.
Unlike existing approaches that focus on individual aspects—some tackle clustering without spherical geometry, others address pattern recognition without systematic optimization, still others analyze traditional systems without mathematical redesign—this framework provides a complete mathematical solution from coordinate transformation through constrained clustering to pattern-based naming, enabling practical deployment in astronomical education and amateur astronomy.
The celestial sphere organization challenge will continue as new star catalogues are compiled and observational capabilities improve. But this framework provides a rigorous, validated mathematical approach for constellation redesign—transforming complex multi-constraint clustering problems into systematic organization through spherical geometry, silhouette optimization, and pattern recognition.
The key mathematical achievements include spherical clustering excellence with great-circle distance matrices ensuring correct geometric representation, multi-constraint satisfaction with diameter, size, separation, and brightness requirements all met through iterative algorithms, optimal cluster selection with $K^* = 76$ determined through silhouette score maximization, pattern recognition identifying 44.7% of constellations with high confidence (0.65-0.80), and comprehensive validation with Polaris finding, separation metrics, and IAU comparison demonstrating correctness.
The exceptional performance results demonstrate that the framework successfully achieves optimal cluster number ($K^* = 76$) through rigorous optimization, constraint satisfaction (100% diameter compliance, 100% size compliance, 87.3% separation compliance), pattern recognition (44.7% with high confidence), and systematic coverage (entire celestial sphere with no gaps). The system reveals that spherical geometry is essential for correct clustering, multi-constraint problems require iterative refinement, silhouette scores provide rigorous cluster number selection, brightness weighting creates identifiable constellations, and pattern recognition enables meaningful naming.
Unlike conventional constellation organization that relies on historical/cultural divisions or simple geometric grouping, this methodology provides systematic optimization accounting for visual perception, geometric constraints, and pattern recognition, ensuring efficient organization while maintaining identifiability. The mathematical foundation provides rigorous solutions, and the comprehensive evaluation provides actionable insights for different organizational priorities.
The practical implementation demonstrates computational feasibility for large-scale analysis: distance matrix computation requires $O(N^2)$ operations for $N$ stars (tractable for $N = 9,110$), hierarchical clustering scales as $O(N^2 \log N)$ (completed in minutes), silhouette score optimization evaluates 17 candidate $K$ values (completed in hours), and pattern recognition analyzes 76 constellations (completed in seconds). The mathematical framework provides clear path to practical deployment through efficient algorithms, realistic constraints, and validated performance.
Most importantly, this work demonstrates that advanced hierarchical clustering combining spherical geometry, multi-constraint optimization, and pattern recognition can serve as powerful mathematical foundation for systematic constellation redesign, providing rigorous solutions for celestial sphere organization while ensuring that sophisticated clustering techniques remain practical and deployable for astronomical applications.
The constellation redesign challenge will continue as observational capabilities improve and star catalogues expand. But this framework provides a rigorous, validated mathematical approach—transforming complex multi-constraint clustering problems into systematic organization through spherical geometry, silhouette optimization, and pattern recognition.
Acknowledgments
This project was developed as a comprehensive mathematical modeling solution for IMMC 2026 Problem A, combining hierarchical clustering theory, spherical geometry, constrained optimization, and pattern recognition. The mathematical principles draw inspiration from cluster analysis, computational geometry, and shape recognition theory. The computational implementation enables efficient analysis supporting large-scale celestial sphere organization and educational applications.
This blog post presents research conducted for IMMC 2026 Problem A demonstrating integrated approaches to celestial sphere organization challenges.
Comments