TabDiff: a Mixed-type Diffusion Model
for Tabular Data Generation
Abstract
Synthesizing high-quality tabular data is an important topic in many data science tasks, ranging from dataset augmentation to privacy protection. However, developing expressive generative models for tabular data is challenging due to its inherent heterogeneous data types, complex inter-correlations, and intricate column-wise distributions. In this paper, we introduce TabDiff, a joint diffusion framework that models all mixed-type distributions of tabular data in one model. Our key innovation is the development of a joint continuous-time diffusion process for numerical and categorical data, where we propose feature-wise learnable diffusion processes to counter the high disparity of different feature distributions. TabDiff is parameterized by a transformer handling different input types, and the entire framework can be efficiently optimized in an end-to-end fashion. We further introduce a mixed-type stochastic sampler to automatically correct the accumulated decoding error during sampling, and propose classifier-free guidance for conditional missing column value imputation. Comprehensive experiments on seven datasets demonstrate that TabDiff achieves superior average performance over existing competitive baselines across all eight metrics, with up to improvement over the state-of-the-art model on pair-wise column correlation estimations. Code is available at https://github.com/MinkaiXu/TabDiff.
1 Introduction
Tabular data is ubiquitous in various databases, and developing effective generative models for it is a fundamental problem in many data processing and analysis tasks, ranging from training data augmentation (Fonseca & Bacao, 2023), data privacy protection (Assefa et al., 2021; Hernandez et al., 2022), to missing value imputation (You et al., 2020; Zheng & Charoenphakdee, 2022). With versatile synthetic tabular data that share the same format and statistical properties as the existing dataset, we are able to completely replace real data in a workflow or supplement the data to enhance its utility, which makes it easier to share and use. The capability of anonymizing data and enlarging sample size without compromising the overall data quality enables it to revolutionize the field of data science. Unlike image data, which comprises pure continuous pixel values with local spatial correlations, or text data, which comprises tokens that share the same dictionary space, tabular data features have much more complex and varied distributions (Xu et al., 2019; Borisov et al., 2023), making it challenging to learn joint probabilities across multiple columns. More specifically, such inherent heterogeneity leads to obstacles from two aspects: 1) typical tabular data often contains mixed-type data types, i.e., continuous (e.g., numerical features) and discrete (e.g., categorical features) variables; 2) within the same feature type, features do not share the exact same data property because of the different meaning they represent, resulting in different column-wise marginal distributions (even after normalizing them into same value ranges).
In recent years, numerous deep generative models have been proposed for tabular data generation with autoregressive models (Borisov et al., 2023), VAEs (Liu et al., 2023), and GANs (Xu et al., 2019) in the past few years. Though they have notably improved the generation quality compared to traditional machine learning generation techniques such as resampling (Chawla et al., 2002), the generated data quality is still far from satisfactory due to limited model capacity. Recently, with the rapid progress in diffusion models (Song & Ermon, 2019; Ho et al., 2020; Rombach et al., 2022), researchers have been actively exploring extending this powerful framework to tabular data (Kim et al., 2022; Kotelnikov et al., 2023; Zhang et al., 2024). For example, Zheng & Charoenphakdee (2022); Zhang et al. (2024) transform all features into a latent continuous space via various encoding techniques and apply Gaussian diffusion there, while Kotelnikov et al. (2023); Lee et al. (2023) combine discrete-time continuous and discrete diffusion processes (Austin et al., 2021) to deal with numerical and categorical features separately. However, prior methods are trapped in sub-optimal performance due to additional encoding overhead or imperfect discrete-time diffusion modeling, and none of them consider the feature-wise distribution heterogeneity issue in a mixed-type framework.
In this paper, we present TabDiff, a novel and principled mixed-type diffusion framework for tabular data generation. TabDiff perturbs numerical and categorical features with a joint diffusion process, and learns a single model to simultaneously denoising all modalities. Our key innovation is the development of mixed-type feature-wise learnable diffusion processes to counteract the high heterogeneity across different feature distributions. Such feature-specific learnable noise schedules enable the model to optimally allocate the model capacity to different features in the training phase. Besides, it encourages the model to capture the inherent correlations during sampling since the model can denoise different features in a flexible order based on the learned schedule. We parameterize TabDiff with a transformer operating on different input types and optimize the entire framework efficiently in an end-to-end fashion. The framework is trained with a continuous-time limit of evidence lower bound. To reduce the decoding error during denoising sampling, we design a mixed-type stochastic sampler that automatically corrects the accumulated decoding error during sampling. In addition, we highlight that TabDiff can also be applied to conditional generation tasks such as missing column imputation, and we further introduce classifier-free guidance technique to improve the conditional generation quality.
TabDiff enjoys several notable advantages: 1) our model learns the joint distribution in the original data space with an expressive continuous-time diffusion framework; 2) the framework is sensitive to varying feature marginal distribution and can adaptively reason about feature-specific information and pair-wise correlations. We conduct comprehensive experiments to evaluate TabDiff against state-of-the-art methods across seven widely adopted tabular synthesis benchmarks. Results show that TabDiff consistently outperforms previous methods over eight distinct evaluation metrics, with up to improvement over the state-of-the-art model on pair-wise column correlation estimations, suggesting our superior generative capacity on mixed-type tabular data.

2 Method
2.1 Overview
Notation. For a given mixed-type tabular dataset , we denote the number of numerical features and categorical features as and , respectively. The dataset is represented as a collection of data entries , where each entry is a concatenated vector consisting of its numerical features and categorical features . We represent the numerical features as a dimensional vector and denote the -th feature as . We represent each categorical column with finite categories as a one-hot column vector , with an extra dimension dedicated to the [MASK] state. The -th category corresponds to the special [MASK] state and we use as the one-hot vector for it. In addition, we define as the categorical distribution over classes with probabilities given by , where is the -simplex.
Different from common data types such as images and text, developing generative models for tabular data is challenging as the distribution is determined by mixed-type data. We therefore propose TabDiff, a unified generative model for modeling the joint distribution using a continuous-time diffusion framework. TabDiff can learn the distribution from finite samples and generate faithful, diverse, and novel samples unconditionally. We provide a high-level overview in Figure 1, which includes a forward diffusion process and a reverse generative process, both defined in continuous time. The diffusion process gradually adds noise to data, and the generative process learns to recover the data from prior noise distribution with neural networks parameterized by . In the following sections, we elaborate on how we develop the unified diffusion framework with learnable noise schedules and perform training and sampling in practice.
2.2 Mixed-type Diffusion Framework
Diffusion models (Sohl-Dickstein et al., 2015; Song & Ermon, 2019; Ho et al., 2020) are likelihood-based generative models that learn the data distribution via forward and reverse Markov processes. Our goal is to develop a principled diffusion model for generating mixed-type tabular data that faithfully mimics the statistical distribution of the real dataset. Our framework TabDiff is designed to directly operate on the data space and naturally handle each tabular column in its built-in datatype. TabDiff is built on a hybrid forward process that gradually injects noise to numerical and categorical data types separately with different diffusion schedules and . Let denote a sequence of data in the diffusion process indexed by a continuous time variable , where are i.i.d. samples from real data distribution and are pure noise from prior distribution. The hybrid forward diffusion process can be then represented as:
(1) |
Then the true reverse process can be represented as the joint posterior:
(2) |
where and are two arbitrary timesteps that . We aim to learn a denoising model to match the true posterior. In the following, we discuss the detailed formulations of diffusion processes for continuous and categorical features in separate manners. To enhance clarity, we omit the superscripts on and when the inclusion is unnecessary for understanding.
Gaussian Diffusion for Numerical Features. In this paper, we model the forward diffusion for continuous features as a stochastic differential equation (SDE) with being the drift coefficient, being the diffusion coefficient, and being the standard Wiener process (Song et al., 2021; Karras et al., 2022). The revere generation process solves the probability flow ordinary differential equation (ODE) where is the score function of . In this paper, we use the Variance Exploding formulation with and , which yields the forward process :
(3) |
And the reversal can then be formulated accordingly as:
(4) |
In TabDiff, we train the diffusion model to jointly denoise the numerical and categorical features. We use to denote numerical part of the denoising model output, and train the model via optimizing the denoising loss:
(5) |
Masked Diffusion for Categorical Features, For categorical features, we take inspiration from the recent progress on discrete state-space diffusion for language modeling (Austin et al., 2021; Shi et al., 2024; Sahoo et al., 2024). The forward diffusion process is defined as a masking (absorbing) process that smoothly interpolates between the data distribution and the target distribution , where all probability mass are assigned on the [MASK] state:
(6) |
is a strictly decreasing function of , with and . It represents the probability for the real data to be masked at time step . By the time , all inputs are masked with probability 1. In practice this schedule is parameterized by , where is a strictly increasing function. Such forward process entails the step transition probabilities , where . Under the hood, this transition means that at each diffusion step, the data will be perturbed to the [MASK] state with a probability of , and remains there until if perturbed.
Similar to numerical features, in the reverse denoising process for categorical ones, the diffusion model aims to progressively unmask each column from the ‘masked’ state. The true posterior distribution conditioned on has the close form of:
(7) |
We introduce the denoising network to estimate , through which we can approximate the unknown true posterior as:
(8) |
which implied that at each reverse step, we have a probability of to recover , and once being recovered, stays fixed for the remainder of the process. Extensive works (Kingma et al., 2021; Shi et al., 2024) have shown that increasing discretization resolution can help approximate tighter evidence lower bound (ELBO). Therefore, we resort to optimizing the likelihood bound under continuous time limit:
(9) |
where is the first order derivative of .
2.3 Training with Adaptively Learnable Noise Schedules
Tabular data is inherently highly heterogeneous of mixed numerical and categorical data types, and mixed feature distributions within each data type. Therefore, unlike pixels that share a similar distribution across three RGB channels and word tokens that share the exact same vocabulary space, each column (feature) of the table has its own specific marginal distributions, which requires the model to amortize its capacity adaptively across different features. We propose to adaptively learn a more fine-grained noise schedule for each feature respectively. To balance the trade-off between the learnable noise schedule’s flexibility and robustness, we design two function families: the power mean numerical schedule and the log-linear categorical schedule.
Power-mean schedule for numerical features. For the numerical noise schedule in Equation 3, we define , with being a learnable parameter for individual numerical features. For , we have as:
(10) |
Log-linear schedule for categorical features. Similarly, for the categorical noise schedule in Section 2.2, we define , with being a learnable parameter for individual categorical features. For , we have as:
(11) |
In practice, we fix the same initial and final noise levels across all numerical features so that and for . We similarly bound the initial and final noise levels for the categorical features, as detailed in Section B.1. This enables us to constrain the freedom of schedules and thus stabilize the training.
Joint objective function. We update parameters and via backpropagation without the need of modifying the loss function. Consolidating and , we have the total loss with two weight terms and as:
|
(12) |
With the forward process defined in Equation 3 and Equation 6, we present the detailed training procedure in Algorithm 1. Here, we sample a continuous time step from a uniform distribution and then perturb numerical and categorical features with their respective noise schedules based on this same time index. Then, we input the concatenated and into the model and take gradient on the joint loss function defined in Equation 12.
2.4 Sampling with Backward Stochastic Sampler
One notable property of the joint sampling process is that the intermediate decoded categorical feature will not be updated anymore during sampling (see Equation 8). However, as tabular data are highly structured with complicated inter-column correlations, we expect the model to correct the error during sampling. To this end, we introduce a novel stochastic sampler by restarting the backward process with an additional forward process at each denoising step. Related work on continuous diffusions Karras et al. (2022); Xu et al. (2023) has shown that incorporating such stochasticity can yield better generation quality. We extend such intuition to both numerical and categorical features in tabular generation. At each sampling step , we first add a small time increment to the current time step to according to a factor , and then perform the intermediate forward sampling between and by joint diffusion process Equations 6 and 3. From the increased-noise sample , we solve the ODE backward for and from to , respectively, with a single update. This framework enables self-correction by randomly perturbing decoded features in the forward step. We summarize the sampling framework in Algorithm 2, and provide the ablation study for the stochastic sampler in Section 4.4. We also provide an illustrative example of the sampling process in Appendix C.
2.5 Classifier-free Guidance Conditional Generation
TabDiff can also be extended as a conditional generative model, which is important in many tasks such as missing value imputation. Let be the collection of provided properties in tabular data, containing both categorical and numerical features, and let denote the missing interest features in this section. Imputation means we want to predict conditioned on . TabDiff can be freely extended to conditional generation by only conducting denoising sampling for , while keeping other given features fixed as .
Previous works on diffusion models (Dhariwal & Nichol, 2021) show that conditional generation quality can be further improved with a guidance classifier/regressor . However, training the guidance classifier becomes challenging when is a high-dimensional discrete object, and existing methods typically handle this by relaxing as continuous (Vignac et al., 2023). Inspired by the classifier-free guidance (CFG) framework (Ho & Salimans, 2022) developed for continuous diffusion, we propose a unified CFG framework that eliminates the need for a classifier and handles mixed-type and effectively. The guided conditional sample distribution is given by , where controls strength of the guidance. Applying Bayes’ Rule, we get
(13) |
We drop for it does no depend on . Taking the logarithm of the probabilities, we obtain,
(14) |
which implies the following changes in the sampling steps. For the numerical features, is replaced by the interpolation of the conditional and unconditional estimates (Ho & Salimans, 2022):
(15) |
And for the categorical features, we instead predict with , satisfying
(16) |
Under the missing value imputation task, our target columns is , and the remaining columns constitute . Implementing CFG becomes very lightweight, as the guided probability utilizes the original unconditional model trained over all table columns as the conditional model and requires only an additional small model for the unconditional probabilities over the missing columns. We provide empirical results for CFG sampling in Section 4.3 and implementation details in Section B.2.
3 Related Work
Recent studies have developed different generative models for tabular data, including VAE-based methods, TVAE (Xu et al., 2019) and GOGGLE (Liu et al., 2023), and GAN (Generative Adversarial Networks)-based methods, CTGAN (Xu et al., 2019) and TabelGAN (Park et al., 2018). These methods usually lack sufficient model expressivity for complicated data distribution. Recently, diffusion models have shown powerful generative ability for diverse data types and thus have been adopted by many tabular generation methods. Kotelnikov et al. (2023); Lee et al. (2023) designed separate discrete-time diffusion processes (Austin et al., 2021) for numerical and categorical features separately. However, they built their diffusion processes on discrete time steps, which have been proven to yield a looser ELBO estimation and thus lead to sub-optimal generation quality (Song et al., 2021; Kingma et al., 2021). To tackle such a problem caused by limited discretization of diffusion processes and push it to a continuous time framework, Zheng & Charoenphakdee (2022); Zhang et al. (2024) transform features into a latent continuous space via various encoding techniques, since advanced diffusion models are mainly designed for continuous random variables with Gaussian perturbation and thus cannot directly handle tabular data. However, it has shown that these solutions either are trapped with sub-optimal performance due to encoding overhead or cannot capture complex co-occurrence patterns of different modalities because of the indirect modeling and low model capacity. Concurrent work Mueller et al. (2024) also proposed feature-wise diffusion schedules, but the model still relies on encoding to continuous latent space with Gaussian diffusion framework. In summary, none of existing methods have explored the powerful mixed-type diffusion framework in the continuous-time limit and explicitly tackle the feature-wise heterogeneity issue in the mixed-type diffusion process.
4 Experiments
We evaluate TabDiff by comparing it to various generative models across multiple datasets and metrics, ranging from data fidelity and privacy to downstream task performance. Furthermore, we conduct ablation studies to investigate the effectiveness of each component of TabDiff, e.g., the learnable noise schedules.
4.1 Experimental Setups
Datasets. We conduct experiments on seven real-world tabular datasets – Adult, Default, Shoppers, Magic, Faults, Beijing, News, and Diabetes – each containing both numerical and categorical attributes. In addition, each dataset has an inherent machine-learning task, either classification or regression. Detailed profiles of the datasets are presented in Section A.1.
Baselines. We compare the proposed TabDiff with eight popular synthetic tabular data generation methods that are categorized into four groups: 1) GAN-based method: CTGAN (Xu et al., 2019); 2) VAE-based methods: TVAE (Xu et al., 2019) and GOGGLE (Liu et al., 2023); 3) Autoregressive Language Model: GReaT (Borisov et al., 2023); 4) Diffusion-based methods: STaSy (Kim et al., 2023), CoDi (Lee et al., 2023), TabDDPM (Kotelnikov et al., 2023) and TabSyn (Zhang et al., 2024).
Evaluation Methods. Following the previous methods (Zhang et al., 2024), we evaluate the quality of the synthetic data using eight distinct metrics categorized into three groups – 1) Fidelity: Shape, Trend, -Precision, -Recall, and Detection assess how well the synthetic data can faithfully recover the ground-truth data distribution; 2) Downstream tasks: Machine learning efficiency and missing value imputation reveal the models’ potential to power downstream tasks; 3) Privacy: The Distance to Closest Records (DCR) score evaluates the level of privacy protection by measuring how closely the synthetic data resembles the training data. We provide a detailed introduction of all these metrics in Section A.2.
Implementation Details. All reported experiment results are the average of 20 random sampled synthetic data generated by the best-validated models. Additional implementation details, such as the hardware/software information as well as hyperparameter settings, are in Appendix D.
4.2 Data Fidelity and Privacy
Shape and Trend. We first evaluate the fidelity of synthetic data using the Shape and Trend metrics. Shape measures the synthetic data’s ability to capture each single column’s marginal density, while Trend assesses its capacity to replicate the correlation between different columns in the real data.
The detailed results for Shape and Trend metrics, measured across each dataset separately, are presented in Tables 1 and 2, respectively. On the Shape metric, TabDiff outperforms all baselines on five out of seven datasets and surpasses the current state-of-the-art method TabSyn by an average of . This demonstrates TabDiff’s superior performance in maintaining the marginal distribution of individual attributes across various datasets. Regarding the Trend metric, TabDiff consistently outperforms all baselines and surpasses TabSyn by . This significant improvement suggests that TabDiff is substantially better at capturing column-column relationships than previous methods. Notably, TabDiff maintains strong performance in Diabetes, a larger, more categorical-heavy dataset, surpassing the most competitive baseline by over on both Shape and Trend. This exceptional performance thus demonstrates our model’s capacity to model datasets with higher dimensionality and discrete features.
Additional Fidelity Metrics. We further evaluate the fidelity metrics across -precision, -recall, and CS2T scores. On average, TabDiff outperforms other methods on all these three metrics. We present the results for these three additional fidelity metrics in Section E.1.
Data Privacy. The ability to protect privacy is another important factor when evaluating synthetic data since we wish the synthetic data to be uniformly sampled from the data distribution manifold rather than being copied (or slightly modified) from each individual real data example. In this section, we use the Distance to Closest Records (DCR) score metric (Zhang et al., 2024), which measures the probability that a synthetic example’s nearest neighbor is from a holdout v.s. the training set.
Due to space limits, the explanations for the additional fidelity metrics and data privacy metrics, along with the corresponding experiments, are deferred to Sections A.2 and E.
4.3 Performance on Downstream Tasks
Method | Adult | Default | Shoppers | Magic | Beijing | News | Diabetes | Average |
CTGAN | ||||||||
TVAE | ||||||||
GOGGLE | ||||||||
GReaT | OOM | OOM | ||||||
STaSy | OOM | |||||||
CoDi | ||||||||
TabDDPM | ||||||||
TabSyn 1 | ||||||||
TabDiff | ||||||||
Improv. |
-
1
TabSyn’s performance is obtained via our reproduction. The results of other baselines except on
Diabetes, are taken from Zhang et al. (2024). The OOM entries are explained in Appendix D.
Method | Adult | Default | Shoppers | Magic | Beijing | News | Diabetes | Average |
CTGAN | ||||||||
TVAE | ||||||||
GOGGLE | ||||||||
GReaT | OOM | OOM | ||||||
STaSy | OOM | |||||||
CoDi | ||||||||
TabDDPM | ||||||||
TabSyn | ||||||||
TabDiff | ||||||||
Improve. |
Methods | Adult | Default | Shoppers | Magic | Beijing | News1 | Diabetes | Average Gap |
AUC | AUC | AUC | AUC | RMSE | RMSE | AUC | ||
Real | ||||||||
CTGAN | ||||||||
TVAE | ||||||||
GOGGLE | ||||||||
GReaT | OOM | OOM | ||||||
STaSy | OOM | |||||||
CoDi | ||||||||
TabDDPM | ||||||||
TabSyn | ||||||||
TabDiff |
Machine Learning Efficiency. A key advantage of high-quality synthetic data is its ability to serve as an anonymized proxy for real datasets and power effective learning on downstream tasks such as classification and regression. We measure the synthetic table’s capacity to support downstream task learning via Machine Learning Efficiency (MLE). Following established protocols (Kim et al., 2023; Lee et al., 2023; Xu et al., 2019), we first split the real dataset into training and test sets, then train the given generative model on the real training set. Subsequently, we sample a synthetic dataset of equal size to the real training set from the models and use it to train an XGBoost Classifier or XGBoost Regressor (Chen & Guestrin, 2016). Finally, we evaluate these machine learning models against the real test set to calculate the AUC score and RMSE for classification and regression tasks, respectively.
According to the MLE results presented in Table 3, TabDiff consistently achieves the best or second-best performance across all datasets, with the highest average performance outperforming the most competitive baseline TabSyn by . This demonstrates our method’s competitive capacity to capture and replicate key features of the real data that are most relevant to learning downstream machine learning tasks. However, while TabDiff shows strong performance on MLE, we observe that methods with varying performance on data fidelity metrics might have very close MLE scores. This suggests that the MLE score evaluated under the current setting may not be a reliable indicator of data quality. Therefore, we complement MLE with additional quality metrics in Appendix E, which better highlights the superior performance of TabDiff.
Methods | Adult | Default | Shoppers | Magic | Beijing | News | Diabetes | Avg. Improv. |
AUC | AUC | AUC | AUC | RMSE | RMSE | AUC | % | |
Predicted by XGBoost | ||||||||
Impute with TabSyn | ||||||||
Impute with TabDiff + CFG | ||||||||
Impute with TabDiff + CFG |
Missing Value Imputation. We further evaluate TabDiff’s conditional generation capacity through the Missing Value Imputation task. Following the approach in Zhang et al. (2024), we treat the inherent classification/regression task of each dataset as an imputation task. Specifically, for each table, we train generative models on the training set to generate the target column while conditioning on the remaining columns. The imputation performance is measured by the model’s accuracy in recovering the target column of the test set. Implementing classifier-free guidance (CFG) for this task is straightforward. We approximate the conditional model using the unconditioned TabDiff trained on all columns from the previous unconditional generation tasks. For the unconditional model, we train TabDiff on the target column with a significantly smaller denoising network. Detailed implementation is provided in Appendix D, and results are presented in Table 4.
As demonstrated, TabDiff achieves higher imputation accuracy than TabSyn on five out of seven datasets, with an average improvement of over the non-generative XGBoost classifier. This indicates TabDiff’s superior capacity for conditional tabular data generation. Moreover, we empirically demonstrate the efficacy of our CFG framework by showing that the model consistently performs better with compared to (which is equivalent to TabDiff without CFG).
4.4 Ablation Studies
Method | Shape | Trend |
TabSyn | ||
TabDiff-Fix.+Det. | ||
TabDiff-Fix.+Sto. | ||
TabDiff-Learn.+Det. | ||
TabDiff-Learn.+Sto. |

Stochastic Sampler. We conduct ablation studies to assess the effectiveness of the stochastic sampler, discussed in Section 2.4. The results are presented in Table 5. We use ‘Det.’ and ‘Sto.’ as abbreviations for deterministic and stochastic samplers. The deterministic sampler refers to the conventional diffusion backward process described in Song et al. (2021); Karras et al. (2022), consisting of a series of deterministic ODE steps. According to Table 5, under both fixed and learnable noise schedules, TabDiff with the stochastic sampler consistently outperforms the deterministic sampler on the fidelity metrics Shape and Trend, regardless of whether learnable noise schedules are enabled. These confirm the efficacy of additional stochasticity in reducing decoding errors during backward diffusion sampling.
Adaptively Learnable Noise Schedule. Next, we perform an ablation study to evaluate the effectiveness of our adaptively learnable noise schedules. We compare the model with learnable schedules against the model with non-learnable noise schedules, where the noise parameters for numerical features are fixed to in Equation 10 and, for numerical features, fixed to in Equation 11. We refer to these models as ‘Learn.’ and ‘Fix.’, respectively. According to the results in Table 5, the learnable noise schedules substantially improve performance, particularly in Trend and regardless of whether the stochastic sampler is enabled. Furthermore, we closely examine the training process of both models on the Adult dataset by plotting their changes of training loss in Figure 2. According to the figure, the learnable schedules (orange curves) significantly reduce both numerical and categorical losses in Equation 12.
4.5 Visualizations of Synthetic Data


We present a comprehensive set of visualizations to compare single-column marginal distributions and pairwise correlations across four models—CoDi, TabDDPM, TabSyn, and our TabDiff—and four distinct datasets: Adult, Beijing, Magic, and Shoppers. In Figure 3, we provide 1-dimensional kernel density estimation (KDE) curves for a chosen numerical feature, alongside histograms for a chosen categorical feature. According to the figures, the density of TabDiff’s samples matches most closely with that of the real data, highlighting TabDiff’s ability to capture the original distribution patterns. Furthermore, in Figure 4, we include correlation heatmaps that show the correlation error rate for each pair of columns. These pictures consistently demonstrate that the TabDiff archives the closest match to real correlation scores, highlighting its superior ability to capture the column-wise correlation of the real data.
5 Conclusion
In this paper, we have introduced TabDiff, a mixed-type diffusion framework for generating high-quality synthetic data. TabDiff combines a hybrid diffusion process to handle numerical and categorical features in their native formats. To address the disparate distributions of features and their interrelationships, we further introduced several key innovations, including learnable column-wise noise schedules and the stochastic sampler. We conducted extensive experiments using a diverse set of datasets and metrics, comprehensively comparing TabDiff with existing approaches. The results demonstrate TabDiff’s superior capacity in learning the original data distribution and generating faithful and diverse synthetic data to power downstream tasks.
Acknowledgment
We gratefully acknowledge the support of NSF under Nos. OAC-1835598 (CINES), CCF-1918940 (Expeditions), DMS-2327709 (IHBEM), IIS-2403318 (III); Stanford Data Applications Initiative, Wu Tsai Neurosciences Institute, Stanford Institute for Human-Centered AI, Chan Zuckerberg Initiative, Amazon, Genentech, GSK, Hitachi, SAP, and UCB. We also gratefully acknowledge the support of ARO (W911NF-21-1-0125), ONR (N00014-23-1-2159), and Chan Zuckerberg Biohub. Minkai Xu thanks the generous support of Sequoia Capital Stanford Graduate Fellowship.
References
- Alaa et al. (2022) Ahmed Alaa, Boris Van Breugel, Evgeny S Saveliev, and Mihaela van der Schaar. How faithful is your synthetic data? sample-level metrics for evaluating and auditing generative models. In International Conference on Machine Learning, pp. 290–306. PMLR, 2022.
- Assefa et al. (2021) Samuel A. Assefa, Danial Dervovic, Mahmoud Mahfouz, Robert E. Tillman, Prashant Reddy, and Manuela Veloso. Generating synthetic data in finance: Opportunities, challenges and pitfalls. In Proceedings of the First ACM International Conference on AI in Finance, ICAIF ’20. Association for Computing Machinery, 2021. ISBN 9781450375849.
- Austin et al. (2021) Jacob Austin, Daniel D Johnson, Jonathan Ho, Daniel Tarlow, and Rianne Van Den Berg. Structured denoising diffusion models in discrete state-spaces. Advances in Neural Information Processing Systems, 34:17981–17993, 2021.
- Borisov et al. (2023) Vadim Borisov, Kathrin Sessler, Tobias Leemann, Martin Pawelczyk, and Gjergji Kasneci. Language models are realistic tabular data generators. In The Eleventh International Conference on Learning Representations, 2023.
- Chawla et al. (2002) Nitesh V Chawla, Kevin W Bowyer, Lawrence O Hall, and W Philip Kegelmeyer. Smote: synthetic minority over-sampling technique. Journal of artificial intelligence research, 16:321–357, 2002.
- Chen & Guestrin (2016) Tianqi Chen and Carlos Guestrin. Xgboost: A scalable tree boosting system. In Proceedings of the 22nd ACM SIGKDD Conference on Knowledge Discovery and Data Mining, pp. 785–794, 2016.
- Dhariwal & Nichol (2021) Prafulla Dhariwal and Alexander Quinn Nichol. Diffusion models beat GANs on image synthesis. In A. Beygelzimer, Y. Dauphin, P. Liang, and J. Wortman Vaughan (eds.), Advances in Neural Information Processing Systems, 2021.
- Fonseca & Bacao (2023) Joao Fonseca and Fernando Bacao. Tabular and latent space synthetic data generation: a literature review. Journal of Big Data, 10(1):115, 2023.
- Hernandez et al. (2022) Mikel Hernandez, Gorka Epelde, Ane Alberdi, Rodrigo Cilla, and Debbie Rankin. Synthetic data generation for tabular health records: A systematic review. Neurocomputing, 493:28–45, 2022.
- Ho & Salimans (2022) Jonathan Ho and Tim Salimans. Classifier-free diffusion guidance. arXiv preprint arXiv:2207.12598, 2022.
- Ho et al. (2020) Jonathan Ho, Ajay Jain, and Pieter Abbeel. Denoising diffusion probabilistic models. In Proceedings of the 34th International Conference on Neural Information Processing Systems, pp. 6840–6851, 2020.
- Karras et al. (2022) Tero Karras, Miika Aittala, Timo Aila, and Samuli Laine. Elucidating the design space of diffusion-based generative models. In Proceedings of the 36th International Conference on Neural Information Processing Systems, pp. 26565–26577, 2022.
- Kim et al. (2022) Jayoung Kim, Chaejeong Lee, Yehjin Shin, Sewon Park, Minjung Kim, Noseong Park, and Jihoon Cho. Sos: Score-based oversampling for tabular data. In Proceedings of the 28th ACM SIGKDD Conference on Knowledge Discovery and Data Mining, pp. 762–772, 2022.
- Kim et al. (2023) Jayoung Kim, Chaejeong Lee, and Noseong Park. Stasy: Score-based tabular data synthesis. In The Eleventh International Conference on Learning Representations, 2023.
- Kingma et al. (2021) Diederik Kingma, Tim Salimans, Ben Poole, and Jonathan Ho. Variational diffusion models. Advances in neural information processing systems, 34:21696–21707, 2021.
- Kotelnikov et al. (2023) Akim Kotelnikov, Dmitry Baranchuk, Ivan Rubachev, and Artem Babenko. Tabddpm: Modelling tabular data with diffusion models. In International Conference on Machine Learning, pp. 17564–17579. PMLR, 2023.
- Lee et al. (2023) Chaejeong Lee, Jayoung Kim, and Noseong Park. Codi: Co-evolving contrastive diffusion models for mixed-type tabular synthesis. In International Conference on Machine Learning, pp. 18940–18956. PMLR, 2023.
- Liu et al. (2023) Tennison Liu, Zhaozhi Qian, Jeroen Berrevoets, and Mihaela van der Schaar. Goggle: Generative modelling for tabular data by learning relational structure. In The Eleventh International Conference on Learning Representations, 2023.
- Mueller et al. (2024) Markus Mueller, Kathrin Gruber, and Dennis Fok. Continuous diffusion for mixed-type tabular data, 2024. URL https://arxiv.org/abs/2312.10431.
- Park et al. (2018) Noseong Park, Mahmoud Mohammadi, Kshitij Gorde, Sushil Jajodia, Hongkyu Park, and Youngmin Kim. Data synthesis based on generative adversarial networks. Proceedings of the VLDB Endowment, 11(10), 2018.
- Rombach et al. (2022) Robin Rombach, Andreas Blattmann, Dominik Lorenz, Patrick Esser, and Björn Ommer. High-resolution image synthesis with latent diffusion models. In Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, pp. 10684–10695, 2022.
- Sahoo et al. (2024) Subham Sekhar Sahoo, Marianne Arriola, Yair Schiff, Aaron Gokaslan, Edgar Marroquin, Justin T Chiu, Alexander Rush, and Volodymyr Kuleshov. Simple and effective masked diffusion language models. arXiv preprint arXiv:2406.07524, 2024.
- Shi et al. (2024) Jiaxin Shi, Kehang Han, Zhe Wang, Arnaud Doucet, and Michalis K Titsias. Simplified and generalized masked diffusion for discrete data. arXiv preprint arXiv:2406.04329, 2024.
- Sohl-Dickstein et al. (2015) Jascha Sohl-Dickstein, Eric Weiss, Niru Maheswaranathan, and Surya Ganguli. Deep unsupervised learning using nonequilibrium thermodynamics. In International conference on machine learning, pp. 2256–2265. PMLR, 2015.
- Song & Ermon (2019) Yang Song and Stefano Ermon. Generative modeling by estimating gradients of the data distribution. Advances in neural information processing systems, 32, 2019.
- Song et al. (2021) Yang Song, Jascha Sohl-Dickstein, Diederik P Kingma, Abhishek Kumar, Stefano Ermon, and Ben Poole. Score-based generative modeling through stochastic differential equations. In The Ninth International Conference on Learning Representations, 2021.
- Vignac et al. (2023) Clement Vignac, Igor Krawczuk, Antoine Siraudin, Bohan Wang, Volkan Cevher, and Pascal Frossard. Digress: Discrete denoising diffusion for graph generation. In The Eleventh International Conference on Learning Representations, 2023.
- Xu et al. (2019) Lei Xu, Maria Skoularidou, Alfredo Cuesta-Infante, and Kalyan Veeramachaneni. Modeling tabular data using conditional gan. In Proceedings of the 33rd International Conference on Neural Information Processing Systems, pp. 7335–7345, 2019.
- Xu et al. (2023) Yilun Xu, Mingyang Deng, Xiang Cheng, Yonglong Tian, Ziming Liu, and Tommi Jaakkola. Restart sampling for improving generative processes. Advances in Neural Information Processing Systems, 36:76806–76838, 2023.
- You et al. (2020) Jiaxuan You, Xiaobai Ma, Yi Ding, Mykel J Kochenderfer, and Jure Leskovec. Handling missing data with graph representation learning. Advances in Neural Information Processing Systems, 33:19075–19087, 2020.
- Zhang et al. (2024) Hengrui Zhang, Jiani Zhang, Zhengyuan Shen, Balasubramaniam Srinivasan, Xiao Qin, Christos Faloutsos, Huzefa Rangwala, and George Karypis. Mixed-type tabular data synthesis with score-based diffusion in latent space. In The Twelfth International Conference on Learning Representations, 2024.
- Zheng & Charoenphakdee (2022) Shuhan Zheng and Nontawat Charoenphakdee. Diffusion models for missing value imputation in tabular data. arXiv preprint arXiv:2210.17128, 2022.
Appendix A Detailed Experiment Setups
A.1 Datasets
We use seven tabular datasets from UCI Machine Learning Repository111https://archive.ics.uci.edu/datasets: Adult, Default, Shoppers, Magic, Beijing, News, and Diabetes, where each tabular dataset is associated with a machine-learning task. Classification: Adult, Default, Magic, Shoppers, and Diabetes. Regression: Beijing and News. The statistics of the datasets are presented in Table 6.
Dataset | # Rows | # Num | # Cat | # Max Cat | # Train | # Validation | # Test | Task |
Adult | Classification | |||||||
Default | Classification | |||||||
Shoppers | Classification | |||||||
Magic | Classification | |||||||
Beijing | Regression | |||||||
News | Regression | |||||||
Diabetes | Classification |
A.2 Metrics
A.2.1 Shape and Trend
Shape and Trend are proposed by SDMetrics222https://docs.sdv.dev/sdmetrics. They are used to measure the column-wise density estimation performance and pair-wise column correlation estimation performance, respectively. Shape uses Kolmogorov-Sirnov Test (KST) for numerical columns and the Total Variation Distance (TVD) for categorical columns to quantify column-wise density estimation. Trend uses Pearson correlation for numerical columns and contingency similarity for categorical columns to quantify pair-wise correlation.
Shape. Kolmogorov-Sirnov Test (KST): Given two (continuous) distributions and ( denotes real and denotes synthetic), KST quantifies the distance between the two distributions using the upper bound of the discrepancy between two corresponding Cumulative Distribution Functions (CDFs):
(17) |
where and are the CDFs of and , respectively:
(18) |
Total Variation Distance: TVD computes the frequency of each category value and expresses it as a probability. Then, the TVD score is the average difference between the probabilities of the categories:
(19) |
where describes all possible categories in a column . and denotes the real and synthetic frequencies of these categories.
Trend. Pearson Correlation Coefficient: The Pearson correlation coefficient measures whether two continuous distributions are linearly correlated and is computed as:
(20) |
where and are two continuous columns. Cov is the covariance, and is the standard deviation.
Then, the performance of correlation estimation is measured by the average differences between the real data’s correlations and the synthetic data’s corrections:
(21) |
where and denotes the Pearson correlation coefficient between column and column of the real data and synthetic data, respectively. As , the average score is divided by to ensure that it falls in the range of , then the smaller the score, the better the estimation.
Contingency similarity: For a pair of categorical columns and , the contingency similarity score computes the difference between the contingency tables using the Total Variation Distance. The process is summarized by the formula below:
(22) |
where and describe all the possible categories in column and column , respectively. and are the joint frequency of and in the real data and synthetic data, respectively.
A.2.2 -Precision and -Recall
Following Liu et al. (2023) and Alaa et al. (2022), we adopt the -Precision and -Recall proposed in Alaa et al. (2022), two sample-level metric quantifying how faithful the synthetic data is. In general, -Precision evaluates the fidelity of synthetic data – whether each synthetic example comes from the real-data distribution, -Recall evaluates the coverage of the synthetic data, e.g., whether the synthetic data can cover the entire distribution of the real data (In other words, whether a real data sample is close to the synthetic data.)
A.2.3 Detection
The detection measures the difficulty of detecting the synthetic data from the real data when they are mixed. We use the classifer-two-sample-test (C2ST) implemented by SDMetrics, where a logistic regression model plays the role of a detector.
A.2.4 Machine Learning Efficiency
In MLE, each dataset is first split into the real training and testing set. The generative models are learned on the real training set. After training, a synthetic set of equivalent size is sampled.
The performance of synthetic data on MLE tasks is evaluated based on the divergence of test scores using the real and synthetic training data. Therefore, we first train the machine learning model on the real training set, split into training and validation sets with a ratio. The classifier/regressor is trained on the training set, and the optimal hyperparameter setting is selected according to the performance on the validation set. After the optimal hyperparameter setting is obtained, the corresponding classifier/regressor is retrained on the training set and evaluated on the real testing set. The performance of synthetic data is obtained in the same way.
Appendix B Method Details
B.1 Adaptively Learnable Noise Schedules
For numerical stability, we need to bound and within . As shown in Equation 10, our formulation of the power-mean noise schedule boundaries the noise level in between and . To make sure that the noise level for numerical features is also bounded, we linearly map to the interval , thus recasting Equation 11 into
(23) |
B.2 Classifier-free Guidance
In this section, we elaborate on how to implement our classifier-free guided conditional generation.
Simple way to compute . We first show that, under our simple masked diffusion framework, the guided posterior probability for categorical columns, can be simply computed by directly interpolating the model’s raw estimates of , i.e., and .
If is already unmasked (i.e., ), we remain at the current state as before. Otherwise, we compute the posterior according to Equation 16. Note that all operations below are performed element-wise.
Since and must have zero probability mass in each other’s dimension that can have a positive mass, the exponent of summations into the summation of exponents:
By the same property, we can perform division for and separately:
Therefore, we can formulate as
where can be simply computed as the interpolation of and :
Appendix C Detailed Illustrations of Training and Sampling Processes
Training details. Algorithm 1 outlines the training procedure for our hybrid diffusion model that jointly processes numerical and categorical variables. At each training iteration, we begin by sampling an initial data point from the training data distribution and a timestep uniformly from . Then, we perform the forward diffusion step.Each numerical feature is perturbed with a Gaussian noise whose intensity is determined by the ; each categorical feature flipped into the mask token with probability (i.e., eq. 6). The noised numerical and categorical components are concatenated together to form a noisy version of the table row. Lastly, we compute the training objective and perform gradient descent on the model parameters , , and .
Sampling details. Here, we present a vivid visual example in Figure 5 to illustrate the backward sampling process described in Algorithm 2. Our example demonstrates generating a table with two numerical columns (movie duration and IMDB rating) and two categorical columns (genre and awards status). Each row represents an independent sample.
First, at (the first frame), the numerical features are initialized with Gaussian noise, and all categorical components are masked. The algorithm then iterates backward through time steps from to .
At each timestep , we first perform the forward stochastic perturbation step (the yellow section of Algorithm 2), the core of our stochastic sampler. All features are first perturbed forward to , a slightly noisier state, following the same process as the forward step during training. While this step is not explicitly depicted in our visualization in Figure 5, it implies that, for instance, during the transition at the third frame, the unmasked “None” entry could be stochastically flipped back to the [MASK] state. This would then allow the model to re-predict the value, potentially yielding a different result (e.g “Won”) than “None” in the subsequent frame.
After the stochastic perturbation, we perform the denoising/unmasking step (the blue section of Algorithm 2). For numerical features, we denoise to by solving an ODE The update delta is determined by the normalized difference, , between the current state and the model’s prediction, scaled by the decrease in noise levels. For categorical variables, we perform the unmasking step. Intuitively, if the column is already unmasked, we stay in the current state. This is demonstrated in Figure 5, where the “None” entry persists once it has been flipped. If it is still masked, we flip the mask token to some valid value of that column with a certain probability () that increases as sampling proceeds. We choose which unmasked token to move to based on the model’s predicted probability over all possible categories of the column.

Appendix D Implementation Details
We perform our experiment on an Nvidia RTX A4000 GPU with 16G memory and implement TabDiff with PyTorch.
Data preprocessing. The raw tabular datasets usually contain missing entries. Thus in the first phase of preprocessing, we make up these missing values in the same way as existing works (Kotelnikov et al., 2023; Zhang et al., 2024), with numerical missing values being replaced by the column average and categorical missing values being treated as a new category. Moreover, the diverse range of numerical features typically leads to more difficult and unstable training. To counter this, we then transform the numerical values with the QuantileTransformer333https://scikit-learn.org/stable/modules/generated/sklearn.preprocessing.QuantileTransformer.html, and recover the original values using its inverse during sampling.
Data splits. For datasets other than Diabetes, we follow the exact same split as Zhang et al. (2024). Each dataset is split into the “real” and “test” sets. For the unconditional generation task on which data fidelity and the imputation task, the models are trained on the “real” set and evaluated on the “real” set. For the MLE task, the “real” set is further split into a training and validation set, and the “test” set is used for testing. Finally, for the data privacy measure DCR, the original dataset is equally split into two halves, with one being treated as the training set and the other as the holdout set.
For Diabetes, we split it into train, validation, and test sets with a ratio of 0.6/0.2/0.2. For the MLE task. The training and test sets are regarded as the “real” and “test” sets for the unconditional generation and imputation tasks. For DCR, we apply an equal split.
Architecture of the denoising network. In our implementation, we project each column individually to a dimensional vector using a linear layer, ensuring that all columns are treated with the same importance. We set the embedding size as 4, matching the size used in Zhang et al. (2024). We then process these projected vectors with a two-layer transformer, appending positional encodings at the end. The transformed vectors are then concatenated and passed through a five-layer MLP conditioned on the time embedding. Finally, the output is obtained by sequentially applying another transformer followed by a projection layer that recovers the original dimensions. Our denoising network has a comparable number of parameters as those experimented in TabDDPM (Kotelnikov et al., 2023) and TabSyn (Zhang et al., 2024), as our shared MLP model accounts for most of the parameters.
Hyperparameters Setting. TabDiff employs the same hyperparameter setting for all datasets. We train our models for 8000 epochs with the Adam optimizer. The training and sampling batch sizes are set to 4,096 and 10,000, respectively. Regarding the hyperparameters in TabDiff, the values and are set to and , referencing the optimal setting in Karras et al. (2022), and are set to . For the loss weightings, we fix to 1.0 and linear decay from to as training proceeds.
During inference, we select the checkpoint with the lowest training loss. We observe that our model achieves the superior performance reported paper with as few as 50 discretization steps ().
Details on OOMs in experiment result tables:
-
1.
GOOGLE set fixed random seed during sampling in the official codes, and we follow it for consistency.
-
2.
GReaT cannot be applied on News for maximum length limit.
-
3.
STaSy runs out of memory on Diabetes that has hight cardinality categorical columns
-
4.
TabDDPM cannot produce meaningful content on the News and Diabetes datasets.
Imputation. As mentioned in Section 4.3, we obtain the unconditional model of the target column by training TabDiff on it with a smaller denoising network. For this network, we keep the same architecture but reduce the number of MLP layers to one.
Appendix E Detailed Experiments Results
In the following sections, we discuss the result on -precision, -recall, detection score (C2ST), and DCR in detail.
E.1 Additional Fidelity Metrics
-precision. We first evaluate TabDiff on -Precision score, a metric that measures the quality of synthetic data. Higher scores indicate the synthetic data is more faithful to the real. We present the results across all seven datasets in Table 7. TabDiff achieves the best or second-best performance on all datasets. Specifically, TabDiff ranks first with an average -Precision score of 98.22, surpassing all other baseline methods.
-recall. Next, we compare TabDiff to the baselines on the -Recall scores, which evaluates the extent to which synthetic data covers the real data distribution. The results are presented in Table 8, with a higher score reflecting a more comprehensive coverage of the real data’s feature space. TabDiff consistently outperforms or matches the top-performing baselines, achieving the highest average -Recall score of 49.40. This indicates that the generated data spans a broad range of the real distribution. Though some baseline methods attained higher scores on specific datasets, they fail to demonstrate competitive performance on -Precision, as models have to trade off fine-grained details in order to capture a broader range of features.
Overall, TabDiff maintains a balance between broad data coverage and preserving fine-grained details. This balance highlights TabDiff ’s capability in generating synthetic data that faithfully captures both the breadth and depth of the original data distribution.
Detection Score (C2ST). Lastly, we assess the fidelity of synthetic data by using the C2ST test, which evaluates how difficult it is to distinguish the synthetic data from the real data. The results are shown in Table 9, where a higher score indicates better fidelity. TabDiff achieves the best performance on five of seven datasets, outperforming the most competitive baseline model by on average. Notably, TabDiff excels on Diabetes, which contains many numerous high-cardinality categorical features (as indicated by # Max Cat in Table 6), showcasing its ability to generate high-quality categorical data. These results, therefore, demonstrate TabDiff’s capacity to generate synthetic data that closely resembles the real data.
Methods | Adult | Default | Shoppers | Magic | Beijing | News | Diabetes | Average | Ranking |
CTGAN | |||||||||
TVAE | |||||||||
GOGGLE | |||||||||
GReaT | OOM | OOM | |||||||
STaSy | OOM | ||||||||
CoDi | |||||||||
TabDDPM | |||||||||
TabSyn | |||||||||
TabDiff |
Methods | Adult | Default | Shoppers | Magic | Beijing | News | Diabetes | Average | Ranking |
CTGAN | |||||||||
TVAE | |||||||||
GOGGLE | |||||||||
GReaT | OOM | OOM | |||||||
STaSy | OOM | ||||||||
CoDi | |||||||||
TabDDPM | |||||||||
TabSyn | |||||||||
TabDiff |
Method | Adult | Default | Shoppers | Magic | Beijing | News | Diabetes | Average |
CTGAN | ||||||||
TVAE | ||||||||
GOGGLE | ||||||||
GReaT | OOM | OOM | ||||||
STaSy | OOM | |||||||
CoDi | ||||||||
TabDDPM | ||||||||
TabSyn | ||||||||
TabDiff | ||||||||
Improv. |
E.2 Data Privacy.
Table 10 shows the DCR scores across all datasets. The DCR score represents the probability that a generated data sample is more similar to the training set than to the test set, with a score closer to 50% being ideal, as it indicates a balance between the similarity to training and test distributions. Across the datasets, TabDiff consistently achieves DCR scores near 50%, highlighting its ability to generalize well while maintaining fidelity to the original data distribution.
Method | Adult | Default | Shoppers | Beijing | News | Diabetes |
STaSy | % | % | % | % | % | OOM |
CoDi | % | % | % | % | % | % |
TabDDPM | % | % | % | % | % | % |
TabSyn | % | % | % | % | % | % |
TabDiff | % | % | % | % | % | % |
Appendix F Study of Model Efficiency and Robustness
In this section, we present a thorough analysis of TabDDPM’s efficiency and robustness. For efficiency, we compare the training and sampling speed of TabDiff against other competitive baseline methods (TabDDPM, TabSyn) using four different metrics. For robustness, we first explore the tradeoff between discretization steps (i.e., efficiency) and sample quality in diffusion-based models. We then dig into detailed error rates Shape and Trend to see whether models are biased towards learning some particular columns of datasets. Lastly, we discussed the robustness issues we found with the competitive baseline. We use the representative Adult dataset, which contains a balanced number of numerical and categorical columns, throughout the experiment. Our results show that, among the competitive methods, TabDiff is not only the most effective but also the most robust and highly efficient. Below, we present a detailed analysis.
F.1 Efficiency
Training Time. We first measure the training time of each method. The epoch lengths are set to the default configuration of each method, and the validation frequencies are set to the same value of once every 200 epochs. Our measurements are presented in the first column of the Table 11, with the entry of TabSyn being split into – VAE training time + Diffusion training time.
We see that all three methods take a comparable time to complete one training run, with TabSyn being faster than TabDiff and TabDiff being faster than TabDDPM. The current gap between TabDiff and TabSyn is likely due to TabDiff ’s slightly deeper network architecture compared to TabSyn. We believe that the architecture of TabDiff can be further optimized to improve efficiency, and we leave this as future work.
Nevertheless, it is also important to consider model robustness when assessing efficiency. As highlighted in Section F.2, the training process for TabSyn is notably unstable due to the difficulty in training VAEs, often requiring you to retrain many times in order to produce a model capable of generating samples comparable in quality to TabDiff. On the other hand, TabDDPM fails to scale to more complicated datasets as shown by its poor performance on News and Diabetes. Thus, when taking into account training robustness, TabDiff is the most robust and efficient model among all competitive methods.
Training Convergence. Next, we assess training convergence by evaluating the quality of samples generated from intermediate checkpoints during the training process. Figure 6 plots our result. The curves show that TabDiff converges faster than the other methods, as TabDiff produces more high-quality samples when shown to the datasets for the same number of times (i.e., at a same epoch).
Number of Function Evaluation (NFE). For sampling, we first theoretically analyze the number of network calls involved in a single diffusion step (i.e. the denoising step from to )) for each method. The numbers are shown in the third column of Table 11. TabDiff and TabSyn involve an extra network call because TabDiff employs the second-order correction trick introduced in Karras et al. (2022).
Sampling Time. We empirically measure the time to generate the same number of samples as the test set (32561 samples for Adult). The numbers are presented in the second column of Table 11. According to them, TabDiff and TabSyn samples faster than TabDDPM. This result is expected, as both TabDiff and TabSyn, by default, use 20 times fewer sampling steps than TabDDPM, while making twice as many network calls per step compared to TabDDPM. TabDiff ’s slightly longer sampling time is also attributed to the evaluation of its deeper network. We believe this can be optimized in future work.
Method | Train.T (min) | Sample.T (sec) | NFE |
TabDDPM | |||
TabSyn | |||
TabDiff |

F.2 Robustness
Controling quality-efficiency tradeoff through discretization steps. One advantage of continuous-time diffusion models (which currently include TabDiff and TabSyn) is the ability to sample with arbitrary discretization steps, allowing them to flexibly tradeoff sample quality with sample efficiency. We conduct an experiment that compares how TabDiff and TabSyn perform when sampled with different discretization steps. The results and their visualizations are presented in Table 12 and Figure 7.
Our results show that TabDiff consistently achieves higher sample quality across all levels of discretization steps. Notably, when the number of steps is reduced to just 5 (requiring only one second for sampling), TabSyn fails to generate meaningful content, as indicated by an error rate approaching . In contrast, TabDiff continues to produce valid and coherent content even under these highly constrained conditions.
TabSyn | TabDiff | |||
Steps | Shape | Trend | Shape | Trend |
5 | ||||
10 | ||||
25 | ||||
50 | ||||
100 |

Evaluting column-wise learning bias To address what it means by “optimal allocation of model capacity across heterogeneous features,” we analyze how generation quality varies between different features. The Shape and Trend errors presented in Table 5 are averaged over all columns and columns pars. Now, using the representative Adult dataset, we visualize the errors at each column and column pair in Figures 8 and 9, along with the normalized standard deviations in Table 13 to quantitatively measure the variations of errors. All results show that TabDiff with learnable schedules not only achieves lower average error but also exhibits more consistent errors across columns. This balance indicates that learnable schedules help the model balance its capacity on different dimensions of the data, improving the model’s ability to handle heterogeneous distributions.
Method | Shape | Trend | Shape Std. | Trend Std. |
TabSyn | ||||
TabDiff-Fixed | ||||
TabDiff-Learn. |


Robustness issues of baselines. We identify several robustness issues with the competitive baseline methods. Specifically, TabDDPM struggles to scale to larger datasets, and TabSyn ’s performance is highly dependent on the training quality of VAEs, which can vary significantly across different runs.
TabDDPM: As shown by the results in Tables 1 and 2, TabDDPM achieves poor performance on larger datasets like News and Diabetes. This is because it failed to generate meaningful samples, as we can see in Figure 11 that the numerical columns of TabDDPM’s Diabetes samples all collapsed to the minimal and maximal values of the domains. After examining the training logs, we discovered that this poor generation performance might be due to the explosion of training loss, as shown in Figure 10.
TabSyn: TabSyn is another competitive tabular generation model whose performance, to our best knowledge, is closest to TabDiff. However, this method has a limitation: as mentioned in Zhang et al. (2024), the quality of the VAE has a significant impact on TabSyn ’s performance, as it’s the only component that recovers the original data shape. When reproducing TabSyn’s result, we observed that across different training runs, the sample quality varies significantly. For poorly performing runs, we attempted to retrain the diffusion model and even increased the number of training epochs, but these efforts did not improve the results. This confirms that the issue lies with the VAE.
To further illustrate this, we present the results of Shape and Trend that are averaged across 10 random training runs in Table 14 (Note: in the paper, we follow the convention of previous works and reported results based on 20 different runs of the same checkpoint, and we put the result of the best reproduction run for TabSyn). These additional results demonstrate that TabDiff achieves significantly more consistent performance across different training runs, as shown by the smaller average and standard deviation.
Method | Adult | Default | Beijing |
TabSyn (Shape) | |||
TabSyn (Trend) | |||
TabDiff (Shape) | |||
TabDiff (Trend) |

