-
Enhancing Rating-Based Reinforcement Learning to Effectively Leverage Feedback from Large Vision-Language Models
Authors:
Tung Minh Luu,
Younghwan Lee,
Donghoon Lee,
Sunho Kim,
Min Jun Kim,
Chang D. Yoo
Abstract:
Designing effective reward functions remains a fundamental challenge in reinforcement learning (RL), as it often requires extensive human effort and domain expertise. While RL from human feedback has been successful in aligning agents with human intent, acquiring high-quality feedback is costly and labor-intensive, limiting its scalability. Recent advancements in foundation models present a promis…
▽ More
Designing effective reward functions remains a fundamental challenge in reinforcement learning (RL), as it often requires extensive human effort and domain expertise. While RL from human feedback has been successful in aligning agents with human intent, acquiring high-quality feedback is costly and labor-intensive, limiting its scalability. Recent advancements in foundation models present a promising alternative--leveraging AI-generated feedback to reduce reliance on human supervision in reward learning. Building on this paradigm, we introduce ERL-VLM, an enhanced rating-based RL method that effectively learns reward functions from AI feedback. Unlike prior methods that rely on pairwise comparisons, ERL-VLM queries large vision-language models (VLMs) for absolute ratings of individual trajectories, enabling more expressive feedback and improved sample efficiency. Additionally, we propose key enhancements to rating-based RL, addressing instability issues caused by data imbalance and noisy labels. Through extensive experiments across both low-level and high-level control tasks, we demonstrate that ERL-VLM significantly outperforms existing VLM-based reward generation methods. Our results demonstrate the potential of AI feedback for scaling RL with minimal human intervention, paving the way for more autonomous and efficient reward learning.
△ Less
Submitted 15 June, 2025;
originally announced June 2025.
-
BugGen: A Self-Correcting Multi-Agent LLM Pipeline for Realistic RTL Bug Synthesis
Authors:
Surya Jasper,
Minh Luu,
Evan Pan,
Aakash Tyagi,
Michael Quinn,
Jiang Hu,
David Kebo Houngninou
Abstract:
Hardware complexity continues to strain verification resources, motivating the adoption of machine learning (ML) methods to improve debug efficiency. However, ML-assisted debugging critically depends on diverse and scalable bug datasets, which existing manual or automated bug insertion methods fail to reliably produce. We introduce BugGen, a first of its kind, fully autonomous, multi-agent pipelin…
▽ More
Hardware complexity continues to strain verification resources, motivating the adoption of machine learning (ML) methods to improve debug efficiency. However, ML-assisted debugging critically depends on diverse and scalable bug datasets, which existing manual or automated bug insertion methods fail to reliably produce. We introduce BugGen, a first of its kind, fully autonomous, multi-agent pipeline leveraging Large Language Models (LLMs) to systematically generate, insert, and validate realistic functional bugs in RTL. BugGen partitions modules, selects mutation targets via a closed-loop agentic architecture, and employs iterative refinement and rollback mechanisms to ensure syntactic correctness and functional detectability. Evaluated across five OpenTitan IP blocks, BugGen produced 500 unique bugs with 94% functional accuracy and achieved a throughput of 17.7 validated bugs per hour-over five times faster than typical manual expert insertion. Additionally, BugGen identified 104 previously undetected bugs in OpenTitan regressions, highlighting its utility in exposing verification coverage gaps. Compared against Certitude, BugGen demonstrated over twice the syntactic accuracy, deeper exposure of testbench blind spots, and more functionally meaningful and complex bug scenarios. Furthermore, when these BugGen-generated datasets were employed to train ML-based failure triage models, we achieved high classification accuracy (88.1%-93.2%) across different IP blocks, confirming the practical utility and realism of generated bugs. BugGen thus provides a scalable solution for generating high-quality bug datasets, significantly enhancing verification efficiency and ML-assisted debugging.
△ Less
Submitted 12 June, 2025;
originally announced June 2025.
-
VCDiag: Classifying Erroneous Waveforms for Failure Triage Acceleration
Authors:
Minh Luu,
Surya Jasper,
Khoi Le,
Evan Pan,
Michael Quinn,
Aakash Tyagi,
Jiang Hu
Abstract:
Failure triage in design functional verification is critical but time-intensive, relying on manual specification reviews, log inspections, and waveform analyses. While machine learning (ML) has improved areas like stimulus generation and coverage closure, its application to RTL-level simulation failure triage, particularly for large designs, remains limited. VCDiag offers an efficient, adaptable a…
▽ More
Failure triage in design functional verification is critical but time-intensive, relying on manual specification reviews, log inspections, and waveform analyses. While machine learning (ML) has improved areas like stimulus generation and coverage closure, its application to RTL-level simulation failure triage, particularly for large designs, remains limited. VCDiag offers an efficient, adaptable approach using VCD data to classify failing waveforms and pinpoint likely failure locations. In the largest experiment, VCDiag achieves over 94% accuracy in identifying the top three most likely modules. The framework introduces a novel signal selection and statistical compression approach, achieving over 120x reduction in raw data size while preserving features essential for classification. It can also be integrated into diverse Verilog/SystemVerilog designs and testbenches.
△ Less
Submitted 4 June, 2025;
originally announced June 2025.
-
Synthetic Generation and Latent Projection Denoising of Rim Lesions in Multiple Sclerosis
Authors:
Alexandra G. Roberts,
Ha M. Luu,
Mert Şişman,
Alexey V. Dimov,
Ceren Tozlu,
Ilhami Kovanlikaya,
Susan A. Gauthier,
Thanh D. Nguyen,
Yi Wang
Abstract:
Quantitative susceptibility maps from magnetic resonance images can provide both prognostic and diagnostic information in multiple sclerosis, a neurodegenerative disease characterized by the formation of lesions in white matter brain tissue. In particular, susceptibility maps provide adequate contrast to distinguish between "rim" lesions, surrounded by deposited paramagnetic iron, and "non-rim" le…
▽ More
Quantitative susceptibility maps from magnetic resonance images can provide both prognostic and diagnostic information in multiple sclerosis, a neurodegenerative disease characterized by the formation of lesions in white matter brain tissue. In particular, susceptibility maps provide adequate contrast to distinguish between "rim" lesions, surrounded by deposited paramagnetic iron, and "non-rim" lesion types. These paramagnetic rim lesions (PRLs) are an emerging biomarker in multiple sclerosis. Much effort has been devoted to both detection and segmentation of such lesions to monitor longitudinal change. As paramagnetic rim lesions are rare, addressing this problem requires confronting the class imbalance between rim and non-rim lesions. We produce synthetic quantitative susceptibility maps of paramagnetic rim lesions and show that inclusion of such synthetic data improves classifier performance and provide a multi-channel extension to generate accompanying contrasts and probabilistic segmentation maps. We exploit the projection capability of our trained generative network to demonstrate a novel denoising approach that allows us to train on ambiguous rim cases and substantially increase the minority class. We show that both synthetic lesion synthesis and our proposed rim lesion label denoising method best approximate the unseen rim lesion distribution and improve detection in a clinically interpretable manner. We release our code and generated data at https://github.com/agr78/PRLx-GAN upon publication.
△ Less
Submitted 29 May, 2025;
originally announced May 2025.
-
Sample Efficient Reinforcement Learning via Large Vision Language Model Distillation
Authors:
Donghoon Lee,
Tung M. Luu,
Younghwan Lee,
Chang D. Yoo
Abstract:
Recent research highlights the potential of multimodal foundation models in tackling complex decision-making challenges. However, their large parameters make real-world deployment resource-intensive and often impractical for constrained systems. Reinforcement learning (RL) shows promise for task-specific agents but suffers from high sample complexity, limiting practical applications. To address th…
▽ More
Recent research highlights the potential of multimodal foundation models in tackling complex decision-making challenges. However, their large parameters make real-world deployment resource-intensive and often impractical for constrained systems. Reinforcement learning (RL) shows promise for task-specific agents but suffers from high sample complexity, limiting practical applications. To address these challenges, we introduce LVLM to Policy (LVLM2P), a novel framework that distills knowledge from large vision-language models (LVLM) into more efficient RL agents. Our approach leverages the LVLM as a teacher, providing instructional actions based on trajectories collected by the RL agent, which helps reduce less meaningful exploration in the early stages of learning, thereby significantly accelerating the agent's learning progress. Additionally, by leveraging the LVLM to suggest actions directly from visual observations, we eliminate the need for manual textual descriptors of the environment, enhancing applicability across diverse tasks. Experiments show that LVLM2P significantly enhances the sample efficiency of baseline RL algorithms.
△ Less
Submitted 16 May, 2025;
originally announced May 2025.
-
Reward Generation via Large Vision-Language Model in Offline Reinforcement Learning
Authors:
Younghwan Lee,
Tung M. Luu,
Donghoon Lee,
Chang D. Yoo
Abstract:
In offline reinforcement learning (RL), learning from fixed datasets presents a promising solution for domains where real-time interaction with the environment is expensive or risky. However, designing dense reward signals for offline dataset requires significant human effort and domain expertise. Reinforcement learning with human feedback (RLHF) has emerged as an alternative, but it remains costl…
▽ More
In offline reinforcement learning (RL), learning from fixed datasets presents a promising solution for domains where real-time interaction with the environment is expensive or risky. However, designing dense reward signals for offline dataset requires significant human effort and domain expertise. Reinforcement learning with human feedback (RLHF) has emerged as an alternative, but it remains costly due to the human-in-the-loop process, prompting interest in automated reward generation models. To address this, we propose Reward Generation via Large Vision-Language Models (RG-VLM), which leverages the reasoning capabilities of LVLMs to generate rewards from offline data without human involvement. RG-VLM improves generalization in long-horizon tasks and can be seamlessly integrated with the sparse reward signals to enhance task performance, demonstrating its potential as an auxiliary reward signal.
△ Less
Submitted 3 April, 2025;
originally announced April 2025.
-
Identifying high-energy electronic states of NV$^-$ centers in diamond
Authors:
Minh Tuan Luu,
Christopher Linderälv,
Zsolt Benedek,
Ádám Ganyecz,
Gergely Barcza,
Viktor Ivády,
Ronald Ulbricht
Abstract:
The negatively charged nitrogen-vacancy center in diamond is a prototype photoluminescent point defect spin qubit with promising quantum technology applications, enabled by its efficient optical spin polarization and readout. Its low-lying electronic states and optical spin polarization cycle have been well characterized over decades, establishing it as a benchmark system for state-of-the-art comp…
▽ More
The negatively charged nitrogen-vacancy center in diamond is a prototype photoluminescent point defect spin qubit with promising quantum technology applications, enabled by its efficient optical spin polarization and readout. Its low-lying electronic states and optical spin polarization cycle have been well characterized over decades, establishing it as a benchmark system for state-of-the-art computational methods in point defect research. While the optical cycle is well understood, a comprehensive energetic analysis of higher-lying states has received less attention until recently. In this joint experimental theoretical study, we identify and characterize five high-energy states beyond those involved in the optical cycle. Using transient absorption spectroscopy, we determine their transition energies and relative oscillator strengths. Additionally, we perform two independent numerical studies employing two state-of-the-art post-DFT methods to support the experimental findings and assign energy levels. These results enhance our understanding of the NV center's energy spectrum and providing a broader reference for benchmarking high-level first-principles methods.
△ Less
Submitted 6 March, 2025;
originally announced March 2025.
-
The Toda-Weyl mass spectrum
Authors:
Martin T. Luu
Abstract:
The masses of affine Toda theories are known to correspond to the entries of a Perron-Frobenius eigenvector of the relevant Cartan matrix. The Lagrangian of the theory can be expressed in terms of a suitable eigenvector of a Coxeter element in the Weyl group. We generalize this set-up by formulating Lagrangians based on eigenvectors of arbitrary elements in the Weyl group. Under some technical con…
▽ More
The masses of affine Toda theories are known to correspond to the entries of a Perron-Frobenius eigenvector of the relevant Cartan matrix. The Lagrangian of the theory can be expressed in terms of a suitable eigenvector of a Coxeter element in the Weyl group. We generalize this set-up by formulating Lagrangians based on eigenvectors of arbitrary elements in the Weyl group. Under some technical conditions (that hold for many Weyl group elements), we calculate the classical mass spectrum. In particular, we indicate the relation to the relative geometry of special roots, generalizing the affine Toda mass spectrum description in terms of the Cartan matrix. Related questions of three point coupling and integrability are left to be addressed on a future occasion.
△ Less
Submitted 10 February, 2025;
originally announced February 2025.
-
Kirillov polynomials for the exceptional Lie algebra $\mathfrak g_2$
Authors:
Martin T. Luu
Abstract:
As part of the development of the orbit method, Kirillov has counted the number of strictly upper triangular matrices with coefficients in a finite field of $q$ elements and fixed Jordan type. One obtains polynomials with respect to $q$ with many interesting properties and close relation to type A representation theory. In the present work we develop the corresponding theory for the exceptional Li…
▽ More
As part of the development of the orbit method, Kirillov has counted the number of strictly upper triangular matrices with coefficients in a finite field of $q$ elements and fixed Jordan type. One obtains polynomials with respect to $q$ with many interesting properties and close relation to type A representation theory. In the present work we develop the corresponding theory for the exceptional Lie algebra $\mathfrak g_2$. In particular, we show that the leading coefficient can be expressed in terms of the Springer correspondence.
△ Less
Submitted 10 February, 2025;
originally announced February 2025.
-
A Wearable Device Dataset for Mental Health Assessment Using Laser Doppler Flowmetry and Fluorescence Spectroscopy Sensors
Authors:
Minh Ngoc Nguyen,
Khai Le-Duc,
Tan-Hanh Pham,
Trang Nguyen,
Quang Minh Luu,
Ba Kien Tran,
Truong-Son Hy,
Viktor Dremin,
Sergei Sokolovsky,
Edik Rafailov
Abstract:
In this study, we introduce a novel method to predict mental health by building machine learning models for a non-invasive wearable device equipped with Laser Doppler Flowmetry (LDF) and Fluorescence Spectroscopy (FS) sensors. Besides, we present the corresponding dataset to predict mental health, e.g. depression, anxiety, and stress levels via the DAS-21 questionnaire. To our best knowledge, this…
▽ More
In this study, we introduce a novel method to predict mental health by building machine learning models for a non-invasive wearable device equipped with Laser Doppler Flowmetry (LDF) and Fluorescence Spectroscopy (FS) sensors. Besides, we present the corresponding dataset to predict mental health, e.g. depression, anxiety, and stress levels via the DAS-21 questionnaire. To our best knowledge, this is the world's largest and the most generalized dataset ever collected for both LDF and FS studies. The device captures cutaneous blood microcirculation parameters, and wavelet analysis of the LDF signal extracts key rhythmic oscillations. The dataset, collected from 132 volunteers aged 18-94 from 19 countries, explores relationships between physiological features, demographics, lifestyle habits, and health conditions. We employed a variety of machine learning methods to classify stress detection, in which LightGBM is identified as the most effective model for stress detection, achieving a ROC AUC of 0.7168 and a PR AUC of 0.8852. In addition, we also incorporated Explainable Artificial Intelligence (XAI) techniques into our analysis to investigate deeper insights into the model's predictions. Our results suggest that females, younger individuals and those with a higher Body Mass Index (BMI) or heart rate have a greater likelihood of experiencing mental health conditions like stress and anxiety. All related code and data are published online: https://github.com/leduckhai/Wearable_LDF-FS.
△ Less
Submitted 2 February, 2025;
originally announced February 2025.
-
ModeDreamer: Mode Guiding Score Distillation for Text-to-3D Generation using Reference Image Prompts
Authors:
Uy Dieu Tran,
Minh Luu,
Phong Ha Nguyen,
Khoi Nguyen,
Binh-Son Hua
Abstract:
Existing Score Distillation Sampling (SDS)-based methods have driven significant progress in text-to-3D generation. However, 3D models produced by SDS-based methods tend to exhibit over-smoothing and low-quality outputs. These issues arise from the mode-seeking behavior of current methods, where the scores used to update the model oscillate between multiple modes, resulting in unstable optimizatio…
▽ More
Existing Score Distillation Sampling (SDS)-based methods have driven significant progress in text-to-3D generation. However, 3D models produced by SDS-based methods tend to exhibit over-smoothing and low-quality outputs. These issues arise from the mode-seeking behavior of current methods, where the scores used to update the model oscillate between multiple modes, resulting in unstable optimization and diminished output quality. To address this problem, we introduce a novel image prompt score distillation loss named ISD, which employs a reference image to direct text-to-3D optimization toward a specific mode. Our ISD loss can be implemented by using IP-Adapter, a lightweight adapter for integrating image prompt capability to a text-to-image diffusion model, as a mode-selection module. A variant of this adapter, when not being prompted by a reference image, can serve as an efficient control variate to reduce variance in score estimates, thereby enhancing both output quality and optimization stability. Our experiments demonstrate that the ISD loss consistently achieves visually coherent, high-quality outputs and improves optimization speed compared to prior text-to-3D methods, as demonstrated through both qualitative and quantitative evaluations on the T3Bench benchmark suite.
△ Less
Submitted 3 March, 2025; v1 submitted 27 November, 2024;
originally announced November 2024.
-
Any3DIS: Class-Agnostic 3D Instance Segmentation by 2D Mask Tracking
Authors:
Phuc Nguyen,
Minh Luu,
Anh Tran,
Cuong Pham,
Khoi Nguyen
Abstract:
Existing 3D instance segmentation methods frequently encounter issues with over-segmentation, leading to redundant and inaccurate 3D proposals that complicate downstream tasks. This challenge arises from their unsupervised merging approach, where dense 2D instance masks are lifted across frames into point clouds to form 3D candidate proposals without direct supervision. These candidates are then h…
▽ More
Existing 3D instance segmentation methods frequently encounter issues with over-segmentation, leading to redundant and inaccurate 3D proposals that complicate downstream tasks. This challenge arises from their unsupervised merging approach, where dense 2D instance masks are lifted across frames into point clouds to form 3D candidate proposals without direct supervision. These candidates are then hierarchically merged based on heuristic criteria, often resulting in numerous redundant segments that fail to combine into precise 3D proposals. To overcome these limitations, we propose a 3D-Aware 2D Mask Tracking module that uses robust 3D priors from a 2D mask segmentation and tracking foundation model (SAM-2) to ensure consistent object masks across video frames. Rather than merging all visible superpoints across views to create a 3D mask, our 3D Mask Optimization module leverages a dynamic programming algorithm to select an optimal set of views, refining the superpoints to produce a final 3D proposal for each object. Our approach achieves comprehensive object coverage within the scene while reducing unnecessary proposals, which could otherwise impair downstream applications. Evaluations on ScanNet200 and ScanNet++ confirm the effectiveness of our method, with improvements across Class-Agnostic, Open-Vocabulary, and Open-Ended 3D Instance Segmentation tasks.
△ Less
Submitted 25 November, 2024;
originally announced November 2024.
-
Construction and Preliminary Validation of a Dynamic Programming Concept Inventory
Authors:
Matthew Ferland,
Varun Nagaraj Rao,
Arushi Arora,
Drew van der Poel,
Michael Luu,
Randy Huynh,
Freddy Reiber,
Sandra Ossman,
Seth Poulsen,
Michael Shindler
Abstract:
Concept inventories are standardized assessments that evaluate student understanding of key concepts within academic disciplines. While prevalent across STEM fields, their development lags for advanced computer science topics like dynamic programming (DP) -- an algorithmic technique that poses significant conceptual challenges for undergraduates. To fill this gap, we developed and validated a Dyna…
▽ More
Concept inventories are standardized assessments that evaluate student understanding of key concepts within academic disciplines. While prevalent across STEM fields, their development lags for advanced computer science topics like dynamic programming (DP) -- an algorithmic technique that poses significant conceptual challenges for undergraduates. To fill this gap, we developed and validated a Dynamic Programming Concept Inventory (DPCI). We detail the iterative process used to formulate multiple-choice questions targeting known student misconceptions about DP concepts identified through prior research studies. We discuss key decisions, tradeoffs, and challenges faced in crafting probing questions to subtly reveal these conceptual misunderstandings. We conducted a preliminary psychometric validation by administering the DPCI to 172 undergraduate CS students finding our questions to be of appropriate difficulty and effectively discriminating between differing levels of student understanding. Taken together, our validated DPCI will enable instructors to accurately assess student mastery of DP. Moreover, our approach for devising a concept inventory for an advanced theoretical computer science concept can guide future efforts to create assessments for other under-evaluated areas currently lacking coverage.
△ Less
Submitted 21 November, 2024;
originally announced November 2024.
-
Predictive Coding for Decision Transformer
Authors:
Tung M. Luu,
Donghoon Lee,
Chang D. Yoo
Abstract:
Recent work in offline reinforcement learning (RL) has demonstrated the effectiveness of formulating decision-making as return-conditioned supervised learning. Notably, the decision transformer (DT) architecture has shown promise across various domains. However, despite its initial success, DTs have underperformed on several challenging datasets in goal-conditioned RL. This limitation stems from t…
▽ More
Recent work in offline reinforcement learning (RL) has demonstrated the effectiveness of formulating decision-making as return-conditioned supervised learning. Notably, the decision transformer (DT) architecture has shown promise across various domains. However, despite its initial success, DTs have underperformed on several challenging datasets in goal-conditioned RL. This limitation stems from the inefficiency of return conditioning for guiding policy learning, particularly in unstructured and suboptimal datasets, resulting in DTs failing to effectively learn temporal compositionality. Moreover, this problem might be further exacerbated in long-horizon sparse-reward tasks. To address this challenge, we propose the Predictive Coding for Decision Transformer (PCDT) framework, which leverages generalized future conditioning to enhance DT methods. PCDT utilizes an architecture that extends the DT framework, conditioned on predictive codings, enabling decision-making based on both past and future factors, thereby improving generalization. Through extensive experiments on eight datasets from the AntMaze and FrankaKitchen environments, our proposed method achieves performance on par with or surpassing existing popular value-based and transformer-based methods in offline goal-conditioned RL. Furthermore, we also evaluate our method on a goal-reaching task with a physical robot.
△ Less
Submitted 3 April, 2025; v1 submitted 4 October, 2024;
originally announced October 2024.
-
Mitigating Adversarial Perturbations for Deep Reinforcement Learning via Vector Quantization
Authors:
Tung M. Luu,
Thanh Nguyen,
Tee Joshua Tian Jin,
Sungwoon Kim,
Chang D. Yoo
Abstract:
Recent studies reveal that well-performing reinforcement learning (RL) agents in training often lack resilience against adversarial perturbations during deployment. This highlights the importance of building a robust agent before deploying it in the real world. Most prior works focus on developing robust training-based procedures to tackle this problem, including enhancing the robustness of the de…
▽ More
Recent studies reveal that well-performing reinforcement learning (RL) agents in training often lack resilience against adversarial perturbations during deployment. This highlights the importance of building a robust agent before deploying it in the real world. Most prior works focus on developing robust training-based procedures to tackle this problem, including enhancing the robustness of the deep neural network component itself or adversarially training the agent on strong attacks. In this work, we instead study an input transformation-based defense for RL. Specifically, we propose using a variant of vector quantization (VQ) as a transformation for input observations, which is then used to reduce the space of adversarial attacks during testing, resulting in the transformed observations being less affected by attacks. Our method is computationally efficient and seamlessly integrates with adversarial training, further enhancing the robustness of RL agents against adversarial attacks. Through extensive experiments in multiple environments, we demonstrate that using VQ as the input transformation effectively defends against adversarial attacks on the agent's observations.
△ Less
Submitted 4 October, 2024;
originally announced October 2024.
-
Open-Ended 3D Point Cloud Instance Segmentation
Authors:
Phuc D. A. Nguyen,
Minh Luu,
Anh Tran,
Cuong Pham,
Khoi Nguyen
Abstract:
Open-Vocab 3D Instance Segmentation methods (OV-3DIS) have recently demonstrated their ability to generalize to unseen objects. However, these methods still depend on predefined class names during testing, restricting the autonomy of agents. To mitigate this constraint, we propose a novel problem termed Open-Ended 3D Instance Segmentation (OE-3DIS), which eliminates the necessity for predefined cl…
▽ More
Open-Vocab 3D Instance Segmentation methods (OV-3DIS) have recently demonstrated their ability to generalize to unseen objects. However, these methods still depend on predefined class names during testing, restricting the autonomy of agents. To mitigate this constraint, we propose a novel problem termed Open-Ended 3D Instance Segmentation (OE-3DIS), which eliminates the necessity for predefined class names during testing. Moreover, we contribute a comprehensive set of strong baselines, derived from OV-3DIS approaches and leveraging 2D Multimodal Large Language Models. To assess the performance of our OE-3DIS system, we introduce a novel Open-Ended score, evaluating both the semantic and geometric quality of predicted masks and their associated class names, alongside the standard AP score. Our approach demonstrates significant performance improvements over the baselines on the ScanNet200 and ScanNet++ datasets. Remarkably, our method surpasses the performance of Open3DIS, the current state-of-the-art method in OV-3DIS, even in the absence of ground-truth object class names.
△ Less
Submitted 21 August, 2024;
originally announced August 2024.
-
On the Perturbed States for Transformed Input-robust Reinforcement Learning
Authors:
Tung M. Luu,
Haeyong Kang,
Tri Ton,
Thanh Nguyen,
Chang D. Yoo
Abstract:
Reinforcement Learning (RL) agents demonstrating proficiency in a training environment exhibit vulnerability to adversarial perturbations in input observations during deployment. This underscores the importance of building a robust agent before its real-world deployment. To alleviate the challenging point, prior works focus on developing robust training-based procedures, encompassing efforts to fo…
▽ More
Reinforcement Learning (RL) agents demonstrating proficiency in a training environment exhibit vulnerability to adversarial perturbations in input observations during deployment. This underscores the importance of building a robust agent before its real-world deployment. To alleviate the challenging point, prior works focus on developing robust training-based procedures, encompassing efforts to fortify the deep neural network component's robustness or subject the agent to adversarial training against potent attacks. In this work, we propose a novel method referred to as Transformed Input-robust RL (TIRL), which explores another avenue to mitigate the impact of adversaries by employing input transformation-based defenses. Specifically, we introduce two principles for applying transformation-based defenses in learning robust RL agents: (1) autoencoder-styled denoising to reconstruct the original state and (2) bounded transformations (bit-depth reduction and vector quantization (VQ)) to achieve close transformed inputs. The transformations are applied to the state before feeding it into the policy network. Extensive experiments on multiple MuJoCo environments demonstrate that input transformation-based defenses, i.e., VQ, defend against several adversaries in the state observations. The official code is available at https://github.com/tunglm2203/tirl
△ Less
Submitted 2 August, 2024; v1 submitted 31 July, 2024;
originally announced August 2024.
-
Towards Robust Policy: Enhancing Offline Reinforcement Learning with Adversarial Attacks and Defenses
Authors:
Thanh Nguyen,
Tung M. Luu,
Tri Ton,
Chang D. Yoo
Abstract:
Offline reinforcement learning (RL) addresses the challenge of expensive and high-risk data exploration inherent in RL by pre-training policies on vast amounts of offline data, enabling direct deployment or fine-tuning in real-world environments. However, this training paradigm can compromise policy robustness, leading to degraded performance in practical conditions due to observation perturbation…
▽ More
Offline reinforcement learning (RL) addresses the challenge of expensive and high-risk data exploration inherent in RL by pre-training policies on vast amounts of offline data, enabling direct deployment or fine-tuning in real-world environments. However, this training paradigm can compromise policy robustness, leading to degraded performance in practical conditions due to observation perturbations or intentional attacks. While adversarial attacks and defenses have been extensively studied in deep learning, their application in offline RL is limited. This paper proposes a framework to enhance the robustness of offline RL models by leveraging advanced adversarial attacks and defenses. The framework attacks the actor and critic components by perturbing observations during training and using adversarial defenses as regularization to enhance the learned policy. Four attacks and two defenses are introduced and evaluated on the D4RL benchmark. The results show the vulnerability of both the actor and critic to attacks and the effectiveness of the defenses in improving policy robustness. This framework holds promise for enhancing the reliability of offline RL models in practical scenarios.
△ Less
Submitted 18 May, 2024;
originally announced May 2024.
-
DiverseDream: Diverse Text-to-3D Synthesis with Augmented Text Embedding
Authors:
Uy Dieu Tran,
Minh Luu,
Phong Ha Nguyen,
Khoi Nguyen,
Binh-Son Hua
Abstract:
Text-to-3D synthesis has recently emerged as a new approach to sampling 3D models by adopting pretrained text-to-image models as guiding visual priors. An intriguing but underexplored problem with existing text-to-3D methods is that 3D models obtained from the sampling-by-optimization procedure tend to have mode collapses, and hence poor diversity in their results. In this paper, we provide an ana…
▽ More
Text-to-3D synthesis has recently emerged as a new approach to sampling 3D models by adopting pretrained text-to-image models as guiding visual priors. An intriguing but underexplored problem with existing text-to-3D methods is that 3D models obtained from the sampling-by-optimization procedure tend to have mode collapses, and hence poor diversity in their results. In this paper, we provide an analysis and identify potential causes of such a limited diversity, which motivates us to devise a new method that considers the joint generation of different 3D models from the same text prompt. We propose to use augmented text prompts via textual inversion of reference images to diversify the joint generation. We show that our method leads to improved diversity in text-to-3D synthesis qualitatively and quantitatively. Project page: https://diversedream.github.io
△ Less
Submitted 17 July, 2024; v1 submitted 2 December, 2023;
originally announced December 2023.
-
Sample-Driven Federated Learning for Energy-Efficient and Real-Time IoT Sensing
Authors:
Minh Ngoc Luu,
Minh-Duong Nguyen,
Ebrahim Bedeer,
Van Duc Nguyen,
Dinh Thai Hoang,
Diep N. Nguyen,
Quoc-Viet Pham
Abstract:
In the domain of Federated Learning (FL) systems, recent cutting-edge methods heavily rely on ideal conditions convergence analysis. Specifically, these approaches assume that the training datasets on IoT devices possess similar attributes to the global data distribution. However, this approach fails to capture the full spectrum of data characteristics in real-time sensing FL systems. In order to…
▽ More
In the domain of Federated Learning (FL) systems, recent cutting-edge methods heavily rely on ideal conditions convergence analysis. Specifically, these approaches assume that the training datasets on IoT devices possess similar attributes to the global data distribution. However, this approach fails to capture the full spectrum of data characteristics in real-time sensing FL systems. In order to overcome this limitation, we suggest a new approach system specifically designed for IoT networks with real-time sensing capabilities. Our approach takes into account the generalization gap due to the user's data sampling process. By effectively controlling this sampling process, we can mitigate the overfitting issue and improve overall accuracy. In particular, We first formulate an optimization problem that harnesses the sampling process to concurrently reduce overfitting while maximizing accuracy. In pursuit of this objective, our surrogate optimization problem is adept at handling energy efficiency while optimizing the accuracy with high generalization. To solve the optimization problem with high complexity, we introduce an online reinforcement learning algorithm, named Sample-driven Control for Federated Learning (SCFL) built on the Soft Actor-Critic (A2C) framework. This enables the agent to dynamically adapt and find the global optima even in changing environments. By leveraging the capabilities of SCFL, our system offers a promising solution for resource allocation in FL systems with real-time sensing capabilities.
△ Less
Submitted 11 October, 2023;
originally announced October 2023.
-
Why is the winner the best?
Authors:
Matthias Eisenmann,
Annika Reinke,
Vivienn Weru,
Minu Dietlinde Tizabi,
Fabian Isensee,
Tim J. Adler,
Sharib Ali,
Vincent Andrearczyk,
Marc Aubreville,
Ujjwal Baid,
Spyridon Bakas,
Niranjan Balu,
Sophia Bano,
Jorge Bernal,
Sebastian Bodenstedt,
Alessandro Casella,
Veronika Cheplygina,
Marie Daum,
Marleen de Bruijne,
Adrien Depeursinge,
Reuben Dorent,
Jan Egger,
David G. Ellis,
Sandy Engelhardt,
Melanie Ganz
, et al. (100 additional authors not shown)
Abstract:
International benchmarking competitions have become fundamental for the comparative performance assessment of image analysis methods. However, little attention has been given to investigating what can be learnt from these competitions. Do they really generate scientific progress? What are common and successful participation strategies? What makes a solution superior to a competing method? To addre…
▽ More
International benchmarking competitions have become fundamental for the comparative performance assessment of image analysis methods. However, little attention has been given to investigating what can be learnt from these competitions. Do they really generate scientific progress? What are common and successful participation strategies? What makes a solution superior to a competing method? To address this gap in the literature, we performed a multi-center study with all 80 competitions that were conducted in the scope of IEEE ISBI 2021 and MICCAI 2021. Statistical analyses performed based on comprehensive descriptions of the submitted algorithms linked to their rank as well as the underlying participation strategies revealed common characteristics of winning solutions. These typically include the use of multi-task learning (63%) and/or multi-stage pipelines (61%), and a focus on augmentation (100%), image preprocessing (97%), data curation (79%), and postprocessing (66%). The "typical" lead of a winning team is a computer scientist with a doctoral degree, five years of experience in biomedical image analysis, and four years of experience in deep learning. Two core general development strategies stood out for highly-ranked teams: the reflection of the metrics in the method design and the focus on analyzing and handling failure cases. According to the organizers, 43% of the winning algorithms exceeded the state of the art but only 11% completely solved the respective domain problem. The insights of our study could help researchers (1) improve algorithm development strategies when approaching new problems, and (2) focus on open research questions revealed by this work.
△ Less
Submitted 30 March, 2023;
originally announced March 2023.
-
Near zero-field microwave-free magnetometry with ensembles of nitrogen-vacancy centers in diamond
Authors:
Omkar Dhungel,
Till Lenz,
Muhib Omar,
Joseph Shaji Rebeirro,
Minh-Tuan Luu,
Ali Tayefeh Younesi,
Ronald Ulbricht,
Viktor Ivady,
Adam Gali,
Arne Wickenbrock,
Dmitry Budker
Abstract:
We study cross-relaxation features near zero magnetic field with ensembles of nitrogen-vacancy (NV) centers in diamond and examine their properties in samples with a range (0.9 ppm - 16.0 ppm) of NV concentrations. The observed NV-NV cross-relaxation features between differently oriented NV centers in high (greater than 0.9 ppm)-NV-density samples hold promise for a variety of magnetometry applica…
▽ More
We study cross-relaxation features near zero magnetic field with ensembles of nitrogen-vacancy (NV) centers in diamond and examine their properties in samples with a range (0.9 ppm - 16.0 ppm) of NV concentrations. The observed NV-NV cross-relaxation features between differently oriented NV centers in high (greater than 0.9 ppm)-NV-density samples hold promise for a variety of magnetometry applications where microwave fields (or any bias field) disturb the system under study. We theoretically determine the values of the bias magnetic fields corresponding to cross-relaxations between different axes and experimentally validate them. The behavior of zero-field cross-relaxation features as a function of temperature is also investigated.
△ Less
Submitted 30 May, 2024; v1 submitted 23 January, 2023;
originally announced January 2023.
-
Biomedical image analysis competitions: The state of current participation practice
Authors:
Matthias Eisenmann,
Annika Reinke,
Vivienn Weru,
Minu Dietlinde Tizabi,
Fabian Isensee,
Tim J. Adler,
Patrick Godau,
Veronika Cheplygina,
Michal Kozubek,
Sharib Ali,
Anubha Gupta,
Jan Kybic,
Alison Noble,
Carlos Ortiz de Solórzano,
Samiksha Pachade,
Caroline Petitjean,
Daniel Sage,
Donglai Wei,
Elizabeth Wilden,
Deepak Alapatt,
Vincent Andrearczyk,
Ujjwal Baid,
Spyridon Bakas,
Niranjan Balu,
Sophia Bano
, et al. (331 additional authors not shown)
Abstract:
The number of international benchmarking competitions is steadily increasing in various fields of machine learning (ML) research and practice. So far, however, little is known about the common practice as well as bottlenecks faced by the community in tackling the research questions posed. To shed light on the status quo of algorithm development in the specific field of biomedical imaging analysis,…
▽ More
The number of international benchmarking competitions is steadily increasing in various fields of machine learning (ML) research and practice. So far, however, little is known about the common practice as well as bottlenecks faced by the community in tackling the research questions posed. To shed light on the status quo of algorithm development in the specific field of biomedical imaging analysis, we designed an international survey that was issued to all participants of challenges conducted in conjunction with the IEEE ISBI 2021 and MICCAI 2021 conferences (80 competitions in total). The survey covered participants' expertise and working environments, their chosen strategies, as well as algorithm characteristics. A median of 72% challenge participants took part in the survey. According to our results, knowledge exchange was the primary incentive (70%) for participation, while the reception of prize money played only a minor role (16%). While a median of 80 working hours was spent on method development, a large portion of participants stated that they did not have enough time for method development (32%). 25% perceived the infrastructure to be a bottleneck. Overall, 94% of all solutions were deep learning-based. Of these, 84% were based on standard architectures. 43% of the respondents reported that the data samples (e.g., images) were too large to be processed at once. This was most commonly addressed by patch-based training (69%), downsampling (37%), and solving 3D analysis tasks as a series of 2D tasks. K-fold cross-validation on the training set was performed by only 37% of the participants and only 50% of the participants performed ensembling based on multiple identical models (61%) or heterogeneous models (39%). 48% of the respondents applied postprocessing steps.
△ Less
Submitted 12 September, 2023; v1 submitted 16 December, 2022;
originally announced December 2022.
-
Expeditious Saliency-guided Mix-up through Random Gradient Thresholding
Authors:
Minh-Long Luu,
Zeyi Huang,
Eric P. Xing,
Yong Jae Lee,
Haohan Wang
Abstract:
Mix-up training approaches have proven to be effective in improving the generalization ability of Deep Neural Networks. Over the years, the research community expands mix-up methods into two directions, with extensive efforts to improve saliency-guided procedures but minimal focus on the arbitrary path, leaving the randomization domain unexplored. In this paper, inspired by the superior qualities…
▽ More
Mix-up training approaches have proven to be effective in improving the generalization ability of Deep Neural Networks. Over the years, the research community expands mix-up methods into two directions, with extensive efforts to improve saliency-guided procedures but minimal focus on the arbitrary path, leaving the randomization domain unexplored. In this paper, inspired by the superior qualities of each direction over one another, we introduce a novel method that lies at the junction of the two routes. By combining the best elements of randomness and saliency utilization, our method balances speed, simplicity, and accuracy. We name our method R-Mix following the concept of "Random Mix-up". We demonstrate its effectiveness in generalization, weakly supervised object localization, calibration, and robustness to adversarial attacks. Finally, in order to address the question of whether there exists a better decision protocol, we train a Reinforcement Learning agent that decides the mix-up policies based on the classifier's performance, reducing dependency on human-designed objectives and hyperparameter tuning. Extensive experiments further show that the agent is capable of performing at the cutting-edge level, laying the foundation for a fully automatic mix-up. Our code is released at [https://github.com/minhlong94/Random-Mixup].
△ Less
Submitted 10 August, 2023; v1 submitted 9 December, 2022;
originally announced December 2022.
-
Scalable SoftGroup for 3D Instance Segmentation on Point Clouds
Authors:
Thang Vu,
Kookhoi Kim,
Tung M. Luu,
Thanh Nguyen,
Junyeong Kim,
Chang D. Yoo
Abstract:
This paper considers a network referred to as SoftGroup for accurate and scalable 3D instance segmentation. Existing state-of-the-art methods produce hard semantic predictions followed by grouping instance segmentation results. Unfortunately, errors stemming from hard decisions propagate into the grouping, resulting in poor overlap between predicted instances and ground truth and substantial false…
▽ More
This paper considers a network referred to as SoftGroup for accurate and scalable 3D instance segmentation. Existing state-of-the-art methods produce hard semantic predictions followed by grouping instance segmentation results. Unfortunately, errors stemming from hard decisions propagate into the grouping, resulting in poor overlap between predicted instances and ground truth and substantial false positives. To address the abovementioned problems, SoftGroup allows each point to be associated with multiple classes to mitigate the uncertainty stemming from semantic prediction. It also suppresses false positive instances by learning to categorize them as background. Regarding scalability, the existing fast methods require computational time on the order of tens of seconds on large-scale scenes, which is unsatisfactory and far from applicable for real-time. Our finding is that the $k$-Nearest Neighbor ($k$-NN) module, which serves as the prerequisite of grouping, introduces a computational bottleneck. SoftGroup is extended to resolve this computational bottleneck, referred to as SoftGroup++. The proposed SoftGroup++ reduces time complexity with octree $k$-NN and reduces search space with class-aware pyramid scaling and late devoxelization. Experimental results on various indoor and outdoor datasets demonstrate the efficacy and generality of the proposed SoftGroup and SoftGroup++. Their performances surpass the best-performing baseline by a large margin (6\% $\sim$ 16\%) in terms of AP$_{50}$. On datasets with large-scale scenes, SoftGroup++ achieves a 6$\times$ speed boost on average compared to SoftGroup. Furthermore, SoftGroup can be extended to perform object detection and panoptic segmentation with nontrivial improvements over existing methods. The source code and trained models are available at \url{https://github.com/thangvubk/SoftGroup}.
△ Less
Submitted 23 December, 2023; v1 submitted 17 September, 2022;
originally announced September 2022.
-
SoftGroup for 3D Instance Segmentation on Point Clouds
Authors:
Thang Vu,
Kookhoi Kim,
Tung M. Luu,
Xuan Thanh Nguyen,
Chang D. Yoo
Abstract:
Existing state-of-the-art 3D instance segmentation methods perform semantic segmentation followed by grouping. The hard predictions are made when performing semantic segmentation such that each point is associated with a single class. However, the errors stemming from hard decision propagate into grouping that results in (1) low overlaps between the predicted instance with the ground truth and (2)…
▽ More
Existing state-of-the-art 3D instance segmentation methods perform semantic segmentation followed by grouping. The hard predictions are made when performing semantic segmentation such that each point is associated with a single class. However, the errors stemming from hard decision propagate into grouping that results in (1) low overlaps between the predicted instance with the ground truth and (2) substantial false positives. To address the aforementioned problems, this paper proposes a 3D instance segmentation method referred to as SoftGroup by performing bottom-up soft grouping followed by top-down refinement. SoftGroup allows each point to be associated with multiple classes to mitigate the problems stemming from semantic prediction errors and suppresses false positive instances by learning to categorize them as background. Experimental results on different datasets and multiple evaluation metrics demonstrate the efficacy of SoftGroup. Its performance surpasses the strongest prior method by a significant margin of +6.2% on the ScanNet v2 hidden test set and +6.8% on S3DIS Area 5 in terms of AP_50. SoftGroup is also fast, running at 345ms per scan with a single Titan X on ScanNet v2 dataset. The source code and trained models for both datasets are available at \url{https://github.com/thangvubk/SoftGroup.git}.
△ Less
Submitted 2 March, 2022;
originally announced March 2022.
-
Extending nn-UNet for brain tumor segmentation
Authors:
Huan Minh Luu,
Sung-Hong Park
Abstract:
Brain tumor segmentation is essential for the diagnosis and prognosis of patients with gliomas. The brain tumor segmentation challenge has continued to provide a great source of data to develop automatic algorithms to perform the task. This paper describes our contribution to the 2021 competition. We developed our methods based on nn-UNet, the winning entry of last year competition. We experimente…
▽ More
Brain tumor segmentation is essential for the diagnosis and prognosis of patients with gliomas. The brain tumor segmentation challenge has continued to provide a great source of data to develop automatic algorithms to perform the task. This paper describes our contribution to the 2021 competition. We developed our methods based on nn-UNet, the winning entry of last year competition. We experimented with several modifications, including using a larger network, replacing batch normalization with group normalization, and utilizing axial attention in the decoder. Internal 5-fold cross validation as well as online evaluation from the organizers showed the effectiveness of our approach, with minor improvement in quantitative metrics when compared to the baseline. The proposed models won first place in the final ranking on unseen test data. The codes, pretrained weights, and docker image for the winning submission are publicly available at https://github.com/rixez/Brats21_KAIST_MRI_Lab
△ Less
Submitted 8 December, 2021;
originally announced December 2021.
-
Hindsight Goal Ranking on Replay Buffer for Sparse Reward Environment
Authors:
Tung M. Luu,
Chang D. Yoo
Abstract:
This paper proposes a method for prioritizing the replay experience referred to as Hindsight Goal Ranking (HGR) in overcoming the limitation of Hindsight Experience Replay (HER) that generates hindsight goals based on uniform sampling. HGR samples with higher probability on the states visited in an episode with larger temporal difference (TD) error, which is considered as a proxy measure of the am…
▽ More
This paper proposes a method for prioritizing the replay experience referred to as Hindsight Goal Ranking (HGR) in overcoming the limitation of Hindsight Experience Replay (HER) that generates hindsight goals based on uniform sampling. HGR samples with higher probability on the states visited in an episode with larger temporal difference (TD) error, which is considered as a proxy measure of the amount which the RL agent can learn from an experience. The actual sampling for large TD error is performed in two steps: first, an episode is sampled from the relay buffer according to the average TD error of its experiences, and then, for the sampled episode, the hindsight goal leading to larger TD error is sampled with higher probability from future visited states. The proposed method combined with Deep Deterministic Policy Gradient (DDPG), an off-policy model-free actor-critic algorithm, accelerates learning significantly faster than that without any prioritization on four challenging simulated robotic manipulation tasks. The empirical results show that HGR uses samples more efficiently than previous methods across all tasks.
△ Less
Submitted 28 October, 2021;
originally announced October 2021.
-
Sample-efficient Reinforcement Learning Representation Learning with Curiosity Contrastive Forward Dynamics Model
Authors:
Thanh Nguyen,
Tung M. Luu,
Thang Vu,
Chang D. Yoo
Abstract:
Developing an agent in reinforcement learning (RL) that is capable of performing complex control tasks directly from high-dimensional observation such as raw pixels is yet a challenge as efforts are made towards improving sample efficiency and generalization. This paper considers a learning framework for Curiosity Contrastive Forward Dynamics Model (CCFDM) in achieving a more sample-efficient RL b…
▽ More
Developing an agent in reinforcement learning (RL) that is capable of performing complex control tasks directly from high-dimensional observation such as raw pixels is yet a challenge as efforts are made towards improving sample efficiency and generalization. This paper considers a learning framework for Curiosity Contrastive Forward Dynamics Model (CCFDM) in achieving a more sample-efficient RL based directly on raw pixels. CCFDM incorporates a forward dynamics model (FDM) and performs contrastive learning to train its deep convolutional neural network-based image encoder (IE) to extract conducive spatial and temporal information for achieving a more sample efficiency for RL. In addition, during training, CCFDM provides intrinsic rewards, produced based on FDM prediction error, encourages the curiosity of the RL agent to improve exploration. The diverge and less-repetitive observations provide by both our exploration strategy and data augmentation available in contrastive learning improve not only the sample efficiency but also the generalization. Performance of existing model-free RL methods such as Soft Actor-Critic built on top of CCFDM outperforms prior state-of-the-art pixel-based RL methods on the DeepMind Control Suite benchmark.
△ Less
Submitted 14 October, 2021; v1 submitted 15 March, 2021;
originally announced March 2021.
-
Visualizing adverse events in clinical trials using correspondence analysis with R-package visae
Authors:
Márcio A. Diniz,
Gillian Gresham,
Sungjin Kim,
Michael Luu,
N. Lynn Henry,
Mourad Tighiouart,
Greg Yothers,
Patricia A. Ganz,
André Rogatko
Abstract:
We propose to apply stacked CA using contribution biplots as a tool to explore differences in AE data among treatments in clinical trials. We defined five levels of refinement for the analysis based on data derived from the Common Terminology Criteria for Adverse Events (CTCAE) grades, domains, terms and their combinations. In addition, we developed a Shiny app built in an R-package, publicly avai…
▽ More
We propose to apply stacked CA using contribution biplots as a tool to explore differences in AE data among treatments in clinical trials. We defined five levels of refinement for the analysis based on data derived from the Common Terminology Criteria for Adverse Events (CTCAE) grades, domains, terms and their combinations. In addition, we developed a Shiny app built in an R-package, publicly available on Comprehensive R Archive Network (CRAN), to interactively investigate CA configurations. Data from two randomized controlled trials (RCT) were used to illustrate the proposed methods: NSABP R-04, a neoadjuvant rectal 2x2 factorial trial comparing radiation therapy with either capecitabine (Cape) or 5-fluorouracil (5-FU) alone with or without oxaliplatin (Oxa), and NSABP B-35, a double-blind RCT comparing tamoxifen to anastrozole in postmenopausal women with hormone-positive ductal carcinoma in situ. In the R04 trial (n=1308), CA biplots displayed the discrepancies between single agent treatments and their combinations with Oxa at all levels of AE classes, such that these discrepancies were responsible for the largest portion of the explained variability among treatments. In addition, an interaction effect when adding Oxa to Cape/5-FU was identified when the distance between Cape+Oxa and 5-FU+Oxa was observed to be larger than the distance between 5-FU and Cape, with Cape+Oxa and 5-FU+Oxa in different quadrants of the CA biplots. In the B35 trial (n=3009), CA biplots showed different patterns for non-adherent Anastrozole and Tamoxifen compared with their adherent counterparts. CA with contribution biplot is an effective tool that can be used to summarize AE data in a two-dimensional display while minimizing the loss of information and interpretation.
△ Less
Submitted 3 August, 2021; v1 submitted 9 January, 2021;
originally announced January 2021.
-
Iterated integrals on affine curves
Authors:
Martin Luu,
Albert Schwarz
Abstract:
Motivated by amplitude calculations in string theory we establish basic properties of homotopy invariant iterated integrals on affine curves.
Motivated by amplitude calculations in string theory we establish basic properties of homotopy invariant iterated integrals on affine curves.
△ Less
Submitted 19 December, 2019;
originally announced December 2019.
-
Rigidity of Kac-Schwarz operators
Authors:
Martin Luu
Abstract:
In his work on the mathematical formulation of 2d quantum gravity Schwarz established a rigidity result for Kac-Schwarz operators for the n-KdV hierarchies. Later on, Adler and van Moerbeke as well as Fastré obtained different proofs of this result. We give yet another proof of the rigidity, one that in fact holds for all Drinfeld-Sokolov hierarchies.
In his work on the mathematical formulation of 2d quantum gravity Schwarz established a rigidity result for Kac-Schwarz operators for the n-KdV hierarchies. Later on, Adler and van Moerbeke as well as Fastré obtained different proofs of this result. We give yet another proof of the rigidity, one that in fact holds for all Drinfeld-Sokolov hierarchies.
△ Less
Submitted 12 November, 2019;
originally announced November 2019.
-
Spectral curve duality beyond the two-matrix model
Authors:
Martin Luu
Abstract:
We describe a simple algebraic approach to several spectral duality results for integrable systems and illustrate the method for two types of examples: The Bertola-Eynard-Harnad spectral duality of the two-matrix model as well as the various dual descriptions of minimal model conformal field theories coupled to gravity.
We describe a simple algebraic approach to several spectral duality results for integrable systems and illustrate the method for two types of examples: The Bertola-Eynard-Harnad spectral duality of the two-matrix model as well as the various dual descriptions of minimal model conformal field theories coupled to gravity.
△ Less
Submitted 5 September, 2019;
originally announced September 2019.
-
PIRM Challenge on Perceptual Image Enhancement on Smartphones: Report
Authors:
Andrey Ignatov,
Radu Timofte,
Thang Van Vu,
Tung Minh Luu,
Trung X Pham,
Cao Van Nguyen,
Yongwoo Kim,
Jae-Seok Choi,
Munchurl Kim,
Jie Huang,
Jiewen Ran,
Chen Xing,
Xingguang Zhou,
Pengfei Zhu,
Mingrui Geng,
Yawei Li,
Eirikur Agustsson,
Shuhang Gu,
Luc Van Gool,
Etienne de Stoutz,
Nikolay Kobyshev,
Kehui Nie,
Yan Zhao,
Gen Li,
Tong Tong
, et al. (23 additional authors not shown)
Abstract:
This paper reviews the first challenge on efficient perceptual image enhancement with the focus on deploying deep learning models on smartphones. The challenge consisted of two tracks. In the first one, participants were solving the classical image super-resolution problem with a bicubic downscaling factor of 4. The second track was aimed at real-world photo enhancement, and the goal was to map lo…
▽ More
This paper reviews the first challenge on efficient perceptual image enhancement with the focus on deploying deep learning models on smartphones. The challenge consisted of two tracks. In the first one, participants were solving the classical image super-resolution problem with a bicubic downscaling factor of 4. The second track was aimed at real-world photo enhancement, and the goal was to map low-quality photos from the iPhone 3GS device to the same photos captured with a DSLR camera. The target metric used in this challenge combined the runtime, PSNR scores and solutions' perceptual results measured in the user study. To ensure the efficiency of the submitted models, we additionally measured their runtime and memory requirements on Android smartphones. The proposed solutions significantly improved baseline results defining the state-of-the-art for image enhancement on smartphones.
△ Less
Submitted 3 October, 2018;
originally announced October 2018.
-
Tau energy loss and ultrahigh energy skimming tau neutrinos
Authors:
Yu Seon Jeong,
Minh Vu Luu,
Mary Hall Reno,
Ina Sarcevic
Abstract:
We consider propagation of high energy earth-skimming taus produced in interactions of astrophysical tau neutrinos. For astrophysical tau neutrinos we take generic power-law flux, $E^{-2}$ and the cosmogenic flux initiated by the protons. We calculate tau energy loss in several approaches, such as dipole models and the phenomenological approach in which parameterization of the $F_2$ is used. We ev…
▽ More
We consider propagation of high energy earth-skimming taus produced in interactions of astrophysical tau neutrinos. For astrophysical tau neutrinos we take generic power-law flux, $E^{-2}$ and the cosmogenic flux initiated by the protons. We calculate tau energy loss in several approaches, such as dipole models and the phenomenological approach in which parameterization of the $F_2$ is used. We evaluate the tau neutrino charged-current cross section using the same approaches for consistency. We find that uncertainty in the neutrino cross section and in the tau energy loss partially compensate giving very small theoretical uncertainty in the emerging tau flux for distances ranging from $2$ km to $100$ km and for the energy range between $10^6$ GeV and $10^{11}$ GeV, focusing on energies above $10^8$ GeV. When we consider uncertainties in the neutrino cross section, inelasticity in neutrino interactions and the tau energy loss, which are not correlated, i.e. they are not all calculated in the same approach, theoretical uncertainty ranges from about $30\%$ and $60 \%$ at $10^8$ GeV to about factors of 3.3 and 3.8 at $10^{11}$ GeV for the $E^{-2}$ flux and the cosmogenic flux, respectively, for the distance of 10 km rock. The spread in predictions significantly increases for much larger distances, e.g., $\sim 1,000$ km. Most of the uncertainty comes from the treatment of photonuclear interactions of the tau in transit through large distances. We also consider Monte Carlo calculation of the tau propagation and we find that the result for the emerging tau flux is in agreement with the result obtained using analytic approach. Our results are relevant to several experiments that are looking for skimming astrophysical taus, such as the Pierre Auger Observatory, HAWC and Ashra. We evaluate the aperture for the Auger and discuss briefly application to the the other two experiments.
△ Less
Submitted 7 July, 2017; v1 submitted 31 March, 2017;
originally announced April 2017.
-
Langlands parameters of quivers in the Sato Grassmannian
Authors:
Martin Luu,
Matej Penciak
Abstract:
Motivated by quantum field theoretic partition functions that can be expressed as products of tau functions of the KP hierarchy we attach several types of local geometric Langlands parameters to quivers in the Sato Grassmannian. We study related questions of Virasoro constraints, of moduli spaces of relevant quivers, and of classical limits of the Langlands parameters.
Motivated by quantum field theoretic partition functions that can be expressed as products of tau functions of the KP hierarchy we attach several types of local geometric Langlands parameters to quivers in the Sato Grassmannian. We study related questions of Virasoro constraints, of moduli spaces of relevant quivers, and of classical limits of the Langlands parameters.
△ Less
Submitted 5 September, 2019; v1 submitted 23 November, 2015;
originally announced November 2015.
-
Local Langlands Duality and a Duality of Conformal Field Theories
Authors:
Martin Luu
Abstract:
We show that the numerical local Langlands duality for GL_n and the T - duality of two-dimensional quantum gravity arise from one and the same symmetry principle. The unifying theme is that the local Fourier transform in both its l-adic and complex incarnation gives rise to symmetries of arithmetic and geometric local Langlands parameters.
We show that the numerical local Langlands duality for GL_n and the T - duality of two-dimensional quantum gravity arise from one and the same symmetry principle. The unifying theme is that the local Fourier transform in both its l-adic and complex incarnation gives rise to symmetries of arithmetic and geometric local Langlands parameters.
△ Less
Submitted 1 June, 2015;
originally announced June 2015.
-
Fourier duality of quantum curves
Authors:
Martin Luu,
Albert Schwarz
Abstract:
There are two different ways to deform a quantum curve along the flows of the KP hierarchy. We clarify the relation between the two KP orbits: In the framework of suitable connections attached to the quantum curve they are related by a local Fourier duality. As an application we give a conceptual proof of duality results in 2D quantum gravity.
There are two different ways to deform a quantum curve along the flows of the KP hierarchy. We clarify the relation between the two KP orbits: In the framework of suitable connections attached to the quantum curve they are related by a local Fourier duality. As an application we give a conceptual proof of duality results in 2D quantum gravity.
△ Less
Submitted 10 December, 2015; v1 submitted 7 April, 2015;
originally announced April 2015.
-
Duality of 2D gravity as a local Fourier duality
Authors:
Martin Luu
Abstract:
The p - q duality is a relation between the (p,q) model and the (q,p) model of two-dimensional quantum gravity. Geometrically this duality corresponds to a relation between the two relevant points of the Sato Grassmannian. Kharchev and Marshakov have expressed such a relation in terms of matrix integrals. Some explicit formulas for small p and q have been given in the work of Fukuma-Kawai-Nakayama…
▽ More
The p - q duality is a relation between the (p,q) model and the (q,p) model of two-dimensional quantum gravity. Geometrically this duality corresponds to a relation between the two relevant points of the Sato Grassmannian. Kharchev and Marshakov have expressed such a relation in terms of matrix integrals. Some explicit formulas for small p and q have been given in the work of Fukuma-Kawai-Nakayama. Already in the duality between the (2,3) model and the (3,2) model the formulas are long. In this work a new approach to p - q duality is given: It can be realized in a precise sense as a local Fourier duality of D-modules. This result is obtained as a special case of a local Fourier duality between irregular connections associated to Kac-Schwarz operators. Therefore, since these operators correspond to Virasoro constraints, this allows to view the p - q duality as a consequence of the duality of the relevant Virasoro constraints.
△ Less
Submitted 7 May, 2015; v1 submitted 21 May, 2014;
originally announced May 2014.
-
Color dipole cross section and inelastic structure function
Authors:
Yu Seon Jeong,
C. S. Kim,
Minh Vu Luu,
Mary Hall Reno
Abstract:
Instead of starting from a theoretically motivated form of the color dipole cross section in the dipole picture of deep inelastic scattering, we start with a parametrization of the deep inelastic structure function for electromagnetic scattering with protons, and then extract the color dipole cross section. Using the parametrizations of $F_2(ξ=x \ {\rm or}\ W^2,Q^2)$ by Donnachie-Landshoff and Blo…
▽ More
Instead of starting from a theoretically motivated form of the color dipole cross section in the dipole picture of deep inelastic scattering, we start with a parametrization of the deep inelastic structure function for electromagnetic scattering with protons, and then extract the color dipole cross section. Using the parametrizations of $F_2(ξ=x \ {\rm or}\ W^2,Q^2)$ by Donnachie-Landshoff and Block et al., we find the dipole cross section from an approximate form of the presumed dipole cross section convoluted with the perturbative photon wave function for virtual photon splitting into a color dipole with massless quarks. The color dipole cross section determined this way reproduces the original structure function within about 10\% for $0.1$ GeV$^2\leq Q^2\leq 10$ GeV$^2$. We discuss the large and small form of the dipole cross section and compare with other parameterizations.
△ Less
Submitted 19 August, 2014; v1 submitted 11 March, 2014;
originally announced March 2014.