Radiative transfer is a fundamental process in astrophysics, essential for both interpreting observations and modeling thermal and dynamical feedback in simulations via ionizing radiation and photon pressure. However, numerically solving the underlying radiative transfer equation is computationally intensive due to the complex interaction of light with matter and the disparity between the speed of light and the typical gas velocities in astrophysical environments, making it particularly expensive to include the effects of on-the-fly radiation in hydrodynamic simulations. This motivates the development of surrogate models that can significantly accelerate radiative transfer calculations while preserving high accuracy. We present a surrogate model based on a Fourier Neural Operator architecture combined with U-Nets. Our model approximates three-dimensional, monochromatic radiative transfer in time-dependent regimes, in absorption-emission approximation, achieving speedups of more than 2 orders of magnitude while maintaining an average relative error below 3%, demonstrating our approach's potential to be integrated into state-of-the-art hydrodynamic simulations.
Paper ID : 2511.08219Title : Emulating Radiative Transfer in Astrophysical EnvironmentsAuthors : Rune Rost, Lorenzo Branca, Tobias Buck (Interdisciplinary Center for Scientific Computing, Heidelberg University)Classification : astro-ph.IM (Astronomical Instrumentation and Methods), astro-ph.GA (Galactic Astrophysics), cs.LG (Machine Learning)Conference : 1st Workshop on Differentiable Systems and Scientific Machine Learning EurIPS 2025Paper Link : https://arxiv.org/abs/2511.08219 Radiative transfer is a fundamental process in astrophysics, essential for interpreting observational data and simulating thermodynamic feedback from ionizing radiation and photon pressure. However, numerical solution of the radiative transfer equation (RTE) is computationally prohibitive due to complex light-matter interactions and the enormous disparity between the speed of light and typical gas velocities, making real-time inclusion of radiative effects in hydrodynamic simulations particularly expensive. This paper proposes a surrogate model based on Fourier Neural Operators (FNO) combined with U-Net architecture to model temporal evolution of three-dimensional monochromatic radiative transfer under the absorption-emission approximation, achieving acceleration exceeding two orders of magnitude while maintaining average relative error below 3%, demonstrating potential for integration into state-of-the-art hydrodynamic simulations.
Numerical solution of the radiative transfer equation (RTE) faces severe computational bottlenecks in astrophysical simulations:
RTE Equation :
1 c ∂ I ν ∂ t + ω ⋅ ∇ I ν + ( k ν , s + k ν , a ) ρ I ν = j ν ρ + k ν , s ρ 4 π ∫ S I ν d w ′ \frac{1}{c}\frac{\partial I_\nu}{\partial t} + \omega \cdot \nabla I_\nu + (k_{\nu,s} + k_{\nu,a})\rho I_\nu = j_\nu\rho + \frac{k_{\nu,s}\rho}{4\pi}\int_S I_\nu dw' c 1 ∂ t ∂ I ν + ω ⋅ ∇ I ν + ( k ν , s + k ν , a ) ρ I ν = j ν ρ + 4 π k ν , s ρ ∫ S I ν d w ′
where I ν I_\nu I ν is spectral radiance intensity with high-dimensional dependencies (time t t t , spatial position x x x , direction ω \omega ω , frequency ν \nu ν ), resulting in extremely high computational complexity.
Observational Diagnostics : Critical bridge connecting physical models to observational dataThermodynamic Feedback : Affects gas thermodynamics through photoheatingRadiation Pressure : Influences gas dynamical evolutionGalaxy Formation : Essential for studying radiative effects in star-forming regions such as giant molecular cloudsMonte Carlo Methods : High computational costRay Tracing : Memory requirements scale linearly with source and cell numbers O ( N s o u r c e s N c e l l s ) O(N_{sources}N_{cells}) O ( N so u rces N ce ll s ) Moment Methods : Speed of light far exceeds gas velocity (c > > v g a s c >> v_{gas} c >> v g a s ), requiring extremely small time stepsTraditional Deep Learning : Poor generalization across grid discretizations and parameter settings; stability and accuracy challenges on high-dimensional PDEsResearch Gap : To the authors' knowledge, no simulators for time-dependent radiative transfer existDevelop data-driven surrogate models based on neural operators capable of:
Operating on infinite-dimensional function spaces, improving generalization across grid discretizations Significantly accelerating computation while maintaining high accuracy Serving as plug-and-play replacement integrated into hydrodynamic simulations First Time-Dependent Radiative Transfer Simulator : To the authors' knowledge, the first neural operator simulator for time-evolving radiative transferInnovative Architecture Design : Proposes U-FNO architecture combining Fourier Neural Operators (FNO) with U-Net, balancing global dependency capture and fine-scale feature modelingSignificant Performance Gains :Temporal evolution prediction: ~600× acceleration with 2.9% average relative error Steady-state prediction: ~6750× acceleration with 2.6% relative error Memory cost independent of source count, addressing key ray-tracing bottleneck Multi-Frequency Extension Pathway : Provides clear path toward extending to multi-frequency radiative transfer, aligning with modern hydrodynamic simulation requirementsOpen-Source Implementation : Provides complete reproducible code (https://github.com/RuneRost/Astro-RT.git )Inputs :
a ( x ) = k ν , a ρ ( x ) a(x) = k_{\nu,a}\rho(x) a ( x ) = k ν , a ρ ( x ) : Absorption field (density-dependent)j ( x ) = j ν ρ ( x ) j(x) = j_\nu\rho(x) j ( x ) = j ν ρ ( x ) : Emission field (radiation source distribution)I ν , t ( x ) I_{\nu,t}(x) I ν , t ( x ) : Radiance intensity at current timeOutputs :
I ν , t + 1 ( x ) I_{\nu,t+1}(x) I ν , t + 1 ( x ) : Radiance intensity at next time stepSimplifying Assumptions :
Scattering-free regime (consistent with on-the-fly calculations) Angular dependence temporarily neglected (future work) Monochromatic radiation (extensible to multi-frequency) Three-dimensional space with 64 3 64^3 6 4 3 grid Input [j(x), a(x), I_{ν,t}(x)]
↓
Lifting Layer P (mapping to high-dimensional latent space)
↓
U-Fourier Layers × N (N=6)
↓
Projection Layer Q (mapping to output dimension)
↓
Output I_{ν,t+1}(x)
Each U-Fourier layer contains three parallel/serial components:
a) Convolutional Integral Operator (via Fourier Transform) :
FFT transform to frequency domain: F \mathcal{F} F Learnable weight multiplication: R R R Inverse FFT transform back to spatial domain: F − 1 \mathcal{F}^{-1} F − 1 Mode truncation: Retain only first K=4 modes (reducing complexity, encouraging smooth predictions) b) Affine Transformation : ( W , b ) (W, b) ( W , b )
c) U-Net Module :
Encoder-decoder structure Symmetric downsampling and upsampling paths Skip connections preserve detail information Small convolution kernels (2×2×2 or 3×3×3) precisely localize fine-scale features Width: 16 (steady-state) or 32 (temporal evolution) FNO Advantages :
Learn mappings on infinite-dimensional function spaces Capture global dependencies Theoretically grid-invariant U-Net Advantages :
Handle sharp gradients and discontinuities Small convolution kernels enable precise local feature localization Skip connections preserve multi-scale information Combination Necessity : Pure FNO model achieves 60% relative error; adding U-Net reduces to 2.9%
U-Fourier Layer : First integration of U-Net into each Fourier layer, rather than simple stackingMulti-Scale Feature Fusion : Global Fourier features + local U-Net featuresTraining: Use consecutive time step pairs ( I ν , t , I ν , t + 1 ) (I_{\nu,t}, I_{\nu,t+1}) ( I ν , t , I ν , t + 1 ) Inference: Apply recursively, using predictions as next input Enable complete temporal evolution simulation Logarithmic Transform : Handle data spanning multiple orders of magnitudeMin-Max Normalization : Scale to 0,1 intervalSeparate Normalization : Process absorption, emission, and intensity fields independentlyL = ∑ i = 1 N ( f ^ i − f i ) 2 ∑ i = 1 N ( f i ) 2 + λ ∑ i = 1 N ( ∇ f ^ i − ∇ f i ) 2 ∑ i = 1 N ( ∇ f i ) 2 L = \frac{\sqrt{\sum_{i=1}^N(\hat{f}_i - f_i)^2}}{\sqrt{\sum_{i=1}^N(f_i)^2}} + \lambda\frac{\sqrt{\sum_{i=1}^N(\nabla\hat{f}_i - \nabla f_i)^2}}{\sqrt{\sum_{i=1}^N(\nabla f_i)^2}} L = ∑ i = 1 N ( f i ) 2 ∑ i = 1 N ( f ^ i − f i ) 2 + λ ∑ i = 1 N ( ∇ f i ) 2 ∑ i = 1 N ( ∇ f ^ i − ∇ f i ) 2
Relative error loss (avoiding absolute error bias toward high-value regions) Spatial gradient term (λ = 0.5 \lambda=0.5 λ = 0.5 ) encourages sharp feature reconstruction Addresses blurry prediction problem Generation Method : Turbulent periodic box generated using jf1uids hydrodynamic codeGrid : 64 3 64^3 6 4 3 spatial resolutionDiversity Strategy :
Vary turbulence random seeds Vary velocity perturbation amplitudes Vary turbulence kinetic energy power spectrum slopes Run until turbulence spectrum reaches stable equilibrium Physical Scenario : Simulates giant molecular cloud (star-forming region) conditionsRadiation Sources : Placed in top 1.5% highest-density regionsTime Steps : 10 time steps per sample, starting from I ν , 0 ( x ) = 0 I_{\nu,0}(x)=0 I ν , 0 ( x ) = 0 Numerical Solution : Ray-tracing algorithm implemented in JAXSample Count : 400 pairs ( a ( x ) , j ( x ) ) (a(x), j(x)) ( a ( x ) , j ( x )) → expanded to 3600 training samplesSplit : Training 70% (2520), Validation 10% (360), Test 20% (720)Density Modeling : Log-normal random field (simulating turbulent star-forming regions)Emission Field : Gaussian distribution centered on top 1% density pixels (simulating stellar emission)Absorption Coefficient : k ν , a = 1 k_{\nu,a}=1 k ν , a = 1 (simplified)Sample Count : 1000Split : Training 70% (700), Validation 10% (100), Test 20% (200)Pixel-Level Average Relative Error :
Relative Error = 1 N ∑ i = 1 N ∣ I ^ i − I i ∣ ∣ I i ∣ \text{Relative Error} = \frac{1}{N}\sum_{i=1}^N\frac{|\hat{I}_i - I_i|}{|I_i|} Relative Error = N 1 ∑ i = 1 N ∣ I i ∣ ∣ I ^ i − I i ∣
(excluding pixels where I i = 0 I_i=0 I i = 0 )Speedup : Model inference time vs. numerical solver timeVisual Assessment : Residual maps across different cross-sectionsNumerical Baseline : Ray-tracing algorithm implemented in JAXArchitecture Comparison : Pure FNO vs. U-FNOLiterature Comparison : Performance comparison with other 3D static RT simulators 27 Training: NVIDIA H100 GPU (temporal evolution) / A100 GPU (steady-state) Inference: Same as above Algorithm : AdamW (with decoupled weight decay)Learning Rate Schedule : Exponential decay
Temporal evolution: Initial 0.0006, decay rate 0.912 Steady-state: Initial 0.0005, decay rate 0.900 Number of layers: 6 Layer width: 32 Number of Fourier modes: 4 U-Net convolution kernel: 2×2×2 U-Net width: 32 Dropout: 0.08 Weight decay: 0.0052 Temporal Evolution : 20 epochs, ~320 minutesSteady-State : 40 epochs, ~80 minutesHyperparameter Optimization : Automatic search via OptunaFramework : JAX (JIT compilation + GPU acceleration)Metric Value Average Relative Error (single step) 2.9% Inference Time 0.1 seconds Numerical Solution Time 59.2 seconds Speedup ~600× Memory Complexity Independent of source count
Key Findings :
Predictions highly consistent with numerical reference Residuals concentrated at structure edges Error accumulates over time but remains small (recursive prediction characteristic) Histogram shows error approximately Gaussian-distributed with slight negative skew (network tends toward smooth predictions) Metric Value Average Relative Error 2.6% Inference Time 0.003 seconds Numerical Solution Time 20.3 seconds Speedup ~6750×
Literature Comparison : Matches or exceeds performance of other 3D static RT simulators 27
Architecture Comparison :
Pure FNO : 60% relative error (failure)U-FNO : 2.9% relative error (success)Conclusion : U-Net integration is crucial for handling sharp gradients and discontinuities
z=32 Cross-Section : Shows complete evolution across 10 time stepsFeatures : Radiation gradually diffuses from source points, forming complex intensity patternsResiduals : Primarily at evolution fronts, magnitude <0.2 (normalized scale)Cross-Dimensional Consistency : x=32, y=32, z=32 cross-sections show similar performance (Figure 10)Complex Topology : Multiple sources produce complex intensity distributionsAccurate Reconstruction : Predictions capture all major structuresResidual Distribution : Uniform distribution, no systematic biasSingle-Step Error : 2.9%Cumulative Effects : Figure 8 shows error gradually increasing with time stepsStep 10 : Most pixels maintain error <10%Bias Direction : Slight positive bias, indicating predictions evolve slightly faster than referencePrimary Locations : Structure edges and evolution frontsSmooth Regions : Minimal errorHigh-Gradient Regions : Relatively larger error but still acceptableTest set samples from different turbulence configurations Stable performance indicates good generalization to unseen physical scenarios Monte Carlo Methods 20 : Statistical sampling, accurate but slowRay Tracing 25 : Direct solution, memory bottleneckMoment Methods 24 : Dimensionality reduction approximation, time step limitationsTree Approximations 21, 13 : Scenario-specific optimizationPhysics-Informed Neural Networks (PINNs) 19 : Embed physical constraints, limited generalizationTraditional CNNs 18 : Applied to radiative heat transfer, strong grid dependenceThis Work's Advantages : First time-dependent RT simulator, better generalizationUniversal Approximation Theorem 6 : Theoretical foundationFNO 16 : Fourier space convolutionOperator Learning Survey 15 : Theory and algorithmsU-FNO 29 : Architectural inspiration for this work (applied to multiphase flow)RAMSES-RT 24 : Cosmological radiation hydrodynamicsAREPO-RT 14 : Moving-mesh radiation hydrodynamicsGMC Simulations 8 : Radiative effects in giant molecular cloudsThis Work's Position : Acceleration module for these simulationsTechnical Feasibility : U-FNO successfully achieves high-accuracy radiative transfer simulation with error <3%Computational Efficiency : Speedup reaches 2-3 orders of magnitude, meeting real-time simulation requirementsMemory Advantages : Decoupled from source count, addressing key ray-tracing bottleneckIntegration Potential : Can serve as plug-and-play module integrated into existing hydrodynamic codesExtensibility : Multi-frequency approach clearly defined (independent training per frequency or unified model)Issue : U-Net integration causes loss of FNO's resolution invarianceImpact : Requires training at target resolutionMitigation : Limited impact for fixed-grid scenarios; resolution-independent techniques exist 29 Issue : Must predict entire field, cannot compute locallyImpact : Unnecessary overhead when only local regions of interestApplicable Scenarios : Applications requiring global radiation fieldCurrent : Only single-frequency model demonstratedExtension : Requires independent training per frequencyComputational Cost : Multi-frequency unified model training cost high (Appendix A shows preliminary results with error two orders of magnitude higher)Scattering-Free : Consistent with most on-the-fly calculations, but limits generalityNo Angular Dependence : Simplifies problem, future extension neededSample Size : 3600 training samples (temporal evolution)Data Generation : Requires expensive numerical simulationsGeneralization Range : Limited to physical regimes covered by training dataExtend to complete RTE solution Capture directional information of radiation Appendix A shows preliminary results Requires further architectural and hyperparameter optimization Address 6× data complexity increase Couple with hydrodynamic codes Validate on actual scientific applications Test long-term stability Include complete scattering term Handle more complex radiation-matter interactions Address fixed-grid limitations Achieve true resolution invariance Fills Research Gap : First neural operator simulator for time-dependent radiative transferPractical Value : Directly addresses computational bottleneck in astrophysical simulationsTheoretical Contribution : Demonstrates neural operator effectiveness on high-dimensional time-dependent PDEsArchitecture Design : U-FNO cleverly combines global and local featuresLoss Function : Gradient term effectively addresses blurry prediction problemRecursive Strategy : Enables arbitrary-length temporal evolutionMulti-Scenario Validation : Temporal evolution + steady-stateThorough Analysis : Multiple cross-sections, time steps, error distributionsAblation Studies : Clear U-Net contributionPerformance Comparison : Comparison with literature resultsOpen-Source Code : Fully reproducibleEfficient Implementation : JAX + JIT compilationDetailed Documentation : Appendices contain all implementation detailsClear logic and complete structure Rich visualization (10 figures) Accurate mathematical notation Lacks convergence analysis No theoretical error bounds for cumulative error Missing theoretical guarantees for generalization Scattering-free assumption limits application scope Missing angular dependence reduces generality Single-frequency model requires multiple trainings 400 physical scenarios may insufficient to cover all astrophysical environments Limited to 64 3 64^3 6 4 3 resolution Generalization to higher resolutions untested Lacks direct comparison with other ML methods (e.g., PINNs) No comparison with other neural operator architectures (e.g., DeepONet) Steady-state model only compared with literature 27 , method not reproduced Only tested on 10 time steps Error accumulation over longer evolution unknown Stability with hydrodynamic coupling unverified Training cost (320 minutes) not compared to total numerical solver cost Multi-frequency model training cost may offset inference speedup Specific memory usage values not provided Pioneering : May spark research wave in time-dependent PDE neural operator simulationInterdisciplinary : Connects machine learning and computational astrophysicsMethodology : U-FNO architecture transferable to other domainsDirect Application : Can integrate into RAMSES-RT, AREPO-RT, etc.Computational Savings : Thousands of GPU hours saved in large simulationsScientific Discovery : Acceleration may enable previously infeasible parameter studiesRequires large-scale validation for broad community adoption Training data generation cost may limit dissemination Physical simplifications need evaluation in actual applications Fixed-Grid Hydrodynamic Simulations : e.g., RAMSES, ENZOMulti-Source Radiation Scenarios : Memory advantages pronouncedRepeated Computations : Training cost amortizableMedium Resolution : Around 64 3 64^3 6 4 3 Scattering-Free Regime : e.g., HII regions, ionization frontsAdaptive Mesh : Current architecture unsupportedExtreme Resolution : Requires retrainingStrong Scattering Media : e.g., dense dust cloudsSingle Computations : Training cost non-amortizableAngular Information Needed : e.g., radiation pressure directionalityCosmic Reionization Simulations : Large-scale radiative transferStar Formation Feedback : Radiative effects in GMCsPlanetary Atmospheres : Radiative transfer modelingNuclear Networks : Similar high-dimensional time-dependent problems16 Li et al. 2020 - Fourier Neural Operator: Original FNO paper29 Wen et al. 2022 - U-FNO: Architectural inspiration for this work24 Rosdahl et al. 2013 - RAMSES-RT: Mainstream radiation hydrodynamics code14 Kannan et al. 2019 - AREPO-RT: Moving-mesh radiation hydrodynamics19 Mishra & Molinaro 2021 - PINNs for RT: Related ML work27 Su et al. 2025 - CO-line radiative transfer simulator: Comparison baseline6 Chen & Chen 1995 - Operator universal approximation theorem: Theoretical foundationThis is a high-quality interdisciplinary research paper successfully applying cutting-edge machine learning techniques (neural operators) to address core challenges in computational astrophysics (radiative transfer). The paper's main strengths include:
Clear Scientific Value : Solves practical computational bottleneck with 600× speedupMethodological Innovation : U-FNO architecture effectively combines global and local featuresOriginality : First time-dependent RT neural operator simulatorEngineering Completeness : Open-source code, detailed documentation, reproducibleMain limitations include physical simplifications (scattering-free, no angular dependence) and insufficient theoretical analysis, though these are acceptable for a prototype system. The paper opens new directions for machine learning applications in computational astrophysics.
Recommendation Score : ⭐⭐⭐⭐☆ (4.5/5)