Machine Learning Techniques to Construct Patched Analog Ensembles for
  Data Assimilation
        - URL: http://arxiv.org/abs/2103.00318v1
- Date: Sat, 27 Feb 2021 20:47:27 GMT
- Title: Machine Learning Techniques to Construct Patched Analog Ensembles for
  Data Assimilation
- Authors: Lucia Minah Yang and Ian Grooms
- Abstract summary: We study general and variational autoencoders for the machine learning component of cAnEnOI.
We propose using patching schemes to divide the global spatial domain into digestible chunks.
Testing this new algorithm on a 1D toy model, we find that larger patch sizes make it harder to train an accurate generative model.
- Score: 0.0
- License: http://arxiv.org/licenses/nonexclusive-distrib/1.0/
- Abstract:   Using generative models from the machine learning literature to create
artificial ensemble members for use within data assimilation schemes has been
introduced in [Grooms QJRMS, 2020] as constructed analog ensemble optimal
interpolation (cAnEnOI). Specifically, we study general and variational
autoencoders for the machine learning component of this method, and combine the
ideas of constructed analogs and ensemble optimal interpolation in the data
assimilation piece. To extend the scalability of cAnEnOI for use in data
assimilation on complex dynamical models, we propose using patching schemes to
divide the global spatial domain into digestible chunks. Using patches makes
training the generative models possible and has the added benefit of being able
to exploit parallelism during the generative step. Testing this new algorithm
on a 1D toy model, we find that larger patch sizes make it harder to train an
accurate generative model (i.e. a model whose reconstruction error is small),
while conversely the data assimilation performance improves at larger patch
sizes. There is thus a sweet spot where the patch size is large enough to
enable good data assimilation performance, but not so large that it becomes
difficult to train an accurate generative model. In our tests the new patched
cAnEnOI method outperforms the original (unpatched) cAnEnOI, as well as the
ensemble square root filter results from [Grooms QJRMS, 2020].
 
      
        Related papers
        - Exploring Training and Inference Scaling Laws in Generative Retrieval [50.82554729023865]
 Generative retrieval reformulates retrieval as an autoregressive generation task, where large language models generate target documents directly from a query.<n>We systematically investigate training and inference scaling laws in generative retrieval, exploring how model size, training data scale, and inference-time compute jointly influence performance.
 arXiv  Detail & Related papers  (2025-03-24T17:59:03Z)
- OmniBal: Towards Fast Instruct-tuning for Vision-Language Models via   Omniverse Computation Balance [65.48009829137824]
 Large-scale 3D parallel training on vision-language instruct-tuning models leads to an imbalanced computation load across different devices.
We rebalanced the computational loads from data, model, and memory perspectives to address this issue.
Our method's efficacy and generalizability were further demonstrated across various models and datasets.
 arXiv  Detail & Related papers  (2024-07-30T12:02:58Z)
- Let's Synthesize Step by Step: Iterative Dataset Synthesis with Large
  Language Models by Extrapolating Errors from Small Models [69.76066070227452]
 *Data Synthesis* is a promising way to train a small model with very little labeled data.
We propose *Synthesis Step by Step* (**S3**), a data synthesis framework that shrinks this distribution gap.
Our approach improves the performance of a small model by reducing the gap between the synthetic dataset and the real data.
 arXiv  Detail & Related papers  (2023-10-20T17:14:25Z)
- CORE: Common Random Reconstruction for Distributed Optimization with
  Provable Low Communication Complexity [110.50364486645852]
 Communication complexity has become a major bottleneck for speeding up training and scaling up machine numbers.
We propose Common Om REOm, which can be used to compress information transmitted between machines.
 arXiv  Detail & Related papers  (2023-09-23T08:45:27Z)
- Improved Distribution Matching for Dataset Condensation [91.55972945798531]
 We propose a novel dataset condensation method based on distribution matching.
Our simple yet effective method outperforms most previous optimization-oriented methods with much fewer computational resources.
 arXiv  Detail & Related papers  (2023-07-19T04:07:33Z)
- Synthetic data, real errors: how (not) to publish and use synthetic data [86.65594304109567]
 We show how the generative process affects the downstream ML task.
We introduce Deep Generative Ensemble (DGE) to approximate the posterior distribution over the generative process model parameters.
 arXiv  Detail & Related papers  (2023-05-16T07:30:29Z)
- Flag Aggregator: Scalable Distributed Training under Failures and
  Augmented Losses using Convex Optimization [14.732408788010313]
 ML applications increasingly rely on complex deep learning models and large datasets.
To scale computation and data, these models are inevitably trained in a distributed manner in clusters of nodes, and their updates are aggregated before being applied to the model.
With data augmentation added to these settings, there is a critical need for robust and efficient aggregation systems.
We show that our approach significantly enhances the robustness of state-of-the-art Byzantine resilient aggregators.
 arXiv  Detail & Related papers  (2023-02-12T06:38:30Z)
- An Information-Theoretic Analysis of Compute-Optimal Neural Scaling Laws [24.356906682593532]
 We study the compute-optimal trade-off between model and training data set sizes for large neural networks.
Our result suggests a linear relation similar to that supported by the empirical analysis of chinchilla.
 arXiv  Detail & Related papers  (2022-12-02T18:46:41Z)
- Learning from aggregated data with a maximum entropy model [73.63512438583375]
 We show how a new model, similar to a logistic regression, may be learned from aggregated data only by approximating the unobserved feature distribution with a maximum entropy hypothesis.
We present empirical evidence on several public datasets that the model learned this way can achieve performances comparable to those of a logistic model trained with the full unaggregated data.
 arXiv  Detail & Related papers  (2022-10-05T09:17:27Z)
- RealPatch: A Statistical Matching Framework for Model Patching with Real
  Samples [6.245453620070586]
 RealPatch is a framework for simpler, faster, and more data-efficient data augmentation based on statistical matching.
We show that RealPatch can successfully eliminate dataset leakage while reducing model leakage and maintaining high utility.
 arXiv  Detail & Related papers  (2022-08-03T16:22:30Z)
- A Hybrid Framework for Sequential Data Prediction with End-to-End
  Optimization [0.0]
 We investigate nonlinear prediction in an online setting and introduce a hybrid model that effectively mitigates hand-designed features and manual model selection issues.
We employ a recurrent neural network (LSTM) for adaptive feature extraction from sequential data and a gradient boosting machinery (soft GBDT) for effective supervised regression.
We demonstrate the learning behavior of our algorithm on synthetic data and the significant performance improvements over the conventional methods over various real life datasets.
 arXiv  Detail & Related papers  (2022-03-25T17:13:08Z)
- Reproducible, incremental representation learning with Rosetta VAE [0.0]
 Variational autoencoders are among the most popular methods for distilling low-dimensional structure from high-dimensional data.
We introduce the Rosetta VAE, a method of distilling previously learned representations and retraining new models to reproduce and build on prior results.
We demonstrate that the R-VAE reconstructs data as well as the VAE and $beta$-VAE, outperforms both methods in recovery of a target latent space in a sequential training setting.
 arXiv  Detail & Related papers  (2022-01-13T20:45:35Z)
- DecAug: Augmenting HOI Detection via Decomposition [54.65572599920679]
 Current algorithms suffer from insufficient training samples and category imbalance within datasets.
We propose an efficient and effective data augmentation method called DecAug for HOI detection.
 Experiments show that our method brings up to 3.3 mAP and 1.6 mAP improvements on V-COCO and HICODET dataset.
 arXiv  Detail & Related papers  (2020-10-02T13:59:05Z)
This list is automatically generated from the titles and abstracts of the papers in this site.
       
     
           This site does not guarantee the quality of this site (including all information) and is not responsible for any consequences.