-
An Efficient Task-Oriented Dialogue Policy: Evolutionary Reinforcement Learning Injected by Elite Individuals
Authors:
Yangyang Zhao,
Ben Niu,
Libo Qin,
Shihan Wang
Abstract:
Deep Reinforcement Learning (DRL) is widely used in task-oriented dialogue systems to optimize dialogue policy, but it struggles to balance exploration and exploitation due to the high dimensionality of state and action spaces. This challenge often results in local optima or poor convergence. Evolutionary Algorithms (EAs) have been proven to effectively explore the solution space of neural network…
▽ More
Deep Reinforcement Learning (DRL) is widely used in task-oriented dialogue systems to optimize dialogue policy, but it struggles to balance exploration and exploitation due to the high dimensionality of state and action spaces. This challenge often results in local optima or poor convergence. Evolutionary Algorithms (EAs) have been proven to effectively explore the solution space of neural networks by maintaining population diversity. Inspired by this, we innovatively combine the global search capabilities of EA with the local optimization of DRL to achieve a balance between exploration and exploitation. Nevertheless, the inherent flexibility of natural language in dialogue tasks complicates this direct integration, leading to prolonged evolutionary times. Thus, we further propose an elite individual injection mechanism to enhance EA's search efficiency by adaptively introducing best-performing individuals into the population. Experiments across four datasets show that our approach significantly improves the balance between exploration and exploitation, boosting performance. Moreover, the effectiveness of the EII mechanism in reducing exploration time has been demonstrated, achieving an efficient integration of EA and DRL on task-oriented dialogue policy tasks.
△ Less
Submitted 5 June, 2025; v1 submitted 3 June, 2025;
originally announced June 2025.
-
ToLeaP: Rethinking Development of Tool Learning with Large Language Models
Authors:
Haotian Chen,
Zijun Song,
Boye Niu,
Ke Zhang,
Litu Ou,
Yaxi Lu,
Zhong Zhang,
Xin Cong,
Yankai Lin,
Zhiyuan Liu,
Maosong Sun
Abstract:
Tool learning, which enables large language models (LLMs) to utilize external tools effectively, has garnered increasing attention for its potential to revolutionize productivity across industries. Despite rapid development in tool learning, key challenges and opportunities remain understudied, limiting deeper insights and future advancements. In this paper, we investigate the tool learning abilit…
▽ More
Tool learning, which enables large language models (LLMs) to utilize external tools effectively, has garnered increasing attention for its potential to revolutionize productivity across industries. Despite rapid development in tool learning, key challenges and opportunities remain understudied, limiting deeper insights and future advancements. In this paper, we investigate the tool learning ability of 41 prevalent LLMs by reproducing 33 benchmarks and enabling one-click evaluation for seven of them, forming a Tool Learning Platform named ToLeaP. We also collect 21 out of 33 potential training datasets to facilitate future exploration. After analyzing over 3,000 bad cases of 41 LLMs based on ToLeaP, we identify four main critical challenges: (1) benchmark limitations induce both the neglect and lack of (2) autonomous learning, (3) generalization, and (4) long-horizon task-solving capabilities of LLMs. To aid future advancements, we take a step further toward exploring potential directions, namely (1) real-world benchmark construction, (2) compatibility-aware autonomous learning, (3) rationale learning by thinking, and (4) identifying and recalling key clues. The preliminary experiments demonstrate their effectiveness, highlighting the need for further research and exploration.
△ Less
Submitted 17 May, 2025;
originally announced May 2025.
-
Everyone's Privacy Matters! An Analysis of Privacy Leakage from Real-World Facial Images on Twitter and Associated User Behaviors
Authors:
Yuqi Niu,
Weidong Qiu,
Peng Tang,
Lifan Wang,
Shuo Chen,
Shujun Li,
Nadin Kokciyan,
Ben Niu
Abstract:
Online users often post facial images of themselves and other people on online social networks (OSNs) and other Web 2.0 platforms, which can lead to potential privacy leakage of people whose faces are included in such images. There is limited research on understanding face privacy in social media while considering user behavior. It is crucial to consider privacy of subjects and bystanders separate…
▽ More
Online users often post facial images of themselves and other people on online social networks (OSNs) and other Web 2.0 platforms, which can lead to potential privacy leakage of people whose faces are included in such images. There is limited research on understanding face privacy in social media while considering user behavior. It is crucial to consider privacy of subjects and bystanders separately. This calls for the development of privacy-aware face detection classifiers that can distinguish between subjects and bystanders automatically. This paper introduces such a classifier trained on face-based features, which outperforms the two state-of-the-art methods with a significant margin (by 13.1% and 3.1% for OSN images, and by 17.9% and 5.9% for non-OSN images). We developed a semi-automated framework for conducting a large-scale analysis of the face privacy problem by using our novel bystander-subject classifier. We collected 27,800 images, each including at least one face, shared by 6,423 Twitter users. We then applied our framework to analyze this dataset thoroughly. Our analysis reveals eight key findings of different aspects of Twitter users' real-world behaviors on face privacy, and we provide quantitative and qualitative results to better explain these findings. We share the practical implications of our study to empower online platforms and users in addressing the face privacy problem efficiently.
△ Less
Submitted 20 January, 2025;
originally announced January 2025.
-
Flow: Modularized Agentic Workflow Automation
Authors:
Boye Niu,
Yiliao Song,
Kai Lian,
Yifan Shen,
Yu Yao,
Kun Zhang,
Tongliang Liu
Abstract:
Multi-agent frameworks powered by large language models (LLMs) have demonstrated great success in automated planning and task execution. However, the effective adjustment of agentic workflows during execution has not been well studied. An effective workflow adjustment is crucial in real-world scenarios, as the initial plan must adjust to unforeseen challenges and changing conditions in real time t…
▽ More
Multi-agent frameworks powered by large language models (LLMs) have demonstrated great success in automated planning and task execution. However, the effective adjustment of agentic workflows during execution has not been well studied. An effective workflow adjustment is crucial in real-world scenarios, as the initial plan must adjust to unforeseen challenges and changing conditions in real time to ensure the efficient execution of complex tasks. In this paper, we define workflows as an activity-on-vertex (AOV) graph, which allows continuous workflow refinement by LLM agents through dynamic subtask allocation adjustment based on historical performance and previous AOVs. To further enhance framework performance, we emphasize modularity in workflow design based on evaluating parallelism and dependency complexity. With this design, our proposed multi-agent framework achieves efficient concurrent execution of subtasks, effective goal achievement, and enhanced error tolerance. Empirical results across various practical tasks demonstrate significant improvements in the efficiency of multi-agent frameworks through dynamic workflow refinement and modularization. The code is available at: https://github.com/tmllab/2025_ICLR_FLOW.
△ Less
Submitted 23 February, 2025; v1 submitted 13 January, 2025;
originally announced January 2025.
-
Towards Automated Cross-domain Exploratory Data Analysis through Large Language Models
Authors:
Jun-Peng Zhu,
Boyan Niu,
Peng Cai,
Zheming Ni,
Jianwei Wan,
Kai Xu,
Jiajun Huang,
Shengbo Ma,
Bing Wang,
Xuan Zhou,
Guanglei Bao,
Donghui Zhang,
Liu Tang,
Qi Liu
Abstract:
Exploratory data analysis (EDA), coupled with SQL, is essential for data analysts involved in data exploration and analysis. However, data analysts often encounter two primary challenges: (1) the need to craft SQL queries skillfully, and (2) the requirement to generate suitable visualization types that enhance the interpretation of query results. Due to its significance, substantial research effor…
▽ More
Exploratory data analysis (EDA), coupled with SQL, is essential for data analysts involved in data exploration and analysis. However, data analysts often encounter two primary challenges: (1) the need to craft SQL queries skillfully, and (2) the requirement to generate suitable visualization types that enhance the interpretation of query results. Due to its significance, substantial research efforts have been made to explore different approaches to address these challenges, including leveraging large language models (LLMs). However, existing methods fail to meet real-world data exploration requirements primarily due to (1) complex database schema; (2) unclear user intent; (3) limited cross-domain generalization capability; and (4) insufficient end-to-end text-to-visualization capability.
This paper presents TiInsight, an automated SQL-based cross-domain exploratory data analysis system. First, we propose hierarchical data context (i.e., HDC), which leverages LLMs to summarize the contexts related to the database schema, which is crucial for open-world EDA systems to generalize across data domains. Second, the EDA system is divided into four components (i.e., stages): HDC generation, question clarification and decomposition, text-to-SQL generation (i.e., TiSQL), and data visualization (i.e., TiChart). Finally, we implemented an end-to-end EDA system with a user-friendly GUI interface in the production environment at PingCAP. We have also open-sourced all APIs of TiInsight to facilitate research within the EDA community. Through extensive evaluations by a real-world user study, we demonstrate that TiInsight offers remarkable performance compared to human experts. Specifically, TiSQL achieves an execution accuracy of 86.3% on the Spider dataset using GPT-4. It also demonstrates state-of-the-art performance on the Bird dataset.
△ Less
Submitted 13 February, 2025; v1 submitted 10 December, 2024;
originally announced December 2024.
-
HelloMeme: Integrating Spatial Knitting Attentions to Embed High-Level and Fidelity-Rich Conditions in Diffusion Models
Authors:
Shengkai Zhang,
Nianhong Jiao,
Tian Li,
Chaojie Yang,
Chenhui Xue,
Boya Niu,
Jun Gao
Abstract:
We propose an effective method for inserting adapters into text-to-image foundation models, which enables the execution of complex downstream tasks while preserving the generalization ability of the base model. The core idea of this method is to optimize the attention mechanism related to 2D feature maps, which enhances the performance of the adapter. This approach was validated on the task of mem…
▽ More
We propose an effective method for inserting adapters into text-to-image foundation models, which enables the execution of complex downstream tasks while preserving the generalization ability of the base model. The core idea of this method is to optimize the attention mechanism related to 2D feature maps, which enhances the performance of the adapter. This approach was validated on the task of meme video generation and achieved significant results. We hope this work can provide insights for post-training tasks of large text-to-image models. Additionally, as this method demonstrates good compatibility with SD1.5 derivative models, it holds certain value for the open-source community. Therefore, we will release the related code (\url{https://songkey.github.io/hellomeme}).
△ Less
Submitted 30 October, 2024;
originally announced October 2024.
-
Interpretable Contrastive Monte Carlo Tree Search Reasoning
Authors:
Zitian Gao,
Boye Niu,
Xuzheng He,
Haotian Xu,
Hongzhang Liu,
Aiwei Liu,
Xuming Hu,
Lijie Wen
Abstract:
We propose SC-MCTS*: a novel Monte Carlo Tree Search (MCTS) reasoning algorithm for Large Language Models (LLMs), significantly improves both reasoning accuracy and speed. Our motivation comes from: 1. Previous MCTS LLM reasoning works often overlooked its biggest drawback--slower speed compared to CoT; 2. Previous research mainly used MCTS as a tool for LLM reasoning on various tasks with limited…
▽ More
We propose SC-MCTS*: a novel Monte Carlo Tree Search (MCTS) reasoning algorithm for Large Language Models (LLMs), significantly improves both reasoning accuracy and speed. Our motivation comes from: 1. Previous MCTS LLM reasoning works often overlooked its biggest drawback--slower speed compared to CoT; 2. Previous research mainly used MCTS as a tool for LLM reasoning on various tasks with limited quantitative analysis or ablation studies of its components from reasoning interpretability perspective. 3. The reward model is the most crucial component in MCTS, however previous work has rarely conducted in-depth study or improvement of MCTS's reward models. Thus, we conducted extensive ablation studies and quantitative analysis on components of MCTS, revealing the impact of each component on the MCTS reasoning performance of LLMs. Building on this, (i) we designed a highly interpretable reward model based on the principle of contrastive decoding and (ii) achieved an average speed improvement of 51.9% per node using speculative decoding. Additionally, (iii) we improved UCT node selection strategy and backpropagation used in previous works, resulting in significant performance improvement. We outperformed o1-mini by an average of 17.4% on the Blocksworld multi-step reasoning dataset using Llama-3.1-70B with SC-MCTS*. Our code is available at https://github.com/zitian-gao/SC-MCTS.
△ Less
Submitted 25 December, 2024; v1 submitted 2 October, 2024;
originally announced October 2024.
-
Training Data Attribution: Was Your Model Secretly Trained On Data Created By Mine?
Authors:
Likun Zhang,
Hao Wu,
Lingcui Zhang,
Fengyuan Xu,
Jin Cao,
Fenghua Li,
Ben Niu
Abstract:
The emergence of text-to-image models has recently sparked significant interest, but the attendant is a looming shadow of potential infringement by violating the user terms. Specifically, an adversary may exploit data created by a commercial model to train their own without proper authorization. To address such risk, it is crucial to investigate the attribution of a suspicious model's training dat…
▽ More
The emergence of text-to-image models has recently sparked significant interest, but the attendant is a looming shadow of potential infringement by violating the user terms. Specifically, an adversary may exploit data created by a commercial model to train their own without proper authorization. To address such risk, it is crucial to investigate the attribution of a suspicious model's training data by determining whether its training data originates, wholly or partially, from a specific source model. To trace the generated data, existing methods require applying extra watermarks during either the training or inference phases of the source model. However, these methods are impractical for pre-trained models that have been released, especially when model owners lack security expertise. To tackle this challenge, we propose an injection-free training data attribution method for text-to-image models. It can identify whether a suspicious model's training data stems from a source model, without additional modifications on the source model. The crux of our method lies in the inherent memorization characteristic of text-to-image models. Our core insight is that the memorization of the training dataset is passed down through the data generated by the source model to the model trained on that data, making the source model and the infringing model exhibit consistent behaviors on specific samples. Therefore, our approach involves developing algorithms to uncover these distinct samples and using them as inherent watermarks to verify if a suspicious model originates from the source model. Our experiments demonstrate that our method achieves an accuracy of over 80\% in identifying the source of a suspicious model's training data, without interfering the original training or generation process of the source model.
△ Less
Submitted 24 September, 2024;
originally announced September 2024.
-
Bypassing DARCY Defense: Indistinguishable Universal Adversarial Triggers
Authors:
Zuquan Peng,
Yuanyuan He,
Jianbing Ni,
Ben Niu
Abstract:
Neural networks (NN) classification models for Natural Language Processing (NLP) are vulnerable to the Universal Adversarial Triggers (UAT) attack that triggers a model to produce a specific prediction for any input. DARCY borrows the "honeypot" concept to bait multiple trapdoors, effectively detecting the adversarial examples generated by UAT. Unfortunately, we find a new UAT generation method, c…
▽ More
Neural networks (NN) classification models for Natural Language Processing (NLP) are vulnerable to the Universal Adversarial Triggers (UAT) attack that triggers a model to produce a specific prediction for any input. DARCY borrows the "honeypot" concept to bait multiple trapdoors, effectively detecting the adversarial examples generated by UAT. Unfortunately, we find a new UAT generation method, called IndisUAT, which produces triggers (i.e., tokens) and uses them to craft adversarial examples whose feature distribution is indistinguishable from that of the benign examples in a randomly-chosen category at the detection layer of DARCY. The produced adversarial examples incur the maximal loss of predicting results in the DARCY-protected models. Meanwhile, the produced triggers are effective in black-box models for text generation, text inference, and reading comprehension. Finally, the evaluation results under NN models for NLP tasks indicate that the IndisUAT method can effectively circumvent DARCY and penetrate other defenses. For example, IndisUAT can reduce the true positive rate of DARCY's detection by at least 40.8% and 90.6%, and drop the accuracy by at least 33.3% and 51.6% in the RNN and CNN models, respectively. IndisUAT reduces the accuracy of the BERT's adversarial defense model by at least 34.0%, and makes the GPT-2 language model spew racist outputs even when conditioned on non-racial context.
△ Less
Submitted 4 September, 2024;
originally announced September 2024.
-
Exploring User Acceptance Of Portable Intelligent Personal Assistants: A Hybrid Approach Using PLS-SEM And fsQCA
Authors:
Gustave Florentin Nkoulou Mvondo,
Ben Niu
Abstract:
This research explores the factors driving user acceptance of Rabbit R1, a newly developed portable intelligent personal assistant (PIPA) that aims to redefine user interaction and control. The study extends the technology acceptance model (TAM) by incorporating artificial intelligence-specific factors (conversational intelligence, task intelligence, and perceived naturalness), user interface desi…
▽ More
This research explores the factors driving user acceptance of Rabbit R1, a newly developed portable intelligent personal assistant (PIPA) that aims to redefine user interaction and control. The study extends the technology acceptance model (TAM) by incorporating artificial intelligence-specific factors (conversational intelligence, task intelligence, and perceived naturalness), user interface design factors (simplicity in information design and visual aesthetics), and user acceptance and loyalty. Using a purposive sampling method, we gathered data from 824 users in the US and analyzed the sample through partial least squares structural equation modeling (PLS-SEM) and fuzzy set qualitative comparative analysis (fsQCA). The findings reveal that all hypothesized relationships, including both direct and indirect effects, are supported. Additionally, fsQCA supports the PLS-SEM findings and identifies three configurations leading to high and low user acceptance. This research enriches the literature and provides valuable insights for system designers and marketers of PIPAs, guiding strategic decisions to foster widespread adoption and long-term engagement.
△ Less
Submitted 30 August, 2024;
originally announced August 2024.
-
Factors Influencing User Willingness To Use SORA
Authors:
Gustave Florentin Nkoulou Mvondo,
Ben Niu
Abstract:
Sora promises to redefine the way visual content is created. Despite its numerous forecasted benefits, the drivers of user willingness to use the text-to-video (T2V) model are unknown. This study extends the extended unified theory of acceptance and use of technology (UTAUT2) with perceived realism and novelty value. Using a purposive sampling method, we collected data from 940 respondents in the…
▽ More
Sora promises to redefine the way visual content is created. Despite its numerous forecasted benefits, the drivers of user willingness to use the text-to-video (T2V) model are unknown. This study extends the extended unified theory of acceptance and use of technology (UTAUT2) with perceived realism and novelty value. Using a purposive sampling method, we collected data from 940 respondents in the US and analyzed the sample using covariance-based structural equation modeling and fuzzy set qualitative comparative analysis (fsQCA). The findings reveal that all hypothesized relationships are supported, with perceived realism emerging as the most influential driver, followed by novelty value. Moreover, fsQCA identifies five configurations leading to high and low willingness to use, and the model demonstrates high predictive validity, contributing to theory advancement. Our study provides valuable insights for developers and marketers, offering guidance for strategic decisions to promote the widespread adoption of T2V models.
△ Less
Submitted 6 May, 2024;
originally announced May 2024.
-
Predicting Consultation Success in Online Health Platforms Using Dynamic Knowledge Networks and Multimodal Data Fusion
Authors:
Shuang Geng,
Wenli Zhang,
Jiaheng Xie,
Gemin Liang,
Ben Niu,
Sudha Ram
Abstract:
Online healthcare consultation in virtual health is an emerging industry marked by innovation and fierce competition. Accurate and timely prediction of healthcare consultation success can proactively help online platforms address patient concerns and improve retention rates. However, predicting online consultation success is challenging due to the partial role of virtual consultations in patients'…
▽ More
Online healthcare consultation in virtual health is an emerging industry marked by innovation and fierce competition. Accurate and timely prediction of healthcare consultation success can proactively help online platforms address patient concerns and improve retention rates. However, predicting online consultation success is challenging due to the partial role of virtual consultations in patients' overall healthcare journey and the disconnect between online and in-person healthcare IT systems. Patient data in online consultations is often sparse and incomplete, presenting significant technical challenges and a research gap. To address these issues, we propose the Dynamic Knowledge Network and Multimodal Data Fusion (DyKoNeM) framework, which enhances the predictive power of online healthcare consultations. Our work has important implications for new business models where specific and detailed online communication processes are stored in the IT database, and at the same time, latent information with predictive power is embedded in the network formed by stakeholders' digital traces. It can be extended to diverse industries and domains, where the virtual or hybrid model (e.g., integration of online and offline services) is emerging as a prevailing trend.
△ Less
Submitted 14 June, 2024; v1 submitted 6 June, 2023;
originally announced June 2023.
-
Symbol Rate and Carries Estimation in OFDM Framework: A high Accuracy Technique under Low SNR
Authors:
Zetian Qin,
Yubai Li,
Benye Niu,
Qingyao Li,
Renhao Xue
Abstract:
Under a low Signal-to-Noise Ratio (SNR), the Orthogonal Frequency-Division Multiplexing (OFDM) signal symbol rate is limited. Existing carrier number estimation algorithms lack adequate methods to deal with low SNR. This paper proposes an algorithm with a low error rate under low SNR by correlating the signal and applying a Fast Fourier Transform (FFT) operation. By improving existing algorithms,…
▽ More
Under a low Signal-to-Noise Ratio (SNR), the Orthogonal Frequency-Division Multiplexing (OFDM) signal symbol rate is limited. Existing carrier number estimation algorithms lack adequate methods to deal with low SNR. This paper proposes an algorithm with a low error rate under low SNR by correlating the signal and applying a Fast Fourier Transform (FFT) operation. By improving existing algorithms, we improve the performance of the OFDM carrier count algorithm. The performance of the OFDM's useful symbol time estimation algorithm is improved by estimating the number of carriers and symbol rate.
△ Less
Submitted 27 July, 2022;
originally announced July 2022.
-
Tolerance-Guided Policy Learning for Adaptable and Transferrable Delicate Industrial Insertion
Authors:
Boshen Niu,
Chenxi Wang,
Changliu Liu
Abstract:
Policy learning for delicate industrial insertion tasks (e.g., PC board assembly) is challenging. This paper considers two major problems: how to learn a diversified policy (instead of just one average policy) that can efficiently handle different workpieces with minimum amount of training data, and how to handle defects of workpieces during insertion. To address the problems, we propose tolerance…
▽ More
Policy learning for delicate industrial insertion tasks (e.g., PC board assembly) is challenging. This paper considers two major problems: how to learn a diversified policy (instead of just one average policy) that can efficiently handle different workpieces with minimum amount of training data, and how to handle defects of workpieces during insertion. To address the problems, we propose tolerance-guided policy learning. To encourage transferability of the learned policy to different workpieces, we add a task embedding to the policy's input space using the insertion tolerance. Then we train the policy using generative adversarial imitation learning with reward shaping (RS-GAIL) on a variety of representative situations. To encourage adaptability of the learned policy to handle defects, we build a probabilistic inference model that can output the best inserting pose based on failed insertions using the tolerance model. The best inserting pose is then used as a reference to the learned policy. This proposed method is validated on a sequence of IC socket insertion tasks in simulation. The results show that 1) RS-GAIL can efficiently learn optimal policies under sparse rewards; 2) the tolerance embedding can enhance the transferability of the learned policy; 3) the probabilistic inference makes the policy robust to defects on the workpieces.
△ Less
Submitted 4 August, 2021;
originally announced August 2021.
-
Single Image Super-Resolution via a Holistic Attention Network
Authors:
Ben Niu,
Weilei Wen,
Wenqi Ren,
Xiangde Zhang,
Lianping Yang,
Shuzhen Wang,
Kaihao Zhang,
Xiaochun Cao,
Haifeng Shen
Abstract:
Informative features play a crucial role in the single image super-resolution task. Channel attention has been demonstrated to be effective for preserving information-rich features in each layer. However, channel attention treats each convolution layer as a separate process that misses the correlation among different layers. To address this problem, we propose a new holistic attention network (HAN…
▽ More
Informative features play a crucial role in the single image super-resolution task. Channel attention has been demonstrated to be effective for preserving information-rich features in each layer. However, channel attention treats each convolution layer as a separate process that misses the correlation among different layers. To address this problem, we propose a new holistic attention network (HAN), which consists of a layer attention module (LAM) and a channel-spatial attention module (CSAM), to model the holistic interdependencies among layers, channels, and positions. Specifically, the proposed LAM adaptively emphasizes hierarchical features by considering correlations among layers. Meanwhile, CSAM learns the confidence at all the positions of each channel to selectively capture more informative features. Extensive experiments demonstrate that the proposed HAN performs favorably against the state-of-the-art single image super-resolution approaches.
△ Less
Submitted 20 August, 2020;
originally announced August 2020.
-
Complexity of tree-coloring interval graphs equitably
Authors:
Bei Niu,
Bi Li,
Xin Zhang
Abstract:
An equitable tree-$k$-coloring of a graph is a vertex $k$-coloring such that each color class induces a forest and the size of any two color classes differ by at most one. In this work, we show that every interval graph $G$ has an equitable tree-$k$-coloring for any integer $k\geq \lceil(Δ(G)+1)/2\rceil$, solving a conjecture of Wu, Zhang and Li (2013) for interval graphs, and furthermore, give a…
▽ More
An equitable tree-$k$-coloring of a graph is a vertex $k$-coloring such that each color class induces a forest and the size of any two color classes differ by at most one. In this work, we show that every interval graph $G$ has an equitable tree-$k$-coloring for any integer $k\geq \lceil(Δ(G)+1)/2\rceil$, solving a conjecture of Wu, Zhang and Li (2013) for interval graphs, and furthermore, give a linear-time algorithm for determining whether a proper interval graph admits an equitable tree-$k$-coloring for a given integer $k$. For disjoint union of split graphs, or $K_{1,r}$-free interval graphs with $r\geq 4$, we prove that it is $W[1]$-hard to decide whether there is an equitable tree-$k$-coloring when parameterized by number of colors, or by treewidth, number of colors and maximum degree, respectively.
△ Less
Submitted 9 March, 2020;
originally announced March 2020.
-
Input Perturbation: A New Paradigm between Central and Local Differential Privacy
Authors:
Yilin Kang,
Yong Liu,
Ben Niu,
Xinyi Tong,
Likun Zhang,
Weiping Wang
Abstract:
Traditionally, there are two models on differential privacy: the central model and the local model. The central model focuses on the machine learning model and the local model focuses on the training data. In this paper, we study the \textit{input perturbation} method in differentially private empirical risk minimization (DP-ERM), preserving privacy of the central model. By adding noise to the ori…
▽ More
Traditionally, there are two models on differential privacy: the central model and the local model. The central model focuses on the machine learning model and the local model focuses on the training data. In this paper, we study the \textit{input perturbation} method in differentially private empirical risk minimization (DP-ERM), preserving privacy of the central model. By adding noise to the original training data and training with the `perturbed data', we achieve ($ε$,$δ$)-differential privacy on the final model, along with some kind of privacy on the original data. We observe that there is an interesting connection between the local model and the central model: the perturbation on the original data causes the perturbation on the gradient, and finally the model parameters. This observation means that our method builds a bridge between local and central model, protecting the data, the gradient and the model simultaneously, which is more superior than previous central methods. Detailed theoretical analysis and experiments show that our method achieves almost the same (or even better) performance as some of the best previous central methods with more protections on privacy, which is an attractive result. Moreover, we extend our method to a more general case: the loss function satisfies the Polyak-Lojasiewicz condition, which is more general than strong convexity, the constraint on the loss function in most previous work.
△ Less
Submitted 20 February, 2020;
originally announced February 2020.
-
Equitable partition of graphs into induced linear forests
Authors:
Xin Zhang,
Bei Niu
Abstract:
It is proved that the vertex set of any simple graph $G$ can be equitably partitioned into $k$ subsets for any integer $k\geq\max\{\big\lceil\frac{Δ(G)+1}{2}\big\rceil,\big\lceil\frac{|G|}{4}\big\rceil\}$ so that each of them induces a linear forest.
It is proved that the vertex set of any simple graph $G$ can be equitably partitioned into $k$ subsets for any integer $k\geq\max\{\big\lceil\frac{Δ(G)+1}{2}\big\rceil,\big\lceil\frac{|G|}{4}\big\rceil\}$ so that each of them induces a linear forest.
△ Less
Submitted 14 August, 2019;
originally announced August 2019.
-
Light edges in 1-planar graphs of minimum degree 3
Authors:
Bei Niu,
Xin Zhang
Abstract:
A graph is 1-planar if it can be drawn in the plane so that each edge is crossed by at most one another edge. In this work we prove that each 1-planar graph of minimum degree at least $3$ contains an edge with degrees of its endvertices of type $(3,\leq23)$ or $(4,\leq11)$ or $(5,\leq9)$ or $(6,\leq8)$ or $(7,7)$. Moreover, the upper bounds $9,8$ and $7$ here are sharp and the upper bounds $23$ an…
▽ More
A graph is 1-planar if it can be drawn in the plane so that each edge is crossed by at most one another edge. In this work we prove that each 1-planar graph of minimum degree at least $3$ contains an edge with degrees of its endvertices of type $(3,\leq23)$ or $(4,\leq11)$ or $(5,\leq9)$ or $(6,\leq8)$ or $(7,7)$. Moreover, the upper bounds $9,8$ and $7$ here are sharp and the upper bounds $23$ and $11$ are very close to the possible sharp ones, which may be 20 and 10, respectively. This generalizes a result of Fabrici and Madaras [Discrete Math., 307 (2007) 854--865] which says that each 3-connected 1-planar graph contains a light edge, and improves a result of Hudák and Šugerek [Discuss. Math. Graph Theory, 32(3) (2012) 545--556], which states that each 1-planar graph of minimum degree at least $4$ contains an edge with degrees of its endvertices of type $(4,\leq 13)$ or $(5,\leq 9)$ or $(6,\leq 8)$ or $(7, 7)$.
△ Less
Submitted 27 September, 2019; v1 submitted 14 August, 2019;
originally announced August 2019.
-
Equitable tree-$O(d)$-coloring of $d$-degenerate graphs
Authors:
Xin Zhang,
Bei Niu
Abstract:
An equitable tree-$k$-coloring of a graph is a vertex coloring on $k$ colors so that every color class incudes a forest and the sizes of any two color classes differ by at most one.This kind of coloring was first introduced in 2013 and can be used to formulate the structure decomposition problem on the communication network with some security considerations. In 2015, Esperet, Lemoine and Maffray s…
▽ More
An equitable tree-$k$-coloring of a graph is a vertex coloring on $k$ colors so that every color class incudes a forest and the sizes of any two color classes differ by at most one.This kind of coloring was first introduced in 2013 and can be used to formulate the structure decomposition problem on the communication network with some security considerations. In 2015, Esperet, Lemoine and Maffray showed that every $d$-degenerate graph admits an equitable tree-$k$-coloring for every $k\geq 3^{d-1}$. Motivated by this result, we attempt to lower their exponential bound to a linear bound. Precisely, we prove that every $d$-degenerate graph $G$ admits an equitable tree-$k$-coloring for every $k\geq αd$ provided that $|G|\geq βΔ(G)$, where $(α,β)\in \{(8,56), (9,26), (10,18), (11,15), (12,13), (13,12), (14,11), (15,10), (17,9), (20,8), (27,7), (52,6)\}$.
△ Less
Submitted 14 August, 2019;
originally announced August 2019.
-
Equitable vertex arboricity conjecture holds for graphs with low degeneracy
Authors:
Xin Zhang,
Bei Niu,
Yan Li,
Bi Li
Abstract:
The equitable tree-coloring can formulate a structure decomposition problem on the communication network with some security considerations. Namely, an equitable tree-$k$-coloring of a graph is a vertex coloring using $k$ distinct colors such that every color class induces a forest and the sizes of any two color classes differ by at most one. In this paper, we show some theoretical results on the e…
▽ More
The equitable tree-coloring can formulate a structure decomposition problem on the communication network with some security considerations. Namely, an equitable tree-$k$-coloring of a graph is a vertex coloring using $k$ distinct colors such that every color class induces a forest and the sizes of any two color classes differ by at most one. In this paper, we show some theoretical results on the equitable tree-coloring of graphs by proving that every $d$-degenerate graph with maximum degree at most $Δ$ is equitably tree-$k$-colorable for every integer $k\geq (Δ+1)/2$ provided that $Δ\geq 9.818d$, confirming the equitable vertex arboricity conjecture for graphs with low degeneracy.
△ Less
Submitted 12 April, 2021; v1 submitted 14 August, 2019;
originally announced August 2019.
-
Equitable partition of plane graphs with independent crossings into induced forests
Authors:
Bei Niu,
Xin Zhang,
Yuping Gao
Abstract:
The cluster of a crossing in a graph drawing in the plane is the set of the four end-vertices of its two crossed edges. Two crossings are independent if their clusters do not intersect. In this paper, we prove that every plane graph with independent crossings has an equitable partition into $m$ induced forests for any $m\geq 8$. Moreover, we decrease this lower bound 8 for $m$ to 6, 5, 4 and 3 if…
▽ More
The cluster of a crossing in a graph drawing in the plane is the set of the four end-vertices of its two crossed edges. Two crossings are independent if their clusters do not intersect. In this paper, we prove that every plane graph with independent crossings has an equitable partition into $m$ induced forests for any $m\geq 8$. Moreover, we decrease this lower bound 8 for $m$ to 6, 5, 4 and 3 if we additionally assume that the girth of the considering graph is at least 4, 5, 6 and 26, respectively.
△ Less
Submitted 16 December, 2019; v1 submitted 20 March, 2019;
originally announced March 2019.
-
A structure of 1-planar graph and its applications to coloring problems
Authors:
Xin Zhang,
Bei Niu,
Jiguo Yu
Abstract:
A graph is 1-planar if it can be drawn on a plane so that each edge is crossed by at most one other edge. In this paper, we first give a useful structural theorem for 1-planar graphs, and then apply it to the list edge and list total coloring, the $(p,1)$-total labelling, and the equitable edge coloring of 1-planar graphs. More precisely, we verify the well-known List Edge Coloring Conjecture and…
▽ More
A graph is 1-planar if it can be drawn on a plane so that each edge is crossed by at most one other edge. In this paper, we first give a useful structural theorem for 1-planar graphs, and then apply it to the list edge and list total coloring, the $(p,1)$-total labelling, and the equitable edge coloring of 1-planar graphs. More precisely, we verify the well-known List Edge Coloring Conjecture and List Total Coloring Conjecture for 1-planar graph with maximum degree at least 18, prove that the $(p,1)$-total labelling number of every 1-planar graph $G$ is at most $Δ(G)+2p-2$ provided that $Δ(G)\geq 8p+2$ and $p\geq 2$, and show that every 1-planar graph has an equitable edge coloring with $k$ colors for any integer $k\geq 18$. These three results respectively generalize the main theorems of three different previously published papers.
△ Less
Submitted 24 February, 2019;
originally announced February 2019.
-
A note on the edge partition of graphs containing either a light edge or an alternating 2-cycle
Authors:
Xin Zhang,
Bei Niu
Abstract:
Let $\mathcal{G}_α$ be a hereditary graph class (i.e, every subgraph of $G_α\in \mathcal{G}_α$ belongs to $\mathcal{G}_α$) such that every graph $G_α$ in $\mathcal{G}_α$ has minimum degree at most 1, or contains either an edge $uv$ such that $d_{G_α}(u)+d_{G_α}(v)\leq α$ or a 2-alternating cycle. It is proved that every graph in $\mathcal{G}_α$ ($α\geq 5$) with maximum degree $Δ$ can be edge-parti…
▽ More
Let $\mathcal{G}_α$ be a hereditary graph class (i.e, every subgraph of $G_α\in \mathcal{G}_α$ belongs to $\mathcal{G}_α$) such that every graph $G_α$ in $\mathcal{G}_α$ has minimum degree at most 1, or contains either an edge $uv$ such that $d_{G_α}(u)+d_{G_α}(v)\leq α$ or a 2-alternating cycle. It is proved that every graph in $\mathcal{G}_α$ ($α\geq 5$) with maximum degree $Δ$ can be edge-partitioned into two forests $F_1$, $F_2$ and a subgraph $H$ such that $Δ(F_i)\leq \max\{2,\lceil\frac{Δ-α+6}{2}\rceil\}$ for $i=1,2$ and $Δ(H)\leq α-5$.
△ Less
Submitted 8 September, 2018;
originally announced September 2018.
-
Research on Solution Space of Bipartite Graph Vertex-Cover by Maximum Matchings
Authors:
Wei Wei,
Yunjia Zhang,
Ting Wang,
Baifeng Li,
Baolong Niu,
Zhiming Zheng
Abstract:
Some rigorous results and statistics of the solution space of Vertex-Covers on bipartite graphs are given in this paper. Based on the $K\ddot{o}nig$'s theorem, an exact solution space expression algorithm is proposed and statistical analysis of the nodes' states is provided. The statistical results fit well with the algorithmic results until the emergence of the unfrozen core, which makes the fluc…
▽ More
Some rigorous results and statistics of the solution space of Vertex-Covers on bipartite graphs are given in this paper. Based on the $K\ddot{o}nig$'s theorem, an exact solution space expression algorithm is proposed and statistical analysis of the nodes' states is provided. The statistical results fit well with the algorithmic results until the emergence of the unfrozen core, which makes the fluctuation of statistical quantities and causes the replica symmetric breaking in the solutions. Besides, the entropy of bipartite Vertex-Cover solutions is calculated with the clustering entropy using a cycle simplification technique for the unfrozen core. Furthermore, as generalization of bipartite graphs, bipartite core graph is proposed, the solution space of which can also be easily determined; and based on these results, how to generate a $K\ddot{o}nig-Egerv\acute{a}ry$ subgraph is studied by a growth process of adding edges. The investigation of solution space of bipartite graph Vertex-Cover provides intensive understanding and some insights on the solution space complexity, and will produce benefit for finding maximal $K\ddot{o}nig-Egerv\acute{a}ry$ subgraphs, solving general graph Vertex-Cover and recognizing the intrinsic hardness of NP-complete problems.
△ Less
Submitted 22 May, 2015;
originally announced May 2015.
-
Organization mechanism and counting algorithm on Vertex-Cover solutions
Authors:
Wei Wei,
Renquan Zhang,
Baolong Niu,
Binghui Guo,
Zhiming Zheng
Abstract:
Counting the solution number of combinational optimization problems is an important topic in the study of computational complexity, especially on the #P-complete complexity class. In this paper, we first investigate some organizations of Vertex-Cover unfrozen subgraphs by the underlying connectivity and connected components of unfrozen vertices. Then, a Vertex-Cover Solution Number Counting Algori…
▽ More
Counting the solution number of combinational optimization problems is an important topic in the study of computational complexity, especially on the #P-complete complexity class. In this paper, we first investigate some organizations of Vertex-Cover unfrozen subgraphs by the underlying connectivity and connected components of unfrozen vertices. Then, a Vertex-Cover Solution Number Counting Algorithm is proposed and its complexity analysis is provided, the results of which fit very well with the simulations and have better performance than those by 1-RSB in a neighborhood of c = e for random graphs. Base on the algorithm, variation and fluctuation on the solution number statistics are studied to reveal the evolution mechanism of the solution numbers. Besides, marginal probability distributions on the solution space are investigated on both random graph and scale-free graph to illustrate different evolution characteristics of their solution spaces. Thus, doing solution number counting based on graph expression of solution space should be an alternative and meaningful way to study the hardness of NP-complete and #P-complete problems, and appropriate algorithm design can help to achieve better approximations of solving combinational optimization problems and the corresponding counting problems.
△ Less
Submitted 12 January, 2015; v1 submitted 17 March, 2014;
originally announced March 2014.
-
Priority-Aware Private Matching Schemes for Proximity-Based Mobile Social Networks
Authors:
Ben Niu,
Tanran Zhang,
Xiaoyan Zhu,
Hui Li,
Zongqing Lu
Abstract:
The rapid developments of mobile devices and online social networks have resulted in increasing attention to Mobile Social Networking (MSN). The explosive growth of mobile-connected and location-aware devices makes it possible and meaningful to do the Proximity-based Mobile Social Networks (PMSNs). Users can discover and make new social interactions easily with physical-proximate mobile users thro…
▽ More
The rapid developments of mobile devices and online social networks have resulted in increasing attention to Mobile Social Networking (MSN). The explosive growth of mobile-connected and location-aware devices makes it possible and meaningful to do the Proximity-based Mobile Social Networks (PMSNs). Users can discover and make new social interactions easily with physical-proximate mobile users through WiFi/Bluetooth interfaces embedded in their smartphones. However, users enjoy these conveniences at the cost of their growing privacy concerns. To address this problem, we propose a suit of priority-aware private matching schemes to privately match the similarity with potential friends in the vicinity. Unlike most existing work, our proposed priority-aware matching scheme (P-match) achieves the privacy goal by combining the commutative encryption function and the Tanimoto similarity coefficient which considers both the number of common attributes between users as well as the corresponding priorities on each common attribute. Further, based on the newly constructed similarity function which takes the ratio of attributes matched over all the input set into consideration, we design an enhanced version to deal with some potential attacks such as unlimitedly inputting the attribute set on either the initiator side or the responder side, etc. Finally, our proposed E-match avoids the heavy cryptographic operations and improves the system performance significantly by employing a novel use of the Bloom filter. The security and communication/computation overhead of our schemes are thoroughly analyzed and evaluated via detailed simulations and implementation.
△ Less
Submitted 31 January, 2014;
originally announced January 2014.
-
Relay Assisted Cooperative OSTBC Communication with SNR Imbalance and Channel Estimation Errors
Authors:
Bo Niu,
Mihaela C. Beluri,
Zinan Lin,
Prabhakar Chitrapu
Abstract:
In this paper, a two-hop relay assisted cooperative Orthogonal Space-Time Block Codes (OSTBC) transmission scheme is considered for the downlink communication of a cellular system, where the base station (BS) and the relay station (RS) cooperate and transmit data to the user equipment (UE) in a distributed fashion. We analyze the impact of the SNR imbalance between the BS-UE and RS-UE links, as…
▽ More
In this paper, a two-hop relay assisted cooperative Orthogonal Space-Time Block Codes (OSTBC) transmission scheme is considered for the downlink communication of a cellular system, where the base station (BS) and the relay station (RS) cooperate and transmit data to the user equipment (UE) in a distributed fashion. We analyze the impact of the SNR imbalance between the BS-UE and RS-UE links, as well as the imperfect channel estimation at the UE receiver. The performance is analyzed in the presence of Rayleigh flat fading and our results show that the SNR imbalance does not impact the spatial diversity order. On the other hand, channel estimation errors have a larger impact on the system performance. Simulation results are then provided to confirm the analysis.
△ Less
Submitted 20 January, 2010;
originally announced January 2010.
-
Ergodic and Outage Performance of Fading Broadcast Channels with 1-Bit Feedback
Authors:
Bo Niu,
Osvaldo Simeone,
Oren Somekh,
Alexander M. Haimovich
Abstract:
In this paper, the ergodic sum-rate and outage probability of a downlink single-antenna channel with K users are analyzed in the presence of Rayleigh flat fading, where limited channel state information (CSI) feedback is assumed. Specifically, only 1-bit feedback per fading block per user is available at the base station. We first study the ergodic sum-rate of the 1-bit feedback scheme, and cons…
▽ More
In this paper, the ergodic sum-rate and outage probability of a downlink single-antenna channel with K users are analyzed in the presence of Rayleigh flat fading, where limited channel state information (CSI) feedback is assumed. Specifically, only 1-bit feedback per fading block per user is available at the base station. We first study the ergodic sum-rate of the 1-bit feedback scheme, and consider the impact of feedback delay on the system. A closed-form expression for the achievable ergodic sum-rate is presented as a function of the fading temporal correlation coefficient. It is proved that the sum-rate scales as loglogK, which is the same scaling law achieved by the optimal non-delayed full CSI feedback scheme. The sum-rate degradation due to outdated CSI is also evaluated in the asymptotic regimes of either large K or low SNR. The outage performance of the 1-bit feedback scheme for both instantaneous and outdated feedback is then investigated. Expressions for the outage probabilities are derived, along with the corresponding diversity-multiplexing tradeoffs (DMT). It is shown that with instantaneous feedback, a power allocation based on the feedback bits enables to double the DMT compared to the case with short-term power constraint in which a dynamic power allocation is not allowed. But, with outdated feedback, the advantage of power allocation is lost, and the DMT reverts to that achievable with no CSI feedback. Nevertheless, for finite SNR, improvement in terms of outage probability can still be obtained.
△ Less
Submitted 10 January, 2010;
originally announced January 2010.