21,339 results on '"An HY"'
Search Results
2. GROOT: Effective Design of Biological Sequences with Limited Experimental Data
- Author
-
Tran, Thanh V. T., Ngo, Nhat Khang, Nguyen, Viet Anh, and Hy, Truong Son
- Subjects
Computer Science - Machine Learning ,Quantitative Biology - Quantitative Methods - Abstract
Latent space optimization (LSO) is a powerful method for designing discrete, high-dimensional biological sequences that maximize expensive black-box functions, such as wet lab experiments. This is accomplished by learning a latent space from available data and using a surrogate model to guide optimization algorithms toward optimal outputs. However, existing methods struggle when labeled data is limited, as training the surrogate model with few labeled data points can lead to subpar outputs, offering no advantage over the training data itself. We address this challenge by introducing GROOT, a Graph-based Latent Smoothing for Biological Sequence Optimization. In particular, GROOT generates pseudo-labels for neighbors sampled around the training latent embeddings. These pseudo-labels are then refined and smoothed by Label Propagation. Additionally, we theoretically and empirically justify our approach, demonstrate GROOT's ability to extrapolate to regions beyond the training set while maintaining reliability within an upper bound of their expected distances from the training regions. We evaluate GROOT on various biological sequence design tasks, including protein optimization (GFP and AAV) and three tasks with exact oracles from Design-Bench. The results demonstrate that GROOT equalizes and surpasses existing methods without requiring access to black-box oracles or vast amounts of labeled data, highlighting its practicality and effectiveness. We release our code at https://anonymous.4open.science/r/GROOT-D554
- Published
- 2024
3. TESGNN: Temporal Equivariant Scene Graph Neural Networks for Efficient and Robust Multi-View 3D Scene Understanding
- Author
-
Pham, Quang P. M., Nguyen, Khoi T. N., Ngo, Lan C., Song, Dezhen, Do, Truong, and Hy, Truong Son
- Subjects
Computer Science - Computer Vision and Pattern Recognition ,Computer Science - Machine Learning - Abstract
Scene graphs have proven to be highly effective for various scene understanding tasks due to their compact and explicit representation of relational information. However, current methods often overlook the critical importance of preserving symmetry when generating scene graphs from 3D point clouds, which can lead to reduced accuracy and robustness, particularly when dealing with noisy, multi-view data. This work, to the best of our knowledge, presents the first implementation of an Equivariant Scene Graph Neural Network (ESGNN) to generate semantic scene graphs from 3D point clouds, specifically for enhanced scene understanding. Furthermore, a significant limitation of prior methods is the absence of temporal modeling to capture time-dependent relationships among dynamically evolving entities within a scene. To address this gap, we introduce a novel temporal layer that leverages the symmetry-preserving properties of ESGNN to fuse scene graphs across multiple sequences into a unified global representation by an approximate graph-matching algorithm. Our combined architecture, termed the Temporal Equivariant Scene Graph Neural Network (TESGNN), not only surpasses existing state-of-the-art methods in scene estimation accuracy but also achieves faster convergence. Importantly, TESGNN is computationally efficient and straightforward to implement using existing frameworks, making it well-suited for real-time applications in robotics and computer vision. This approach paves the way for more robust and scalable solutions to complex multi-view scene understanding challenges. Our source code is publicly available at: https://github.com/HySonLab/TESGraph, Comment: arXiv admin note: text overlap with arXiv:2407.00609
- Published
- 2024
4. Reconstructing Galaxy Cluster Mass Maps using Score-based Generative Modeling
- Author
-
Hsu, Alan, Ho, Matthew, Lin, Joyce, Markey, Carleen, Ntampaka, Michelle, Trac, Hy, and Póczos, Barnabás
- Subjects
Astrophysics - Cosmology and Nongalactic Astrophysics ,Computer Science - Machine Learning - Abstract
We present a novel approach to reconstruct gas and dark matter projected density maps of galaxy clusters using score-based generative modeling. Our diffusion model takes in mock SZ and X-ray images as conditional observations, and generates realizations of corresponding gas and dark matter maps by sampling from a learned data posterior. We train and validate the performance of our model by using mock data from a hydrodynamical cosmological simulation. The model accurately reconstructs both the mean and spread of the radial density profiles in the spatial domain to within 5\%, indicating that the model is able to distinguish between clusters of different sizes. In the spectral domain, the model achieves close-to-unity values for the bias and cross-correlation coefficients, indicating that the model can accurately probe cluster structures on both large and small scales. Our experiments demonstrate the ability of score models to learn a strong, nonlinear, and unbiased mapping between input observables and fundamental density distributions of galaxy clusters. These diffusion models can be further fine-tuned and generalized to not only take in additional observables as inputs, but also real observations and predict unknown density distributions of galaxy clusters., Comment: 15 pages, 9 figures, submitted to The Open Journal of Astrophysics
- Published
- 2024
5. Range-aware Positional Encoding via High-order Pretraining: Theory and Practice
- Author
-
Nguyen, Viet Anh, Ngo, Nhat Khang, and Hy, Truong Son
- Subjects
Computer Science - Machine Learning ,Electrical Engineering and Systems Science - Signal Processing - Abstract
Unsupervised pre-training on vast amounts of graph data is critical in real-world applications wherein labeled data is limited, such as molecule properties prediction or materials science. Existing approaches pre-train models for specific graph domains, neglecting the inherent connections within networks. This limits their ability to transfer knowledge to various supervised tasks. In this work, we propose a novel pre-training strategy on graphs that focuses on modeling their multi-resolution structural information, allowing us to capture global information of the whole graph while preserving local structures around its nodes. We extend the work of Wave}let Positional Encoding (WavePE) from (Ngo et al., 2023) by pretraining a High-Order Permutation-Equivariant Autoencoder (HOPE-WavePE) to reconstruct node connectivities from their multi-resolution wavelet signals. Unlike existing positional encodings, our method is designed to become sensitivity to the input graph size in downstream tasks, which efficiently capture global structure on graphs. Since our approach relies solely on the graph structure, it is also domain-agnostic and adaptable to datasets from various domains, therefore paving the wave for developing general graph structure encoders and graph foundation models. We theoretically demonstrate that there exists a parametrization of such architecture that it can predict the output adjacency up to arbitrarily low error. We also evaluate HOPE-WavePE on graph-level prediction tasks of different areas and show its superiority compared to other methods.
- Published
- 2024
6. MultiMed: Multilingual Medical Speech Recognition via Attention Encoder Decoder
- Author
-
Le-Duc, Khai, Phan, Phuc, Pham, Tan-Hanh, Tat, Bach Phan, Ngo, Minh-Huong, and Hy, Truong-Son
- Subjects
Computer Science - Computation and Language ,Computer Science - Sound ,Electrical Engineering and Systems Science - Audio and Speech Processing - Abstract
Multilingual automatic speech recognition (ASR) in the medical domain serves as a foundational task for various downstream applications such as speech translation, spoken language understanding, and voice-activated assistants. This technology enhances patient care by enabling efficient communication across language barriers, alleviating specialized workforce shortages, and facilitating improved diagnosis and treatment, particularly during pandemics. In this work, we introduce MultiMed, a collection of small-to-large end-to-end ASR models for the medical domain, spanning five languages: Vietnamese, English, German, French, and Mandarin Chinese, together with the corresponding real-world ASR dataset. To our best knowledge, MultiMed stands as the largest and the first multilingual medical ASR dataset, in terms of total duration, number of speakers, diversity of diseases, recording conditions, speaker roles, unique medical terms, accents, and ICD-10 codes. Secondly, we establish the empirical baselines, present the first reproducible study of multilinguality in medical ASR, conduct a layer-wise ablation study for end-to-end ASR training, and provide the first linguistic analysis for multilingual medical ASR. All code, data, and models are available online https://github.com/leduckhai/MultiMed/tree/master/MultiMed, Comment: Preprint
- Published
- 2024
7. RotCAtt-TransUNet++: Novel Deep Neural Network for Sophisticated Cardiac Segmentation
- Author
-
Nguyen-Le, Quoc-Bao, Le, Tuan-Hy, Do, Anh-Triet, and Trinh, Quoc-Huy
- Subjects
Computer Science - Computer Vision and Pattern Recognition ,Computer Science - Artificial Intelligence - Abstract
Cardiovascular disease remains a predominant global health concern, responsible for a significant portion of mortality worldwide. Accurate segmentation of cardiac medical imaging data is pivotal in mitigating fatality rates associated with cardiovascular conditions. However, existing state-of-the-art (SOTA) neural networks, including both CNN-based and Transformer-based approaches, exhibit limitations in practical applicability due to their inability to effectively capture inter-slice connections alongside intra-slice information. This deficiency is particularly evident in datasets featuring intricate, long-range details along the z-axis, such as coronary arteries in axial views. Additionally, SOTA methods fail to differentiate non-cardiac components from myocardium in segmentation, leading to the "spraying" phenomenon. To address these challenges, we present RotCAtt-TransUNet++, a novel architecture tailored for robust segmentation of complex cardiac structures. Our approach emphasizes modeling global contexts by aggregating multiscale features with nested skip connections in the encoder. It integrates transformer layers to capture interactions between patches and employs a rotatory attention mechanism to capture connectivity between multiple slices (inter-slice information). Additionally, a channel-wise cross-attention gate guides the fused multi-scale channel-wise information and features from decoder stages to bridge semantic gaps. Experimental results demonstrate that our proposed model outperforms existing SOTA approaches across four cardiac datasets and one abdominal dataset. Importantly, coronary arteries and myocardium are annotated with near-perfect accuracy during inference. An ablation study shows that the rotatory attention mechanism effectively transforms embedded vectorized patches in the semantic dimensional space, enhancing segmentation accuracy., Comment: 11 pages, 11 figures
- Published
- 2024
8. Insights, opportunities and challenges provided by large cell atlases
- Author
-
Hemberg, Martin, Marini, Federico, Ghazanfar, Shila, Ajami, Ahmad Al, Abassi, Najla, Anchang, Benedict, Benayoun, Bérénice A., Cao, Yue, Chen, Ken, Cuesta-Astroz, Yesid, DeBruine, Zach, Dendrou, Calliope A., De Vlaminck, Iwijn, Imkeller, Katharina, Korsunsky, Ilya, Lederer, Alex R., Meysman, Pieter, Miller, Clint, Mullan, Kerry, Ohler, Uwe, Patikas, Nikolaos, Schuck, Jonas, Siu, Jacqueline HY, Triche Jr., Timothy J., Tsankov, Alex, van der Laan, Sander W., Yajima, Masanao, Yang, Jean, Zanini, Fabio, and Jelic, Ivana
- Subjects
Quantitative Biology - Genomics - Abstract
The field of single-cell biology is growing rapidly and is generating large amounts of data from a variety of species, disease conditions, tissues, and organs. Coordinated efforts such as CZI CELLxGENE, HuBMAP, Broad Institute Single Cell Portal, and DISCO, allow researchers to access large volumes of curated datasets. Although the majority of the data is from scRNAseq experiments, a wide range of other modalities are represented as well. These resources have created an opportunity to build and expand the computational biology ecosystem to develop tools necessary for data reuse, and for extracting novel biological insights. Here, we highlight achievements made so far, areas where further development is needed, and specific challenges that need to be overcome.
- Published
- 2024
9. Sampling Foundational Transformer: A Theoretical Perspective
- Author
-
Nguyen, Viet Anh, Lenhat, Minh, Nguyen, Khoa, Hieu, Duong Duc, Hung, Dao Huu, and Hy, Truong Son
- Subjects
Computer Science - Machine Learning ,Computer Science - Computer Vision and Pattern Recognition - Abstract
The versatility of self-attention mechanism earned transformers great success in almost all data modalities, with limitations on the quadratic complexity and difficulty of training. To apply transformers across different data modalities, practitioners have to make specific clever data-modality-dependent constructions. In this paper, we propose Sampling Foundational Transformer (SFT) that can work on multiple data modalities (e.g., point cloud, graph, and sequence) and constraints (e.g., rotational-invariant). The existence of such model is important as contemporary foundational modeling requires operability on multiple data sources. For efficiency on large number of tokens, our model relies on our context aware sampling-without-replacement mechanism for both linear asymptotic computational complexity and real inference time gain. For efficiency, we rely on our newly discovered pseudoconvex formulation of transformer layer to increase model's convergence rate. As a model working on multiple data modalities, SFT has achieved competitive results on many benchmarks, while being faster in inference, compared to other very specialized models.
- Published
- 2024
10. SAMSA: Efficient Transformer for Many Data Modalities
- Author
-
Lenhat, Minh, Nguyen, Viet Anh, Nguyen, Khoa, Hieu, Duong Duc, Hung, Dao Huu, and Hy, Truong Son
- Subjects
Computer Science - Machine Learning - Abstract
The versatility of self-attention mechanism earned transformers great success in almost all data modalities, with limitations on the quadratic complexity and difficulty of training. Efficient transformers, on the other hand, often rely on clever data-modality-dependent construction to get over the quadratic complexity of transformers. This greatly hinders their applications on different data modalities, which is one of the pillars of contemporary foundational modeling. In this paper, we lay the groundwork for efficient foundational modeling by proposing SAMSA - SAMpling-Self-Attention, a context-aware linear complexity self-attention mechanism that works well on multiple data modalities. Our mechanism is based on a differentiable sampling without replacement method we discovered. This enables the self-attention module to attend to the most important token set, where the importance is defined by data. Moreover, as differentiability is not needed in inference, the sparse formulation of our method costs little time overhead, further lowering computational costs. In short, SAMSA achieved competitive or even SOTA results on many benchmarks, while being faster in inference, compared to other very specialized models. Against full self-attention, real inference time significantly decreases while performance ranges from negligible degradation to outperformance. We release our source code in the repository: https://github.com/HySonLab/SAMSA
- Published
- 2024
11. wav2graph: A Framework for Supervised Learning Knowledge Graph from Speech
- Author
-
Le-Duc, Khai, Dang, Quy-Anh, Pham, Tan-Hanh, and Hy, Truong-Son
- Subjects
Computer Science - Computation and Language ,Computer Science - Artificial Intelligence ,Computer Science - Information Retrieval ,Computer Science - Machine Learning ,Computer Science - Sound ,Electrical Engineering and Systems Science - Audio and Speech Processing - Abstract
Knowledge graphs (KGs) enhance the performance of large language models (LLMs) and search engines by providing structured, interconnected data that improves reasoning and context-awareness. However, KGs only focus on text data, thereby neglecting other modalities such as speech. In this work, we introduce wav2graph, the first framework for supervised learning knowledge graph from speech data. Our pipeline are straightforward: (1) constructing a KG based on transcribed spoken utterances and a named entity database, (2) converting KG into embedding vectors, and (3) training graph neural networks (GNNs) for node classification and link prediction tasks. Through extensive experiments conducted in inductive and transductive learning contexts using state-of-the-art GNN models, we provide baseline results and error analysis for node classification and link prediction tasks on human transcripts and automatic speech recognition (ASR) transcripts, including evaluations using both encoder-based and decoder-based node embeddings, as well as monolingual and multilingual acoustic pre-trained models. All related code, data, and models are published online., Comment: Preprint, 32 pages
- Published
- 2024
12. Do Text-to-Vis Benchmarks Test Real Use of Visualisations?
- Author
-
Nguyen, Hy, He, Xuefei, Reeson, Andrew, Paris, Cecile, Poon, Josiah, and Kummerfeld, Jonathan K.
- Subjects
Computer Science - Computation and Language ,Computer Science - Human-Computer Interaction - Abstract
Large language models are able to generate code for visualisations in response to simple user requests. This is a useful application and an appealing one for NLP research because plots of data provide grounding for language. However, there are relatively few benchmarks, and those that exist may not be representative of what users do in practice. This paper investigates whether benchmarks reflect real-world use through an empirical study comparing benchmark datasets with code from public repositories. Our findings reveal a substantial gap, with evaluations not testing the same distribution of chart types, attributes, and actions as real-world examples. One dataset is representative, but requires extensive modification to become a practical end-to-end benchmark. This shows that new benchmarks are needed to support the development of systems that truly address users' visualisation needs. These observations will guide future data creation, highlighting which features hold genuine significance for users., Comment: Accepted to EMNLP 2024
- Published
- 2024
13. Sentiment Reasoning for Healthcare
- Author
-
Nguyen, Khai-Nguyen, Le-Duc, Khai, Tat, Bach Phan, Le, Duy, Vo-Dang, Long, and Hy, Truong-Son
- Subjects
Computer Science - Computation and Language ,Computer Science - Artificial Intelligence ,Computer Science - Machine Learning ,Computer Science - Sound ,Electrical Engineering and Systems Science - Audio and Speech Processing - Abstract
Transparency in AI healthcare decision-making is crucial for building trust among AI and users. Incorporating reasoning capabilities enables Large Language Models (LLMs) to understand emotions in context, handle nuanced language, and infer unstated sentiments. In this work, we introduce a new task -- Sentiment Reasoning -- for both speech and text modalities, along with our proposed multimodal multitask framework and dataset. Sentiment Reasoning is an auxiliary task in sentiment analysis where the model predicts both the sentiment label and generates the rationale behind it based on the input transcript. Our study conducted on both human transcripts and Automatic Speech Recognition (ASR) transcripts shows that Sentiment Reasoning helps improve model transparency by providing rationale for model prediction with quality semantically comparable to humans while also improving model performance (1% increase in both accuracy and macro-F1) via rationale-augmented fine-tuning. Also, no significant difference in the semantic quality of generated rationales between human and ASR transcripts. All code, data (English-translated and Vietnamese) and models are published online: https://github.com/leduckhai/MultiMed., Comment: NeurIPS AIM-FM Workshop, 20 pages
- Published
- 2024
14. LiteGPT: Large Vision-Language Model for Joint Chest X-ray Localization and Classification Task
- Author
-
Le-Duc, Khai, Zhang, Ryan, Nguyen, Ngoc Son, Pham, Tan-Hanh, Dao, Anh, Ngo, Ba Hung, Nguyen, Anh Totti, and Hy, Truong-Son
- Subjects
Electrical Engineering and Systems Science - Image and Video Processing ,Computer Science - Computation and Language ,Computer Science - Computer Vision and Pattern Recognition ,Computer Science - Machine Learning ,Computer Science - Multimedia - Abstract
Vision-language models have been extensively explored across a wide range of tasks, achieving satisfactory performance; however, their application in medical imaging remains underexplored. In this work, we propose a unified framework - LiteGPT - for the medical imaging. We leverage multiple pre-trained visual encoders to enrich information and enhance the performance of vision-language models. To the best of our knowledge, this is the first study to utilize vision-language models for the novel task of joint localization and classification in medical images. Besides, we are pioneers in providing baselines for disease localization in chest X-rays. Finally, we set new state-of-the-art performance in the image classification task on the well-benchmarked VinDr-CXR dataset. All code and models are publicly available online: https://github.com/leduckhai/LiteGPT, Comment: Preprint, 19 pages
- Published
- 2024
15. ESGNN: Towards Equivariant Scene Graph Neural Network for 3D Scene Understanding
- Author
-
Pham, Quang P. M., Nguyen, Khoi T. N., Ngo, Lan C., Do, Truong, and Hy, Truong Son
- Subjects
Computer Science - Computer Vision and Pattern Recognition ,Computer Science - Machine Learning - Abstract
Scene graphs have been proven to be useful for various scene understanding tasks due to their compact and explicit nature. However, existing approaches often neglect the importance of maintaining the symmetry-preserving property when generating scene graphs from 3D point clouds. This oversight can diminish the accuracy and robustness of the resulting scene graphs, especially when handling noisy, multi-view 3D data. This work, to the best of our knowledge, is the first to implement an Equivariant Graph Neural Network in semantic scene graph generation from 3D point clouds for scene understanding. Our proposed method, ESGNN, outperforms existing state-of-the-art approaches, demonstrating a significant improvement in scene estimation with faster convergence. ESGNN demands low computational resources and is easy to implement from available frameworks, paving the way for real-time applications such as robotics and computer vision.
- Published
- 2024
16. Real-time Speech Summarization for Medical Conversations
- Author
-
Le-Duc, Khai, Nguyen, Khai-Nguyen, Vo-Dang, Long, and Hy, Truong-Son
- Subjects
Computer Science - Computation and Language ,Computer Science - Artificial Intelligence ,Computer Science - Machine Learning ,Computer Science - Sound ,Electrical Engineering and Systems Science - Audio and Speech Processing - Abstract
In doctor-patient conversations, identifying medically relevant information is crucial, posing the need for conversation summarization. In this work, we propose the first deployable real-time speech summarization system for real-world applications in industry, which generates a local summary after every N speech utterances within a conversation and a global summary after the end of a conversation. Our system could enhance user experience from a business standpoint, while also reducing computational costs from a technical perspective. Secondly, we present VietMed-Sum which, to our knowledge, is the first speech summarization dataset for medical conversations. Thirdly, we are the first to utilize LLM and human annotators collaboratively to create gold standard and synthetic summaries for medical conversation summarization. Finally, we present baseline results of state-of-the-art models on VietMed-Sum. All code, data (English-translated and Vietnamese) and models are available online: https://github.com/leduckhai/MultiMed, Comment: Interspeech 2024
- Published
- 2024
17. Medical Spoken Named Entity Recognition
- Author
-
Le-Duc, Khai, Thulke, David, Tran, Hung-Phong, Vo-Dang, Long, Nguyen, Khai-Nguyen, Hy, Truong-Son, and Schlüter, Ralf
- Subjects
Electrical Engineering and Systems Science - Audio and Speech Processing ,Computer Science - Computation and Language ,Computer Science - Machine Learning ,Computer Science - Sound - Abstract
Spoken Named Entity Recognition (NER) aims to extracting named entities from speech and categorizing them into types like person, location, organization, etc. In this work, we present VietMed-NER - the first spoken NER dataset in the medical domain. To our best knowledge, our real-world dataset is the largest spoken NER dataset in the world in terms of the number of entity types, featuring 18 distinct types. Secondly, we present baseline results using various state-of-the-art pre-trained models: encoder-only and sequence-to-sequence. We found that pre-trained multilingual models XLM-R outperformed all monolingual models on both reference text and ASR output. Also in general, encoders perform better than sequence-to-sequence models for the NER task. By simply translating, the transcript is applicable not just to Vietnamese but to other languages as well. All code, data and models are made publicly available here: https://github.com/leduckhai/MultiMed, Comment: Preprint, 41 pages
- Published
- 2024
18. Learning to Solve Multiresolution Matrix Factorization by Manifold Optimization and Evolutionary Metaheuristics
- Author
-
Hy, Truong Son, Khang, Thieu, and Kondor, Risi
- Subjects
Computer Science - Machine Learning ,Computer Science - Neural and Evolutionary Computing - Abstract
Multiresolution Matrix Factorization (MMF) is unusual amongst fast matrix factorization algorithms in that it does not make a low rank assumption. This makes MMF especially well suited to modeling certain types of graphs with complex multiscale or hierarchical strucutre. While MMF promises to yields a useful wavelet basis, finding the factorization itself is hard, and existing greedy methods tend to be brittle. In this paper, we propose a ``learnable'' version of MMF that carfully optimizes the factorization using metaheuristics, specifically evolutionary algorithms and directed evolution, along with Stiefel manifold optimization through backpropagating errors. We show that the resulting wavelet basis far outperforms prior MMF algorithms and gives comparable performance on standard learning tasks on graphs. Furthermore, we construct the wavelet neural networks (WNNs) learning graphs on the spectral domain with the wavelet basis produced by our MMF learning algorithm. Our wavelet networks are competitive against other state-of-the-art methods in molecular graphs classification and node classification on citation graphs. We release our implementation at https://github.com/HySonLab/LearnMMF, Comment: arXiv admin note: substantial text overlap with arXiv:2111.01940
- Published
- 2024
19. Examining Ownership Models in Software Teams: A Systematic Literature Review and a Replication Study
- Author
-
Koana, Umme Ayman, Le, Quang Hy, Rahman, Shadikur, Carlson, Chris, Chew, Francis, and Nayebi, Maleknaz
- Subjects
Computer Science - Software Engineering - Abstract
Effective ownership of software artifacts, particularly code, is crucial for accountability, knowledge sharing, and code quality enhancement. Researchers have proposed models linking ownership of software artifacts with developer performance and code quality. Our study aims to systematically examine various ownership models and provide a structured literature overview. Conducting a systematic literature review, we identified 79 relevant papers published between 2005 and 2022. We developed a taxonomy of ownership artifacts based on type, owners, and degree of ownership, along with compiling modeling variables and analytics types used in each study. Additionally, we assessed the replication status of each study. As a result, we identified nine distinct software artifacts whose ownership has been discussed in the literature, with "Code" being the most frequently analyzed artifact. We found that only three papers (3.79%) provided code and data, whereas nine papers (11.4%) provided only data. Using our systematic literature review results, we replicated experiments on nine priority projects at \texttt{Brightsquid}. The company aimed to compare its code quality against ownership factors in other teams, so we conducted a replication study using their data. Unlike prior studies, we found no strong correlation between minor contributors and bug numbers. Surprisingly, we found no strong link between the total number of developers modifying a file and bug counts, contrasting previous findings. However, we observed a significant correlation between major contributors and bug counts, diverging from earlier research., Comment: Pre-print an accepted paper for the ESE journal
- Published
- 2024
20. The hydrodynamic response of small-scale structure to reionization drives large IGM temperature fluctuations that persist to z = 4
- Author
-
Cain, Christopher, Scannapieco, Evan, McQuinn, Matthew, D'Aloisio, Anson, and Trac, Hy
- Subjects
Astrophysics - Cosmology and Nongalactic Astrophysics ,Astrophysics - Astrophysics of Galaxies - Abstract
The thermal history and structure of the intergalactic medium (IGM) at $z \geq 4$ is an important boundary condition for reionization, and a key input for studies using the Ly$\alpha$ forest to constrain the masses of alternative dark matter candidates. Most such inferences rely on simulations that lack the spatial resolution to fully resolve the hydrodynamic response of IGM filaments and minihalos to HI reionization heating. In this letter, we use high-resolution hydrodynamic+radiative transfer simulations to study how these affect the IGM thermal structure. We find that the adiabatic heating and cooling driven by the expansion of initially cold gas filaments and minihalos sources significant small-scale temperature fluctuations. These likely persist in much of the IGM until $z \leq 4$. Capturing this effect requires resolving the clumping scale of cold, pre-ionized gas, demanding spatial resolutions of $\leq 2$ $h^{-1}$kpc. Pre-heating of the IGM by X-Rays can slightly reduce the effect. Our preliminary estimate of the effect on the Ly$\alpha$ forest finds that, at $\log(k /[{\rm km^{-1} s}]) = -1.0$, the Ly$\alpha$ forest flux power (at fixed mean flux) can increase $\approx 10\%$ going from $8$ and $2$ $h^{-1}$kpc resolution at $z = 4-5$ for gas ionized at $z < 7$. These findings motivate more careful analyses of how the effects studied here affect the Ly$\alpha$ forest., Comment: 6+1 pages, 2+1 figures, accepted for publication in MNRAS letters. Comments welcome
- Published
- 2024
21. The Atacama Cosmology Telescope: Reionization kSZ trispectrum methodology and limits
- Author
-
MacCrann, Niall, Qu, Frank J., Namikawa, Toshiya, Bolliet, Boris, Cai, Hongbo, Calabrese, Erminia, Choi, Steve K., Darwish, Omar, Ferraro, Simone, Guan, Yilun, Hill, J. Colin, Hilton, Matt, Hložek, Renée, Kramer, Darby, Madhavacheril, Mathew S., Moodley, Kavilan, Sehgal, Neelima, Sherwin, Blake D., Sifón, Cristóbal, Staggs, Suzanne T., Trac, Hy, Van Engelen, Alexander, and Vavagiakis, Eve M.
- Subjects
Astrophysics - Cosmology and Nongalactic Astrophysics - Abstract
Patchy reionization generates kinematic Sunyaev-Zeldovich (kSZ) anisotropies in the cosmic microwave background (CMB). Large-scale velocity perturbations along the line of sight modulate the small-scale kSZ power spectrum, leading to a trispectrum (or four-point function) in the CMB that depends on the physics of reionization. We investigate the challenges in detecting this trispectrum and use tools developed for CMB lensing, such as realization-dependent bias subtraction and cross-correlation based estimators, to counter uncertainties in the instrumental noise and assumed CMB power spectrum. We also find that both lensing and extragalactic foregrounds can impart larger trispectrum contributions than the reionization kSZ signal. We present a range of mitigation methods for both of these sources of contamination, validated on microwave-sky simulations. We use ACT DR6 and Planck data to calculate an upper limit on the reionization kSZ trispectrum from a measurement dominated by foregrounds. The upper limit is about 50 times the signal predicted from recent simulations., Comment: Measurements and covariances will be made public upon publication
- Published
- 2024
22. DE-HNN: An effective neural model for Circuit Netlist representation
- Author
-
Luo, Zhishang, Hy, Truong Son, Tabaghi, Puoya, Koh, Donghyeon, Defferrard, Michael, Rezaei, Elahe, Carey, Ryan, Davis, Rhett, Jain, Rajeev, and Wang, Yusu
- Subjects
Computer Science - Machine Learning ,Computer Science - Hardware Architecture - Abstract
The run-time for optimization tools used in chip design has grown with the complexity of designs to the point where it can take several days to go through one design cycle which has become a bottleneck. Designers want fast tools that can quickly give feedback on a design. Using the input and output data of the tools from past designs, one can attempt to build a machine learning model that predicts the outcome of a design in significantly shorter time than running the tool. The accuracy of such models is affected by the representation of the design data, which is usually a netlist that describes the elements of the digital circuit and how they are connected. Graph representations for the netlist together with graph neural networks have been investigated for such models. However, the characteristics of netlists pose several challenges for existing graph learning frameworks, due to the large number of nodes and the importance of long-range interactions between nodes. To address these challenges, we represent the netlist as a directed hypergraph and propose a Directional Equivariant Hypergraph Neural Network (DE-HNN) for the effective learning of (directed) hypergraphs. Theoretically, we show that our DE-HNN can universally approximate any node or hyperedge based function that satisfies certain permutation equivariant and invariant properties natural for directed hypergraphs. We compare the proposed DE-HNN with several State-of-the-art (SOTA) machine learning models for (hyper)graphs and netlists, and show that the DE-HNN significantly outperforms them in predicting the outcome of optimized place-and-route tools directly from the input netlists. Our source code and the netlists data used are publicly available at https://github.com/YusuLab/chips.git
- Published
- 2024
23. E(3)-Equivariant Mesh Neural Networks
- Author
-
Trang, Thuan, Ngo, Nhat Khang, Levy, Daniel, Vo, Thieu N., Ravanbakhsh, Siamak, and Hy, Truong Son
- Subjects
Computer Science - Machine Learning - Abstract
Triangular meshes are widely used to represent three-dimensional objects. As a result, many recent works have address the need for geometric deep learning on 3D mesh. However, we observe that the complexities in many of these architectures does not translate to practical performance, and simple deep models for geometric graphs are competitive in practice. Motivated by this observation, we minimally extend the update equations of E(n)-Equivariant Graph Neural Networks (EGNNs) (Satorras et al., 2021) to incorporate mesh face information, and further improve it to account for long-range interactions through hierarchy. The resulting architecture, Equivariant Mesh Neural Network (EMNN), outperforms other, more complicated equivariant methods on mesh tasks, with a fast run-time and no expensive pre-processing. Our implementation is available at https://github.com/HySonLab/EquiMesh
- Published
- 2024
24. Genetic variants for head size share genes and pathways with cancer
- Author
-
Knol, Maria J, Poot, Raymond A, Evans, Tavia E, Satizabal, Claudia L, Mishra, Aniket, Sargurupremraj, Muralidharan, van der Auwera, Sandra, Duperron, Marie-Gabrielle, Jian, Xueqiu, Hostettler, Isabel C, van Dam-Nolen, Dianne HK, Lamballais, Sander, Pawlak, Mikolaj A, Lewis, Cora E, Carrion-Castillo, Amaia, van Erp, Theo GM, Reinbold, Céline S, Shin, Jean, Scholz, Markus, Håberg, Asta K, Kämpe, Anders, Li, Gloria HY, Avinun, Reut, Atkins, Joshua R, Hsu, Fang-Chi, Amod, Alyssa R, Lam, Max, Tsuchida, Ami, Teunissen, Mariël WA, Aygün, Nil, Patel, Yash, Liang, Dan, Beiser, Alexa S, Beyer, Frauke, Bis, Joshua C, Bos, Daniel, Bryan, R Nick, Bülow, Robin, Caspers, Svenja, Catheline, Gwenaëlle, Cecil, Charlotte AM, Dalvie, Shareefa, Dartigues, Jean-François, DeCarli, Charles, Enlund-Cerullo, Maria, Ford, Judith M, Franke, Barbara, Freedman, Barry I, Friedrich, Nele, Green, Melissa J, Haworth, Simon, Helmer, Catherine, Hoffmann, Per, Homuth, Georg, Ikram, M Kamran, Jack, Clifford R, Jahanshad, Neda, Jockwitz, Christiane, Kamatani, Yoichiro, Knodt, Annchen R, Li, Shuo, Lim, Keane, Longstreth, WT, Macciardi, Fabio, Consortium, The Cohorts for Heart and Aging Research in Genomic Epidemiology, Amouyel, Philippe, Arfanakis, Konstantinos, Aribisala, Benjamin S, Bastin, Mark E, Chauhan, Ganesh, Chen, Christopher, Cheng, Ching-Yu, de Jager, Philip L, Deary, Ian J, Fleischman, Debra A, Gottesman, Rebecca F, Gudnason, Vilmundur, Hilal, Saima, Hofer, Edith, Janowitz, Deborah, Jukema, J Wouter, Liewald, David CM, Lopez, Lorna M, Lopez, Oscar, Luciano, Michelle, Martinez, Oliver, Niessen, Wiro J, Nyquist, Paul, Rotter, Jerome I, Rundek, Tatjana, Sacco, Ralph L, Schmidt, Helena, Tiemeier, Henning, Trompet, Stella, van der Grond, Jeroen, Völzke, Henry, Wardlaw, Joanna M, Yanek, Lisa, Yang, Jingyun, and Consortium, The Enhancing NeuroImaging Genetics through Meta-Analysis
- Subjects
Biomedical and Clinical Sciences ,Biotechnology ,Genetics ,Cancer ,Human Genome ,Stem Cell Research ,Neurosciences ,2.1 Biological and endogenous factors ,1.1 Normal biological development and functioning ,Neurological ,Humans ,Genome-Wide Association Study ,Head ,Neoplasms ,Female ,Male ,Polymorphism ,Single Nucleotide ,Genetic Variation ,Organ Size ,Signal Transduction ,Adult ,Genetic Predisposition to Disease ,Cohorts for Heart and Aging Research in Genomic Epidemiology (CHARGE) Consortium ,Enhancing NeuroImaging Genetics through Meta-Analysis (ENIGMA) Consortium ,cancer ,genetics ,genome-wide association study ,head circumference ,head size ,intracranial volume ,meta-analysis ,Biomedical and clinical sciences - Abstract
The size of the human head is highly heritable, but genetic drivers of its variation within the general population remain unmapped. We perform a genome-wide association study on head size (N = 80,890) and identify 67 genetic loci, of which 50 are novel. Neuroimaging studies show that 17 variants affect specific brain areas, but most have widespread effects. Gene set enrichment is observed for various cancers and the p53, Wnt, and ErbB signaling pathways. Genes harboring lead variants are enriched for macrocephaly syndrome genes (37-fold) and high-fidelity cancer genes (9-fold), which is not seen for human height variants. Head size variants are also near genes preferentially expressed in intermediate progenitor cells, neural cells linked to evolutionary brain expansion. Our results indicate that genes regulating early brain and cranial growth incline to neoplasia later in life, irrespective of height. This warrants investigation of clinical implications of the link between head size and cancer.
- Published
- 2024
25. Extragradient Algorithms with Linesearches for Solving Nonmonotone Equilibrium Problems in Banach Spaces
- Author
-
Dinh, Bui Van, Manh, Hy Duc, and Thanh, Tran Thi Huyen
- Published
- 2025
- Full Text
- View/download PDF
26. Validation of Quality Assessment Measures for Inpatient Gastroenterology Consults on Oncologic Patients in Non-teaching Services at a Cancer Center: A Cross-Sectional Study
- Author
-
Kidambi, Trilokesh D., Qadri, Rateeba, Varughese, Jay, Seto, Tyler, Idos, Gregory, Lin, James, Hirsch, Peter, Trieu, Harry, Ma, Huiyan, Hein, Marjorie, Ahn, Alice, Hy-Hincy, Claire, Lew, Michael W., Kessler, Jonathan, Perumpail, Ryan B., Terdiman, Jonathan P., Lee, Jeffrey K., Day, Lukejohn, Manesh, Reza Sedighi, Taplitz, Randy, and Banciu-Odell, Cornelia
- Published
- 2024
- Full Text
- View/download PDF
27. Operando real-space imaging of a structural phase transformation in a high-voltage electrode
- Author
-
Sun, Yifei, Hy, Sunny, Hua, Nelson, Wingert, James, Harder, Ross, Meng, Ying Shirley, Shpyrko, Oleg, and Singer, Andrej
- Subjects
Condensed Matter - Materials Science - Abstract
Discontinuous solid-solid phase transformations play a pivotal role in determining properties of rechargeable battery electrodes. By leveraging operando Bragg Coherent Diffractive Imaging (BCDI), we investigate the discontinuous phase transformation in LixNi0.5Mn1.5O4 within a fully operational battery. Throughout Li-intercalation, we directly observe the nucleation and growth of the Li-rich phase within the initially charged Li-poor phase in a 500 nm particle. Supported by the microelasticity model, the operando imaging unveils an evolution from a curved coherent to planar semi-coherent interface driven by dislocation dynamics. We hypothesize these dislocations exhibit a glissile motion that facilitates interface migration without diffusion of host ions, leaving the particle defect-free post-transformation. Our data indicates negligible kinetic limitations impacting the transformation kinetics, even at discharge rates as fast as C/2. This study underscores BCDI's capability to provide operando insights into nanoscale phase transformations, offering valuable guidance for electrochemical materials design and optimization.
- Published
- 2023
28. Examining the effects of dark matter spikes on eccentric intermediate mass ratio inspirals using N-body simulations
- Author
-
Mukherjee, Diptajyoti, Holgado, A. Miguel, Ogiya, Go, and Trac, Hy
- Subjects
Astrophysics - Cosmology and Nongalactic Astrophysics ,Astrophysics - Astrophysics of Galaxies ,General Relativity and Quantum Cosmology - Abstract
Recent studies suggest that dark matter (DM) spikes around intermediate-mass black holes could cause observable dephasing in gravitational wave (GW) signals from Intermediate Mass Ratio Inspirals (IMRIs). Previous research primarily used non-self-consistent analytic methods to estimate the impact of DM spikes on eccentric IMRIs. Our study provides the first self-consistent treatment of this phenomenon using $N$-body simulations, incorporating Post-Newtonian effects up to the 2.5 order for accurate and robust results. Contrary to prior works, which posited that the cumulative effect of two-body encounters (dynamical friction; DF) is the primary mechanism for energy dissipation, we reveal that a three-body effect (slingshot mechanism) plays a more significant role in driving the binary system's energy loss and consequent orbital shrinkage. We find that binaries counter-rotating with respect to the DM spike merge faster, while co-rotating binaries merge slower, contrary to expectations from the DF theory. Using Fokker-Planck methods, we also assess the presence and detectability of spikes in realistic environments. When interacting with surrounding materials, DM spikes can have shallower slopes and lower densities than previously considered, leading to smaller signals and lower detection prospects via dephasing. Our results suggest that `deshifting' rather than dephasing might be a more optimistic signature, as it is more robust even in low-density environments., Comment: 21 pages, 20 figures. Accepted in MNRAS. The code used for simulations is available here: https://github.com/dipto4/falcon_dm
- Published
- 2023
- Full Text
- View/download PDF
29. Symmetry-preserving graph attention network to solve routing problems at multiple resolutions
- Author
-
Tran, Cong Dao, Bach, Thong, and Hy, Truong Son
- Subjects
Computer Science - Machine Learning - Abstract
Travelling Salesperson Problems (TSPs) and Vehicle Routing Problems (VRPs) have achieved reasonable improvement in accuracy and computation time with the adaptation of Machine Learning (ML) methods. However, none of the previous works completely respects the symmetries arising from TSPs and VRPs including rotation, translation, permutation, and scaling. In this work, we introduce the first-ever completely equivariant model and training to solve combinatorial problems. Furthermore, it is essential to capture the multiscale structure (i.e. from local to global information) of the input graph, especially for the cases of large and long-range graphs, while previous methods are limited to extracting only local information that can lead to a local or sub-optimal solution. To tackle the above limitation, we propose a Multiresolution scheme in combination with Equivariant Graph Attention network (mEGAT) architecture, which can learn the optimal route based on low-level and high-level graph resolutions in an efficient way. In particular, our approach constructs a hierarchy of coarse-graining graphs from the input graph, in which we try to solve the routing problems on simple low-level graphs first, then utilize that knowledge for the more complex high-level graphs. Experimentally, we have shown that our model outperforms existing baselines and proved that symmetry preservation and multiresolution are important recipes for solving combinatorial problems in a data-driven manner. Our source code is publicly available at https://github.com/HySonLab/Multires-NP-hard
- Published
- 2023
30. Graph Attention-based Deep Reinforcement Learning for solving the Chinese Postman Problem with Load-dependent costs
- Author
-
Hy, Truong Son and Tran, Cong Dao
- Subjects
Computer Science - Machine Learning - Abstract
Recently, Deep reinforcement learning (DRL) models have shown promising results in solving routing problems. However, most DRL solvers are commonly proposed to solve node routing problems, such as the Traveling Salesman Problem (TSP). Meanwhile, there has been limited research on applying neural methods to arc routing problems, such as the Chinese Postman Problem (CPP), since they often feature irregular and complex solution spaces compared to TSP. To fill these gaps, this paper proposes a novel DRL framework to address the CPP with load-dependent costs (CPP-LC) (Corberan et al., 2018), which is a complex arc routing problem with load constraints. The novelty of our method is two-fold. First, we formulate the CPP-LC as a Markov Decision Process (MDP) sequential model. Subsequently, we introduce an autoregressive model based on DRL, namely Arc-DRL, consisting of an encoder and decoder to address the CPP-LC challenge effectively. Such a framework allows the DRL model to work efficiently and scalably to arc routing problems. Furthermore, we propose a new bio-inspired meta-heuristic solution based on Evolutionary Algorithm (EA) for CPP-LC. Extensive experiments show that Arc-DRL outperforms existing meta-heuristic methods such as Iterative Local Search (ILS) and Variable Neighborhood Search (VNS) proposed by (Corberan et al., 2018) on large benchmark datasets for CPP-LC regarding both solution quality and running time; while the EA gives the best solution quality with much more running time. We release our C++ implementations for metaheuristics such as EA, ILS and VNS along with the code for data generation and our generated data at https://github.com/HySonLab/Chinese_Postman_Problem
- Published
- 2023
31. Multimodal Graph Learning for Modeling Emerging Pandemics with Big Data
- Author
-
Tran, Khanh-Tung, Hy, Truong Son, Jiang, Lili, and Vu, Xuan-Son
- Subjects
Computer Science - Machine Learning - Abstract
Accurate forecasting and analysis of emerging pandemics play a crucial role in effective public health management and decision-making. Traditional approaches primarily rely on epidemiological data, overlooking other valuable sources of information that could act as sensors or indicators of pandemic patterns. In this paper, we propose a novel framework called MGL4MEP that integrates temporal graph neural networks and multi-modal data for learning and forecasting. We incorporate big data sources, including social media content, by utilizing specific pre-trained language models and discovering the underlying graph structure among users. This integration provides rich indicators of pandemic dynamics through learning with temporal graph neural networks. Extensive experiments demonstrate the effectiveness of our framework in pandemic forecasting and analysis, outperforming baseline methods across different areas, pandemic situations, and prediction horizons. The fusion of temporal graph learning and multi-modal data enables a comprehensive understanding of the pandemic landscape with less time lag, cheap cost, and more potential information indicators.
- Published
- 2023
32. Surrogate distributed radiological sources II: aerial measurement campaign
- Author
-
Vavrek, Jayson R, Corey Hines, C, Bandstra, Mark S, Hellfeld, Daniel, Heine, Maddison A, Heiden, Zachariah M, Mann, Nick R, Quiter, Brian J, and Joshi, Tenzing HY
- Subjects
Nuclear and Plasma Physics ,Physical Sciences ,Atomic ,Molecular ,Nuclear ,Particle and Plasma Physics ,Other Physical Sciences ,Biomedical Engineering ,Nuclear & Particles Physics ,Nuclear and plasma physics - Published
- 2024
33. Surrogate distributed radiological sources I: point-source array design methods
- Author
-
Vavrek, Jayson R, Bandstra, Mark S, Hellfeld, Daniel, Quiter, Brian J, and Joshi, Tenzing HY
- Subjects
Nuclear and Plasma Physics ,Physical Sciences ,Atomic ,Molecular ,Nuclear ,Particle and Plasma Physics ,Other Physical Sciences ,Biomedical Engineering ,Nuclear & Particles Physics ,Nuclear and plasma physics - Published
- 2024
34. Sinonasal anatomical findings associated with revision functional endoscopic sinus surgery in chronic rhinosinusitis
- Author
-
Khalil, Mohamed Fat-hy, Khalifa, Mohamad Adel, Gamea, Ahmad Moawad, Erfan, Fatthe Ali, and Ebeid, Kamal
- Published
- 2024
- Full Text
- View/download PDF
35. MGLEP: Multimodal Graph Learning for Modeling Emerging Pandemics with Big Data
- Author
-
Tran, Khanh-Tung, Hy, Truong Son, Jiang, Lili, and Vu, Xuan-Son
- Published
- 2024
- Full Text
- View/download PDF
36. Community-based prevalence and associated factors of sarcopenia in the Vietnamese elderly
- Author
-
Pham, Lan-Anh Thi, Nguyen, Binh Thanh, Huynh, Dao Tieu, Nguyen, Binh-Minh Le Thi, Tran, Phuong-Anh Nhat, Van Vo, Tam, Bui, Hy-Han Thi, and Thai, Truc Thanh
- Published
- 2024
- Full Text
- View/download PDF
37. A Novel Method for Solving Nonmonotone Equilibrium Problems
- Author
-
Thanh, Tran Thi Huyen, Manh, Hy Duc, Ha, Nguyen Thi Thanh, and Van Dinh, Bui
- Published
- 2024
- Full Text
- View/download PDF
38. Optimal Timing for Corticosteroid Therapy in Idiopathic Granulomatous Mastitis: A Retrospective Analysis Highlighting Early Intervention Efficacy
- Author
-
Wang P, Sun JZ, Fang HY, Yang DJ, and Ren GS
- Subjects
idiopathic granulomatous mastitis (igm) ,steroids ,breast ,prednisolone ,Pathology ,RB1-214 ,Therapeutics. Pharmacology ,RM1-950 - Abstract
Pin Wang,1– 4 Jia-Zheng Sun,3,4 Hui-Ying Fang,3,4 De-Juan Yang,3,4 Guo-Sheng Ren3,4 1Department of General Surgery, the Third People’s Hospital of Chengdu, Chengdu, People’s Republic of China; 2Center of Breast and Thyroid Surgery, the Third People’s Hospital of Chengdu, Chengdu, People’s Republic of China; 3Chongqing Key Laboratory of Molecular Oncology and Epigenetics, The First Affiliated Hospital of Chongqing Medical University, Chongqing, People’s Republic of China; 4Department of Breast and Thyroid Surgery, The First Affiliated Hospital of Chongqing Medical University, Chongqing, People’s Republic of ChinaCorrespondence: Pin Wang, Email wangpin109@126.comBackground: Idiopathic granulomatous mastitis (IGM) is a chronic breast condition known for its aggressive nature and tendency for persistence and recurrence. Steroids are commonly used as the first-line treatment for IGM, but issues such as the optimal timing, and duration of treatment remain debated.Methods: We retrospectively analyzed 343 IGM cases treated at the Third People’s Hospital of Chengdu from September 2012 to September 2023. Based on inclusion and exclusion criteria, a total of 188 patients were included in the study. Patients were categorized into lump (78 cases), abscess (81 cases), and sinus tract stages (29 cases) according to their initial diagnosis upon admission. Prednisolone was initiated at 0.75 mg/kg/day, and after effective treatment, the dosage was adjusted by 5– 10 mg weekly, followed by a maintenance dose of 2.5– 5 mg/day. Clinical characteristics, treatment responses, adverse effects, recurrence rates, and follow-up data were assessed.Results: The median duration of prednisone treatment in our study was 87 days (range, 21– 281 days). Positive response rates to prednisolone were 78.2% in the lump stage, 60.5% in the abscess stage, and 62.1% in the sinus tract stage. Continuing low-dose prednisone for 3 months post-effective treatment reduced recurrence rates and side effect risks. Weight gain was the most common side effect (39.36%).Conclusion: Early steroid therapy, especially in the lump stage, demonstrated superior efficacy. Following a regimen of starting with a full dose, tapering slowly, and maintaining a low dose for around 3 months steroids treatment is recommended to minimize recurrence rate and adverse effects.Keywords: Idiopathic Granulomatous Mastitis (IGM), Steroids, Breast, Prednisolone
- Published
- 2024
39. Prevalence and Socio-Demographic and Hygiene Factors Influencing Impetigo in Saudi Arabian Children: A Cross-Sectional Investigation
- Author
-
Aleid AM, Nukaly HY, Almunahi LK, Albwah AA, AL- Balawi RMD, AlRashdi MH, Alkhars OA, Alrasheeday AM, Alshammari B, Alabbasi Y, and Al Mutair A
- Subjects
staphylococcus pyogenes ,staphylococcus aureu ,personal hygiene ,skin infections ,impetigo ,Dermatology ,RL1-803 - Abstract
Ali M Aleid,1 Houriah Y Nukaly,2 Lina K Almunahi,3 Ahood A Albwah,4 Rahaf Masoud D AL- Balawi,5 Mohsen H AlRashdi,6 Ola A Alkhars,7 Awatif M Alrasheeday,8 Bushra Alshammari,9 Yasmine Alabbasi,10 Abbas Al Mutair11 1Dermatology Department, Ministry of Health, Riyadh, Saudi Arabia; 2Medicine Program, Batterjee Medical College, Jeddah, 21442, Saudi Arabia; 3College of Medicine, King Saud Bin Abdulaziz University for Health Sciences, Riyadh, Saudi Arabia; 4College of Medicine, King Khalid University, Abha, Saudi Arabia; 5Faculty of Medicine, University of Tabuk, Tabuk, Saudi Arabia; 6Department of Medicine and Surgery, Umm Al Qura University, Alqunfidah, Makkah, Saudi Arabia; 7Pediatric Department, King Faisal General Hospital, Jeddah, Saudi Arabia; 8Nursing Administration Department, College of Nursing, University of Hail, Hail, 2440, Saudi Arabia; 9Medical Surgical Nursing Department, College of Nursing, University of Hail, Hail, 2440, Saudi Arabia; 10Department of Maternity and Pediatric Nursing, College of Nursing, Princess Nourah Bint Abdulrahman University, Riyadh, Saudi Arabia; 11Department of Medical-surgical Nursing, Princess Nourah bint Abdulrahman University, Riyadh, Saudi ArabiaCorrespondence: Yasmine Alabbasi, Department of Maternity and Pediatric Nursing, College of Nursing, Princess Nourah bint Abdulrahman University, P.O. Box 84428, Riyadh, 11671, Saudi Arabia, Email yaalabbasi@pnu.edu.saPurpose: To determine the prevalence of impetigo among children in Saudi Arabia as well as to identify socio-demographic factors associated with impetigo.Methods: This cross-sectional study conducted in Saudi Arabia examined impetigo prevalence and associated factors among children aged 2 to 15. Data collection occurred between June 2022 and November 2023, involving structured interviews with the parents or legal guardians of the participating children. A pre-designed questionnaire was used, which included questions related to personal hygiene practices (such as, frequency of handwashing, bathing routines, and use of communal facilities), environmental conditions, and the child’s impetigo diagnosis history.Results: The study encompassed a total of 1200 participants, with a predominant representation of female (79.3%). Participants exhibited a diverse age distribution, with the highest proportion falling within the 18– 24 age group (33.7%). Importantly, a statistically significant association was identified between the occurrence of impetigo in children and their personal hygiene scores (p < 0.001). Children with a confirmed impetigo diagnosis exhibited lower mean personal hygiene scores (2.6 ± 0.723) in contrast to those without such diagnoses (3.75 ± 0.911).Conclusion: Socio-demographic factors, including child’s gender, parental education level, employment status, and geographic location, emerge as significant determinants of impetigo occurrence. Additionally, there is a strong correlation between proper personal hygiene practices and a reduced incidence of impetigo.Keywords: Staphylococcus pyogenes, Staphylococcus aureus, personal hygiene, skin infections, impetigo
- Published
- 2024
40. New results on Erasure Combinatorial Batch Codes
- Author
-
Le, Phuc-Lu, Dau, Son Hoang, Ngo, Hy Dinh, and Nguyen, Thuc D.
- Subjects
Computer Science - Information Theory ,Computer Science - Distributed, Parallel, and Cluster Computing - Abstract
We investigate in this work the problem of Erasure Combinatorial Batch Codes, in which $n$ files are stored on $m$ servers so that every set of $n-r$ servers allows a client to retrieve at most $k$ distinct files by downloading at most $t$ files from each server. Previous studies have solved this problem for the special case of $t=1$ using Combinatorial Batch Codes. We tackle the general case $t \geq 1$ using a generalization of Hall's theorem. Additionally, we address a realistic scenario in which the retrieved files are consecutive according to some order and provide a simple and optimal solution for this case., Comment: Allerton conference
- Published
- 2023
41. Target-aware Variational Auto-encoders for Ligand Generation with Multimodal Protein Representation Learning
- Author
-
Ngo, Nhat Khang and Hy, Truong Son
- Subjects
Quantitative Biology - Biomolecules ,Computer Science - Machine Learning - Abstract
Without knowledge of specific pockets, generating ligands based on the global structure of a protein target plays a crucial role in drug discovery as it helps reduce the search space for potential drug-like candidates in the pipeline. However, contemporary methods require optimizing tailored networks for each protein, which is arduous and costly. To address this issue, we introduce TargetVAE, a target-aware variational auto-encoder that generates ligands with high binding affinities to arbitrary protein targets, guided by a novel multimodal deep neural network built based on graph Transformers as the prior for the generative model. This is the first effort to unify different representations of proteins (e.g., sequence of amino-acids, 3D structure) into a single model that we name as Protein Multimodal Network (PMN). Our multimodal architecture learns from the entire protein structures and is able to capture their sequential, topological and geometrical information. We showcase the superiority of our approach by conducting extensive experiments and evaluations, including the assessment of generative model quality, ligand generation for unseen targets, docking score computation, and binding affinity prediction. Empirical results demonstrate the promising performance of our proposed approach. Our software package is publicly available at https://github.com/HySonLab/Ligand_Generation
- Published
- 2023
42. Embedding Mental Health Discourse for Community Recommendation
- Author
-
Dang, Hy, Nguyen, Bang, Ziems, Noah, and Jiang, Meng
- Subjects
Computer Science - Information Retrieval ,Computer Science - Computation and Language - Abstract
Our paper investigates the use of discourse embedding techniques to develop a community recommendation system that focuses on mental health support groups on social media. Social media platforms provide a means for users to anonymously connect with communities that cater to their specific interests. However, with the vast number of online communities available, users may face difficulties in identifying relevant groups to address their mental health concerns. To address this challenge, we explore the integration of discourse information from various subreddit communities using embedding techniques to develop an effective recommendation system. Our approach involves the use of content-based and collaborative filtering techniques to enhance the performance of the recommendation system. Our findings indicate that the proposed approach outperforms the use of each technique separately and provides interpretability in the recommendation process., Comment: Accepted to the 4th workshop on Computational Approaches to Discourse (CODI-2023) at ACL 2023
- Published
- 2023
43. The Atacama Cosmology Telescope: High-resolution component-separated maps across one-third of the sky
- Author
-
Coulton, William R., Madhavacheril, Mathew S., Duivenvoorden, Adriaan J., Hill, J. Colin, Abril-Cabezas, Irene, Ade, Peter A. R., Aiola, Simone, Alford, Tommy, Amiri, Mandana, Amodeo, Stefania, An, Rui, Atkins, Zachary, Austermann, Jason E., Battaglia, Nicholas, Battistelli, Elia Stefano, Beall, James A., Bean, Rachel, Beringue, Benjamin, Bhandarkar, Tanay, Biermann, Emily, Bolliet, Boris, Bond, J Richard, Cai, Hongbo, Calabrese, Erminia, Calafut, Victoria, Capalbo, Valentina, Carrero, Felipe, Chesmore, Grace E., Cho, Hsiao-mei, Choi, Steve K., Clark, Susan E., Rosado, Rodrigo Córdova, Cothard, Nicholas F., Coughlin, Kevin, Crowley, Kevin T., Devlin, Mark J., Dicker, Simon, Doze, Peter, Duell, Cody J., Duff, Shannon M., Dunkley, Jo, Dünner, Rolando, Fanfani, Valentina, Fankhanel, Max, Farren, Gerrit, Ferraro, Simone, Freundt, Rodrigo, Fuzia, Brittany, Gallardo, Patricio A., Garrido, Xavier, Givans, Jahmour, Gluscevic, Vera, Golec, Joseph E., Guan, Yilun, Halpern, Mark, Han, Dongwon, Hasselfield, Matthew, Healy, Erin, Henderson, Shawn, Hensley, Brandon, Hervías-Caimapo, Carlos, Hilton, Gene C., Hilton, Matt, Hincks, Adam D., Hložek, Renée, Ho, Shuay-Pwu Patty, Huber, Zachary B., Hubmayr, Johannes, Huffenberger, Kevin M., Hughes, John P., Irwin, Kent, Isopi, Giovanni, Jense, Hidde T., Keller, Ben, Kim, Joshua, Knowles, Kenda, Koopman, Brian J., Kosowsky, Arthur, Kramer, Darby, Kusiak, Aleksandra, La Posta, Adrien, Lakey, Victoria, Lee, Eunseong, Li, Zack, Li, Yaqiong, Limon, Michele, Lokken, Martine, Louis, Thibaut, Lungu, Marius, MacCrann, Niall, MacInnis, Amanda, Maldonado, Diego, Maldonado, Felipe, Mallaby-Kay, Maya, Marques, Gabriela A., van Marrewijk, Joshiwa, McCarthy, Fiona, McMahon, Jeff, Mehta, Yogesh, Menanteau, Felipe, Moodley, Kavilan, Morris, Thomas W., Mroczkowski, Tony, Naess, Sigurd, Namikawa, Toshiya, Nati, Federico, Newburgh, Laura, Nicola, Andrina, Niemack, Michael D., Nolta, Michael R., Orlowski-Scherer, John, Page, Lyman A., Pandey, Shivam, Partridge, Bruce, Prince, Heather, Puddu, Roberto, Qu, Frank J., Radiconi, Federico, Robertson, Naomi, Rojas, Felipe, Sakuma, Tai, Salatino, Maria, Schaan, Emmanuel, Schmitt, Benjamin L., Sehgal, Neelima, Shaikh, Shabbir, Sherwin, Blake D., Sierra, Carlos, Sievers, Jon, Sifón, Cristóbal, Simon, Sara, Sonka, Rita, Spergel, David N., Staggs, Suzanne T., Storer, Emilie, Switzer, Eric R., Tampier, Niklas, Thornton, Robert, Trac, Hy, Treu, Jesse, Tucker, Carole, Ullom, Joel, Vale, Leila R., Van Engelen, Alexander, Van Lanen, Jeff, Vargas, Cristian, Vavagiakis, Eve M., Wagoner, Kasey, Wang, Yuhan, Wenzl, Lukas, Wollack, Edward J., Xu, Zhilei, Zago, Fernando, and Zheng, Kaiwen
- Subjects
Astrophysics - Cosmology and Nongalactic Astrophysics - Abstract
Observations of the millimeter sky contain valuable information on a number of signals, including the blackbody cosmic microwave background (CMB), Galactic emissions, and the Compton-$y$ distortion due to the thermal Sunyaev-Zel'dovich (tSZ) effect. Extracting new insight into cosmological and astrophysical questions often requires combining multi-wavelength observations to spectrally isolate one component. In this work, we present a new arcminute-resolution Compton-$y$ map, which traces out the line-of-sight-integrated electron pressure, as well as maps of the CMB in intensity and E-mode polarization, across a third of the sky (around 13,000 sq.~deg.). We produce these through a joint analysis of data from the Atacama Cosmology Telescope (ACT) Data Release 4 and 6 at frequencies of roughly 93, 148, and 225 GHz, together with data from the \textit{Planck} satellite at frequencies between 30 GHz and 545 GHz. We present detailed verification of an internal linear combination pipeline implemented in a needlet frame that allows us to efficiently suppress Galactic contamination and account for spatial variations in the ACT instrument noise. These maps provide a significant advance, in noise levels and resolution, over the existing \textit{Planck} component-separated maps and will enable a host of science goals including studies of cluster and galaxy astrophysics, inferences of the cosmic velocity field, primordial non-Gaussianity searches, and gravitational lensing reconstruction of the CMB., Comment: The Compton-y map and associated products will be made publicly available upon publication of the paper. The CMB T and E mode maps will be made available when the DR6 maps are made public
- Published
- 2023
44. Evolution of Energy Efficiency Programs Over Time: The Case of Standby Power
- Author
-
Payne, CT, Cheung, HY, and Fisher, E
- Abstract
Issued in 2001, Presidential Executive Order 13221 directed federal agencies to purchase products with low standby power, with the goal of 1) reducing energy consumption in federal facilities, and 2) drawing attention to the problem of high standby power consumption, with guidance provided by the Federal Energy Management Program (FEMP). At that time, standby power was newly recognized as an increasing building energy load. Since then, procurement of products with low standby power have been set in place in acquisition processes, and the purchasing power of the federal government continues to influence manufacturers’ design decisions related to standby power. In recent years, FEMP has shifted effort from direct manufacturer outreach for data collection, to integrating low standby requirement into broader acquisition programs including Energy Star and Electronic Product Environmental Assessment Tool (EPEAT). Another milestone has been the labeling of low standby products on the GSA Advantage website to simplify and enhance compliance. Looking forward into the program’s future, this question arises “How do we design programs over time to reflect market and technology changes, by adjusting programmatic requirements while maintaining effectiveness?” This paper discusses that question for the case of standby power, which transitioned from covering a single to multiple environmental attributes, both in the context of the program’s past and future.
- Published
- 2023
45. Correction to: Examining ownership models in software teams
- Author
-
Koana, Umme Ayman, Le, Quang Hy, Raman, Shaikur, Carlson, Chris, Chew, Francis, and Nayebi, Maleknaz
- Published
- 2025
- Full Text
- View/download PDF
46. The contribution of sodium reduction and potassium increase to the blood pressure lowering observed in the Salt Substitute and Stroke Study
- Author
-
Huang, Liping, Li, Qiang, Wu, Jason HY, Tian, Maoyi, Yin, Xuejun, Yu, Jie, Liu, Yishu, Zhang, Xinyi, Wu, Yangfeng, Paige, Ellie, Trieu, Kathy, Marklund, Matti, Rodgers, Anthony, and Neal, Bruce
- Published
- 2024
- Full Text
- View/download PDF
47. Improved Measurement of the Evolution of the Reactor Antineutrino Flux and Spectrum at Daya Bay
- Author
-
An, FP, Bai, WD, Balantekin, AB, Bishai, M, Blyth, S, Cao, GF, Cao, J, Chang, JF, Chang, Y, Chen, HS, Chen, HY, Chen, SM, Chen, Y, Chen, YX, Cheng, J, Cheng, Y-C, Cheng, ZK, Cherwinka, JJ, Chu, MC, Cummings, JP, Dalager, O, Deng, FS, Ding, YY, Diwan, MV, Dohnal, T, Dolzhikov, D, Dove, J, Dugas, KV, Duyang, HY, Dwyer, DA, Gallo, JP, Gonchar, M, Gong, GH, Gong, H, Gu, WQ, Guo, JY, Guo, L, Guo, XH, Guo, YH, Guo, Z, Hackenburg, RW, Han, Y, Hans, S, He, M, Heeger, KM, Heng, YK, Hor, YK, Hsiung, YB, Hu, BZ, Hu, JR, Hu, T, Hu, ZJ, Huang, HX, Huang, JH, Huang, XT, Huang, YB, Huber, P, Jaffe, DE, Jen, KL, Ji, XL, Ji, XP, Johnson, RA, Jones, D, Kang, L, Kettell, SH, Kohn, S, Kramer, M, Langford, TJ, Lee, J, Lee, JHC, Lei, RT, Leitner, R, Leung, JKC, Li, F, Li, HL, Li, JJ, Li, QJ, Li, RH, Li, S, Li, SC, Li, WD, Li, XN, Li, XQ, Li, YF, Li, ZB, Liang, H, Lin, CJ, Lin, GL, Lin, S, Ling, JJ, Link, JM, Littenberg, L, Littlejohn, BR, Liu, JC, Liu, JL, Liu, JX, Lu, C, Lu, HQ, and Luk, KB
- Subjects
Nuclear and Plasma Physics ,Particle and High Energy Physics ,Physical Sciences ,Nuclear Reactors ,Uranium ,Daya Bay Collaboration ,Mathematical Sciences ,Engineering ,General Physics ,Mathematical sciences ,Physical sciences - Abstract
Reactor neutrino experiments play a crucial role in advancing our knowledge of neutrinos. In this Letter, the evolution of the flux and spectrum as a function of the reactor isotopic content is reported in terms of the inverse-beta-decay yield at Daya Bay with 1958 days of data and improved systematic uncertainties. These measurements are compared with two signature model predictions: the Huber-Mueller model based on the conversion method and the SM2018 model based on the summation method. The measured average flux and spectrum, as well as the flux evolution with the ^{239}Pu isotopic fraction, are inconsistent with the predictions of the Huber-Mueller model. In contrast, the SM2018 model is shown to agree with the average flux and its evolution but fails to describe the energy spectrum. Altering the predicted inverse-beta-decay spectrum from ^{239}Pu fission does not improve the agreement with the measurement for either model. The models can be brought into better agreement with the measurements if either the predicted spectrum due to ^{235}U fission is changed or the predicted ^{235}U, ^{238}U, ^{239}Pu, and ^{241}Pu spectra are changed in equal measure.
- Published
- 2023
48. Precision Measurement of Reactor Antineutrino Oscillation at Kilometer-Scale Baselines by Daya Bay
- Author
-
An, FP, Bai, WD, Balantekin, AB, Bishai, M, Blyth, S, Cao, GF, Cao, J, Chang, JF, Chang, Y, Chen, HS, Chen, HY, Chen, SM, Chen, Y, Chen, YX, Chen, ZY, Cheng, J, Cheng, ZK, Cherwinka, JJ, Chu, MC, Cummings, JP, Dalager, O, Deng, FS, Ding, YY, Ding, XY, Diwan, MV, Dohnal, T, Dolzhikov, D, Dove, J, Duyang, HY, Dwyer, DA, Gallo, JP, Gonchar, M, Gong, GH, Gong, H, Gu, WQ, Guo, JY, Guo, L, Guo, XH, Guo, YH, Guo, Z, Hackenburg, RW, Han, Y, Hans, S, He, M, Heeger, KM, Heng, YK, Hor, YK, Hsiung, YB, Hu, BZ, Hu, JR, Hu, T, Hu, ZJ, Huang, HX, Huang, JH, Huang, XT, Huang, YB, Huber, P, Jaffe, DE, Jen, KL, Ji, XL, Ji, XP, Johnson, RA, Jones, D, Kang, L, Kettell, SH, Kohn, S, Kramer, M, Langford, TJ, Lee, J, Lee, JHC, Lei, RT, Leitner, R, Leung, JKC, Li, F, Li, HL, Li, JJ, Li, QJ, Li, RH, Li, S, Li, SC, Li, WD, Li, XN, Li, XQ, Li, YF, Li, ZB, Liang, H, Lin, CJ, Lin, GL, Lin, S, Ling, JJ, Link, JM, Littenberg, L, Littlejohn, BR, Liu, JC, Liu, JL, Liu, JX, Lu, C, Lu, HQ, Luk, KB, and Z., B
- Subjects
Nuclear and Plasma Physics ,Particle and High Energy Physics ,Physical Sciences ,Daya Bay Collaboration ,Mathematical Sciences ,Engineering ,General Physics ,Mathematical sciences ,Physical sciences - Abstract
We present a new determination of the smallest neutrino mixing angle θ_{13} and the mass-squared difference Δm_{32}^{2} using a final sample of 5.55×10^{6} inverse beta-decay (IBD) candidates with the final-state neutron captured on gadolinium. This sample is selected from the complete dataset obtained by the Daya Bay reactor neutrino experiment in 3158 days of operation. Compared to the previous Daya Bay results, selection of IBD candidates has been optimized, energy calibration refined, and treatment of backgrounds further improved. The resulting oscillation parameters are sin^{2}2θ_{13}=0.0851±0.0024, Δm_{32}^{2}=(2.466±0.060)×10^{-3} eV^{2} for the normal mass ordering or Δm_{32}^{2}=-(2.571±0.060)×10^{-3} eV^{2} for the inverted mass ordering.
- Published
- 2023
49. Sparsity exploitation via discovering graphical models in multi-variate time-series forecasting
- Author
-
Do, Ngoc-Dung, Hy, Truong Son, and Nguyen, Duy Khuong
- Subjects
Computer Science - Machine Learning - Abstract
Graph neural networks (GNNs) have been widely applied in multi-variate time-series forecasting (MTSF) tasks because of their capability in capturing the correlations among different time-series. These graph-based learning approaches improve the forecasting performance by discovering and understanding the underlying graph structures, which represent the data correlation. When the explicit prior graph structures are not available, most existing works cannot guarantee the sparsity of the generated graphs that make the overall model computational expensive and less interpretable. In this work, we propose a decoupled training method, which includes a graph generating module and a GNNs forecasting module. First, we use Graphical Lasso (or GraphLASSO) to directly exploit the sparsity pattern from data to build graph structures in both static and time-varying cases. Second, we fit these graph structures and the input data into a Graph Convolutional Recurrent Network (GCRN) to train a forecasting model. The experimental results on three real-world datasets show that our novel approach has competitive performance against existing state-of-the-art forecasting algorithms while providing sparse, meaningful and explainable graph structures and reducing training time by approximately 40%. Our PyTorch implementation is publicly available at https://github.com/HySonLab/GraphLASSO
- Published
- 2023
50. Neural Multigrid Memory For Computational Fluid Dynamics
- Author
-
Nguyen, Duc Minh, Vu, Minh Chau, Nguyen, Tuan Anh, Huynh, Tri, Nguyen, Nguyen Tri, and Hy, Truong Son
- Subjects
Physics - Fluid Dynamics ,Computer Science - Machine Learning - Abstract
Turbulent flow simulation plays a crucial role in various applications, including aircraft and ship design, industrial process optimization, and weather prediction. In this paper, we propose an advanced data-driven method for simulating turbulent flow, representing a significant improvement over existing approaches. Our methodology combines the strengths of Video Prediction Transformer (VPTR) (Ye & Bilodeau, 2022) and Multigrid Architecture (MgConv, MgResnet) (Ke et al., 2017). VPTR excels in capturing complex spatiotemporal dependencies and handling large input data, making it a promising choice for turbulent flow prediction. Meanwhile, Multigrid Architecture utilizes multiple grids with different resolutions to capture the multiscale nature of turbulent flows, resulting in more accurate and efficient simulations. Through our experiments, we demonstrate the effectiveness of our proposed approach, named MGxTransformer, in accurately predicting velocity, temperature, and turbulence intensity for incompressible turbulent flows across various geometries and flow conditions. Our results exhibit superior accuracy compared to other baselines, while maintaining computational efficiency. Our implementation in PyTorch is available publicly at https://github.com/Combi2k2/MG-Turbulent-Flow, Comment: arXiv admin note: text overlap with arXiv:1911.08655 by other authors
- Published
- 2023
Catalog
Discovery Service for Jio Institute Digital Library
For full access to our library's resources, please sign in.