Dataset Viewer
Auto-converted to Parquet Duplicate
text
stringlengths
0
102
# stars_types_with_best_predictions.fits - Description
## Overview
This catalog contains effective temperature predictions for 2.1 million eclipsing binary stars.
It merges the base stars_types.dat catalog with ML predictions using a "best-of-three" ensemble
approach that selects the prediction with the lowest uncertainty for each object.
**Creation Date**: 2025-11-20
**Total Objects**: 2,145,310
**Objects with Teff**: 2,085,712 (97.2%)
**Temperature Range**: 2737 - 38456 K
## Temperature Sources
1. **Gaia GSP-Phot**: 1,251,127 objects (58.3%)
- High-quality spectrophotometric temperatures from Gaia DR3
- No uncertainty estimates provided
2. **ML Predictions**: 834,585 objects (38.9%)
- Best-of-three ensemble (selects lowest uncertainty)
- Three models compared:
* teff_only: Gaia photometry only (g, BP, RP, BP-RP)
* teff_logg: Gaia photometry + log(g) with uncertainty propagation
* teff_cluster: Gaia photometry + cluster probabilities
- Mean uncertainty: 287 K
3. **No Prediction**: 59,598 objects (2.8%)
- Objects without Gaia Teff and outside ML training domain
## Quality Flags
Quality assessment based on temperature source and uncertainty:
- **A**: Gaia GSP-Phot temperature (highest quality) - 1,251,127 objects (58.3%)
- **B**: ML prediction with uncertainty < 300 K (high confidence) - 611,597 objects (28.5%)
- **C**: ML prediction with uncertainty < 500 K (medium confidence) - 117,572 objects (5.5%)
- **D**: ML prediction with uncertainty >= 500 K (low confidence) - 105,416 objects (4.9%)
- **X**: No temperature available - 59,598 objects (2.8%)
## Model Selection Distribution (ML predictions only)
Best-of-three ensemble selects the model with lowest uncertainty for each object:
- **teff_cluster**: 211,575 objects (25.4%)
- **teff_logg**: 252,694 objects (30.3%)
- **teff_only**: 370,316 objects (44.4%)
## Uncertainty Statistics (ML predictions only)
- **Mean**: 287 K
- **Median**: 189 K
- **Std Dev**: 275 K
- **Min**: 17 K
- **Max**: 6814 K
- **25th percentile**: 140 K
- **75th percentile**: 314 K
## Column Descriptions
| Column | Type | Unit | Description |
|--------|------|------|-------------|
| source_id | int64 | - | Gaia DR3 source identifier |
| ra | float64 | deg | Right Ascension (J2000) |
| dec | float64 | deg | Declination (J2000) |
| period | float64 | d | Orbital period |
| teff_gaia | float64 | K | Effective temperature from Gaia GSP-Phot (null if unavailable) |
| binary_type | str | - | Binary type (D=detached, C=overcontact) |
| amplitude | float64 | mag | Light curve amplitude |
| teff_predicted | float64 | K | ML predicted temperature from best-of-three (null if no prediction) |
| teff_uncertainty | float64 | K | ML prediction uncertainty (null for Gaia temperatures) |
| teff_final | float64 | K | Final temperature (Gaia if available, else ML, null if neither) |
| teff_source | str | - | Temperature source (Gaia, teff_only, teff_logg, teff_cluster, none) |
| quality_flag | str | - | Quality flag (A/B/C/D/X, see above) |
## Usage Examples
### Python (Astropy)
```python
from astropy.table import Table
# Load catalog
catalog = Table.read('stars_types_with_best_predictions.fits')
# Filter by quality
high_quality = catalog[catalog['quality_flag'] <= 'B'] # Gaia or low-uncertainty ML
print(f"High-quality objects: {len(high_quality):,}")
# Access temperatures
teff = catalog['teff_final']
uncertainty = catalog['teff_uncertainty']
# Filter by temperature range
cool_stars = catalog[(catalog['teff_final'] > 3000) & (catalog['teff_final'] < 5000)]
```
### Python (Polars)
```python
End of preview. Expand in Data Studio

Gaia Eclipsing Binary Effective Temperature Datasets

Dataset Description

This dataset contains multi-survey photometry and stellar parameters for 2.18 million eclipsing binary stars from the Gaia mission. It combines data from Gaia DR3, Pan-STARRS DR1, and 2MASS to enable machine learning prediction of effective temperatures (Teff) for stars lacking spectroscopic measurements.

Dataset Summary

  • Total objects: 2,179,680 eclipsing binary stars
  • Gaia DR3 coverage: 100% (all sources have Gaia photometry)
  • Pan-STARRS coverage: 53.5% (1,166,000 sources)
  • 2MASS coverage: Variable (J, H, K bands)
  • Teff coverage: 58% have Gaia GSP-Phot temperatures
  • ML predictions: 38.9% (847,000 stars) have ML-predicted temperatures

Surveys Included

  1. Gaia DR3 (2023)

    • G, BP, RP magnitudes and colors
    • GSP-Phot effective temperatures
    • Astrometric parameters
  2. Pan-STARRS DR1 (2016)

    • g, r, i, z, y optical magnitudes
    • PSF and Kron photometry
  3. 2MASS (2003)

    • J, H, K near-infrared magnitudes

Dataset Structure

Unified Photometry Dataset

File: photometry/eb_unified_photometry.parquet Size: 227 MB Format: Apache Parquet

This is the primary dataset containing all photometry and stellar parameters.

Key Columns

Identifiers:

  • source_id (int64): Gaia DR3 source identifier

Gaia Photometry:

  • g, bp, rp (float64): Gaia G, BP, RP magnitudes
  • bp_rp, g_bp, g_rp (float64): Gaia colors
  • parallax, pmra, pmdec (float64): Astrometry

Gaia Stellar Parameters:

  • teff_gaia (float64): GSP-Phot effective temperature [K]
  • logg_gaia (float64): Surface gravity [log cm/s²]
  • mh_gaia (float64): Metallicity [Fe/H]

Pan-STARRS Photometry:

  • ps_gPSFMag, ps_rPSFMag, ps_iPSFMag, ps_zPSFMag, ps_yPSFMag (float64): PSF magnitudes
  • ps_gKronMag, ps_rKronMag, etc. (float64): Kron magnitudes
  • Pan-STARRS colors: ps_g_r, ps_r_i, etc.

2MASS Photometry:

  • j_m, h_m, k_m (float64): 2MASS magnitudes
  • j_h, h_k, j_k (float64): 2MASS colors

Missing Values: All missing values are encoded as -999.0 for consistency.

Final Catalog with Predictions

File: catalogs/stars_types_with_best_predictions.fits Size: 196 MB Format: FITS binary table

Complete catalog of 2.1M eclipsing binaries with:

  • Original Gaia temperatures (where available)
  • ML-predicted temperatures (best-of-three ensemble)
  • Prediction uncertainties
  • Quality flags (A=Gaia, B/C/D=ML by uncertainty, X=none)

Coverage: 97.2% of stars have Teff values (58.3% Gaia original + 38.9% ML predictions)

Usage

Download with Python

from huggingface_hub import hf_hub_download
import polars as pl

# Download unified photometry
file_path = hf_hub_download(
    repo_id="Dedulek/gaia-eb-teff-datasets",
    filename="photometry/eb_unified_photometry.parquet",
    repo_type="dataset"
)

# Load with Polars (recommended for large datasets)
df = pl.read_parquet(file_path)

# Or with Pandas
import pandas as pd
df = pd.read_parquet(file_path)

print(f"Loaded {len(df)} eclipsing binaries")
print(f"Columns: {df.columns}")

Download with Hugging Face CLI

# Install CLI
pip install huggingface_hub

# Download specific file
huggingface-cli download Dedulek/gaia-eb-teff-datasets \
    --repo-type dataset \
    --include "photometry/eb_unified_photometry.parquet" \
    --local-dir ./data

Training Example

import polars as pl
from sklearn.ensemble import RandomForestRegressor
from sklearn.model_selection import train_test_split

# Load data
df = pl.read_parquet("eb_unified_photometry.parquet")

# Filter stars with known Teff and Gaia photometry
df_train = df.filter(
    (pl.col("teff_gaia") != -999.0) &
    (pl.col("bp_rp") != -999.0)
)

# Prepare features and target
features = ["g", "bp", "rp", "bp_rp", "g_bp", "g_rp"]
X = df_train[features].to_numpy()
y = df_train["teff_gaia"].to_numpy()

# Train model
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42)

model = RandomForestRegressor(n_estimators=300, max_depth=20, random_state=42)
model.fit(X_train, y_train)

# Evaluate
score = model.score(X_test, y_test)
print(f"R² score: {score:.3f}")

Dataset Statistics

Photometric Coverage

Survey Coverage N_stars
Gaia DR3 100% 2,179,680
Pan-STARRS DR1 53.5% 1,166,000
2MASS (J) ~60% ~1,300,000
2MASS (H) ~60% ~1,300,000
2MASS (K) ~60% ~1,300,000

Stellar Parameter Coverage

Parameter Coverage Mean Std Range
Teff (Gaia) 58% 7,450 K 3,200 K 2,500 - 50,000 K
log(g) 56% 3.8 0.5 0.5 - 5.5
[Fe/H] 48% -0.2 0.4 -2.5 - +0.5

Temperature Distribution

Teff Range N_stars Percentage
< 4,000 K (Cool) 180,000 14%
4,000-6,000 K (Mid) 520,000 41%
6,000-10,000 K (Hot) 450,000 36%
> 10,000 K (Very Hot) 115,000 9%

Data Quality

Missing Value Convention

All surveys use -999.0 to indicate missing values. Always filter these before analysis:

# Filter valid measurements
df_clean = df.filter(
    (pl.col("bp_rp") != -999.0) &
    (pl.col("teff_gaia") != -999.0)
)

Known Issues

  1. Gaia GSP-Phot Bias: Systematic underestimation of Teff for hot stars (>10,000 K)

    • Correction coefficients available in model repository
    • See: data/teff_correction_coeffs_deg2.pkl
  2. Pan-STARRS Coverage: Northern hemisphere bias (Dec > -30°)

  3. 2MASS Saturation: Bright stars (J < 6) may be saturated

Model Performance

Pre-trained models achieve the following performance on held-out test sets:

Model Features MAE (K) RMSE (K) Within 10%
Gaia Colors (Log) 6 Gaia colors/bands 557 1,021 0.640 68.5%
Gaia + 2MASS 5 optical+IR colors 765 1,168 0.315 43.4%
Best-of-Three Ensemble Multiple models 263 - - -

Citation

If you use this dataset, please cite:

@dataset{gaia_eb_teff_2025,
  author = {Your Name},
  title = {Gaia Eclipsing Binary Effective Temperature Datasets},
  year = {2025},
  publisher = {HuggingFace},
  url = {https://huggingface.co/datasets/Dedulek/gaia-eb-teff-datasets}
}

Data Sources

Please also cite the original surveys:

Gaia DR3:

@article{gaia2023,
  author = {{Gaia Collaboration}},
  title = {Gaia Data Release 3},
  journal = {Astronomy & Astrophysics},
  year = {2023},
  volume = {674},
  pages = {A1}
}

Pan-STARRS:

@article{panstarrs2020,
  author = {Flewelling, H. A. and others},
  title = {The Pan-STARRS1 Database and Data Products},
  journal = {The Astrophysical Journal Supplement Series},
  year = {2020},
  volume = {251},
  pages = {7}
}

2MASS:

@article{2mass2006,
  author = {Skrutskie, M. F. and others},
  title = {The Two Micron All Sky Survey (2MASS)},
  journal = {The Astronomical Journal},
  year = {2006},
  volume = {131},
  pages = {1163}
}

License

This dataset is released under CC BY 4.0 (Creative Commons Attribution 4.0 International).

You are free to:

  • Share: copy and redistribute the material
  • Adapt: remix, transform, and build upon the material

Under the following terms:

  • Attribution: You must give appropriate credit and indicate if changes were made

Contact

For questions or issues with this dataset:

Acknowledgments

This work has made use of data from:

Special thanks to the astronomical community for making these datasets publicly available.

Downloads last month
25