Skip to main content

Showing 1–50 of 84 results for author: Nie, F

Searching in archive cs. Search in all archives.
.
  1. arXiv:2506.16029  [pdf, ps, other

    cs.CL cs.AI cs.LG

    EvoLM: In Search of Lost Language Model Training Dynamics

    Authors: Zhenting Qi, Fan Nie, Alexandre Alahi, James Zou, Himabindu Lakkaraju, Yilun Du, Eric Xing, Sham Kakade, Hanlin Zhang

    Abstract: Modern language model (LM) training has been divided into multiple stages, making it difficult for downstream developers to evaluate the impact of design choices made at each stage. We present EvoLM, a model suite that enables systematic and transparent analysis of LMs' training dynamics across pre-training, continued pre-training, supervised fine-tuning, and reinforcement learning. By training ov… ▽ More

    Submitted 19 June, 2025; originally announced June 2025.

  2. arXiv:2506.04672  [pdf, other

    cs.LG

    FedAPM: Federated Learning via ADMM with Partial Model Personalization

    Authors: Shengkun Zhu, Feiteng Nie, Jinshan Zeng, Sheng Wang, Yuan Sun, Yuan Yao, Shangfeng Chen, Quanqing Xu, Chuanhui Yang

    Abstract: In federated learning (FL), the assumption that datasets from different devices are independent and identically distributed (i.i.d.) often does not hold due to user differences, and the presence of various data modalities across clients makes using a single model impractical. Personalizing certain parts of the model can effectively address these issues by allowing those parts to differ across clie… ▽ More

    Submitted 5 June, 2025; originally announced June 2025.

  3. arXiv:2506.02949  [pdf, ps, other

    cs.AI

    Dynamic Programming Techniques for Enhancing Cognitive Representation in Knowledge Tracing

    Authors: Lixiang Xu, Xianwei Ding, Xin Yuan, Richang Hong, Feiping Nie, Enhong Chen, Philip S. Yu

    Abstract: Knowledge Tracing (KT) involves monitoring the changes in a student's knowledge over time by analyzing their past responses, with the goal of predicting future performance. However, most existing methods primarily focus on feature enhancement, while overlooking the deficiencies in cognitive representation and the ability to express cognition-issues often caused by interference from non-cognitive f… ▽ More

    Submitted 3 June, 2025; originally announced June 2025.

  4. arXiv:2505.17434  [pdf, ps, other

    cs.RO cs.AI

    Dynamic Manipulation of Deformable Objects in 3D: Simulation, Benchmark and Learning Strategy

    Authors: Guanzhou Lan, Yuqi Yang, Anup Teejo Mathew, Feiping Nie, Rong Wang, Xuelong Li, Federico Renda, Bin Zhao

    Abstract: Goal-conditioned dynamic manipulation is inherently challenging due to complex system dynamics and stringent task constraints, particularly in deformable object scenarios characterized by high degrees of freedom and underactuation. Prior methods often simplify the problem to low-speed or 2D settings, limiting their applicability to real-world 3D tasks. In this work, we explore 3D goal-conditioned… ▽ More

    Submitted 22 May, 2025; originally announced May 2025.

    Comments: 11 pages,

  5. arXiv:2504.14833  [pdf, other

    cs.NI cs.CR

    IoT-AMLHP: Aligned Multimodal Learning of Header-Payload Representations for Resource-Efficient Malicious IoT Traffic Classification

    Authors: Fengyuan Nie, Guangjie Liu, Weiwei Liu, Jianan Huang, Bo Gao

    Abstract: Traffic classification is crucial for securing Internet of Things (IoT) networks. Deep learning-based methods can autonomously extract latent patterns from massive network traffic, demonstrating significant potential for IoT traffic classification tasks. However, the limited computational and spatial resources of IoT devices pose challenges for deploying more complex deep learning models. Existing… ▽ More

    Submitted 20 April, 2025; originally announced April 2025.

  6. arXiv:2504.04785  [pdf, other

    cs.AI

    Weak-for-Strong: Training Weak Meta-Agent to Harness Strong Executors

    Authors: Fan Nie, Lan Feng, Haotian Ye, Weixin Liang, Pan Lu, Huaxiu Yao, Alexandre Alahi, James Zou

    Abstract: Efficiently leveraging of the capabilities of contemporary large language models (LLMs) is increasingly challenging, particularly when direct fine-tuning is expensive and often impractical. Existing training-free methods, including manually or automated designed workflows, typically demand substantial human effort or yield suboptimal results. This paper proposes Weak-for-Strong Harnessing (W4S), a… ▽ More

    Submitted 7 April, 2025; originally announced April 2025.

  7. arXiv:2503.20505  [pdf, other

    cs.LG stat.ML

    Riemannian Optimization on Relaxed Indicator Matrix Manifold

    Authors: Jinghui Yuan, Fangyuan Xie, Feiping Nie, Xuelong Li

    Abstract: The indicator matrix plays an important role in machine learning, but optimizing it is an NP-hard problem. We propose a new relaxation of the indicator matrix and prove that this relaxation forms a manifold, which we call the Relaxed Indicator Matrix Manifold (RIM manifold). Based on Riemannian geometry, we develop a Riemannian toolbox for optimization on the RIM manifold. Specifically, we provide… ▽ More

    Submitted 11 April, 2025; v1 submitted 26 March, 2025; originally announced March 2025.

  8. arXiv:2501.18143  [pdf, other

    cs.LG

    Dual-Bounded Nonlinear Optimal Transport for Size Constrained Min Cut Clustering

    Authors: Fangyuan Xie, Jinghui Yuan, Feiping Nie, Xuelong Li

    Abstract: Min cut is an important graph partitioning method. However, current solutions to the min cut problem suffer from slow speeds, difficulty in solving, and often converge to simple solutions. To address these issues, we relax the min cut problem into a dual-bounded constraint and, for the first time, treat the min cut problem as a dual-bounded nonlinear optimal transport problem. Additionally, we dev… ▽ More

    Submitted 30 January, 2025; originally announced January 2025.

  9. arXiv:2412.20035  [pdf, other

    cs.LG

    A Greedy Strategy for Graph Cut

    Authors: Feiping Nie, Shenfei Pei, Zengwei Zheng, Rong Wang, Xuelong Li

    Abstract: We propose a Greedy strategy to solve the problem of Graph Cut, called GGC. It starts from the state where each data sample is regarded as a cluster and dynamically merges the two clusters which reduces the value of the global objective function the most until the required number of clusters is obtained, and the monotonicity of the sequence of objective function values is proved. To reduce the com… ▽ More

    Submitted 28 December, 2024; originally announced December 2024.

  10. arXiv:2412.00420  [pdf, ps, other

    cs.LG cs.CV stat.ML

    TAROT: Targeted Data Selection via Optimal Transport

    Authors: Lan Feng, Fan Nie, Yuejiang Liu, Alexandre Alahi

    Abstract: We propose TAROT, a targeted data selection framework grounded in optimal transport theory. Previous targeted data selection methods primarily rely on influence-based greedy heuristics to enhance domain-specific performance. While effective on limited, unimodal data (i.e., data following a single pattern), these methods struggle as target data complexity increases. Specifically, in multimodal dist… ▽ More

    Submitted 2 July, 2025; v1 submitted 30 November, 2024; originally announced December 2024.

  11. arXiv:2411.02603  [pdf, other

    cs.CL cs.AI stat.ML

    FactTest: Factuality Testing in Large Language Models with Finite-Sample and Distribution-Free Guarantees

    Authors: Fan Nie, Xiaotian Hou, Shuhang Lin, James Zou, Huaxiu Yao, Linjun Zhang

    Abstract: The propensity of Large Language Models (LLMs) to generate hallucinations and non-factual content undermines their reliability in high-stakes domains, where rigorous control over Type I errors (the conditional probability of incorrectly classifying hallucinations as truthful content) is essential. Despite its importance, formal verification of LLM factuality with such guarantees remains largely un… ▽ More

    Submitted 6 November, 2024; v1 submitted 4 November, 2024; originally announced November 2024.

  12. arXiv:2411.01792  [pdf, other

    cs.LG

    Fast Semi-supervised Learning on Large Graphs: An Improved Green-function Method

    Authors: Feiping Nie, Yitao Song, Wei Chang, Rong Wang, Xuelong Li

    Abstract: In the graph-based semi-supervised learning, the Green-function method is a classical method that works by computing the Green's function in the graph space. However, when applied to large graphs, especially those sparse ones, this method performs unstably and unsatisfactorily. We make a detailed analysis on it and propose a novel method from the perspective of optimization. On fully connected gra… ▽ More

    Submitted 3 November, 2024; originally announced November 2024.

  13. arXiv:2411.01780  [pdf, other

    cs.LG stat.ML

    Clustering Based on Density Propagation and Subcluster Merging

    Authors: Feiping Nie, Yitao Song, Jingjing Xue, Rong Wang, Xuelong Li

    Abstract: We propose the DPSM method, a density-based node clustering approach that automatically determines the number of clusters and can be applied in both data space and graph space. Unlike traditional density-based clustering methods, which necessitate calculating the distance between any two nodes, our proposed technique determines density through a propagation process, thereby making it suitable for… ▽ More

    Submitted 3 November, 2024; originally announced November 2024.

  14. arXiv:2410.23663  [pdf, other

    cs.CV cs.MM

    DIP: Diffusion Learning of Inconsistency Pattern for General DeepFake Detection

    Authors: Fan Nie, Jiangqun Ni, Jian Zhang, Bin Zhang, Weizhe Zhang

    Abstract: With the advancement of deepfake generation techniques, the importance of deepfake detection in protecting multimedia content integrity has become increasingly obvious. Recently, temporal inconsistency clues have been explored to improve the generalizability of deepfake video detection. According to our observation, the temporal artifacts of forged videos in terms of motion information usually exh… ▽ More

    Submitted 31 October, 2024; originally announced October 2024.

    Comments: 13 pages, accepted with IEEE Trans. on Multimedia

  15. arXiv:2410.15774  [pdf, other

    cs.RO cs.CV

    Generalizing Motion Planners with Mixture of Experts for Autonomous Driving

    Authors: Qiao Sun, Huimin Wang, Jiahao Zhan, Fan Nie, Xin Wen, Leimeng Xu, Kun Zhan, Peng Jia, Xianpeng Lang, Hang Zhao

    Abstract: Large real-world driving datasets have sparked significant research into various aspects of data-driven motion planners for autonomous driving. These include data augmentation, model architecture, reward design, training strategies, and planner pipelines. These planners promise better generalizations on complicated and few-shot cases than previous methods. However, experiment results show that man… ▽ More

    Submitted 29 October, 2024; v1 submitted 21 October, 2024; originally announced October 2024.

    Comments: 7 pages, 3 figures

  16. arXiv:2409.12849  [pdf, ps, other

    cs.LG

    A Margin-Maximizing Fine-Grained Ensemble Method

    Authors: Jinghui Yuan, Hao Chen, Renwei Luo, Feiping Nie

    Abstract: Ensemble learning has achieved remarkable success in machine learning, but its reliance on numerous base learners limits its application in resource-constrained environments. This paper introduces an innovative "Margin-Maximizing Fine-Grained Ensemble Method" that achieves performance surpassing large-scale ensembles by meticulously optimizing a small number of learners and enhancing generalizatio… ▽ More

    Submitted 19 September, 2024; originally announced September 2024.

  17. arXiv:2408.10483  [pdf, other

    cs.LG

    PRformer: Pyramidal Recurrent Transformer for Multivariate Time Series Forecasting

    Authors: Yongbo Yu, Weizhong Yu, Feiping Nie, Xuelong Li

    Abstract: The self-attention mechanism in Transformer architecture, invariant to sequence order, necessitates positional embeddings to encode temporal order in time series prediction. We argue that this reliance on positional embeddings restricts the Transformer's ability to effectively represent temporal sequences, particularly when employing longer lookback windows. To address this, we introduce an innova… ▽ More

    Submitted 19 August, 2024; originally announced August 2024.

  18. arXiv:2408.02936  [pdf, other

    cs.LG

    Achieving More with Less: A Tensor-Optimization-Powered Ensemble Method

    Authors: Jinghui Yuan, Weijin Jiang, Zhe Cao, Fangyuan Xie, Rong Wang, Feiping Nie, Yuan Yuan

    Abstract: Ensemble learning is a method that leverages weak learners to produce a strong learner. However, obtaining a large number of base learners requires substantial time and computational resources. Therefore, it is meaningful to study how to achieve the performance typically obtained with many base learners using only a few. We argue that to achieve this, it is essential to enhance both classification… ▽ More

    Submitted 12 August, 2024; v1 submitted 5 August, 2024; originally announced August 2024.

  19. arXiv:2408.02932  [pdf, other

    cs.LG cs.AI

    Doubly Stochastic Adaptive Neighbors Clustering via the Marcus Mapping

    Authors: Jinghui Yuan, Chusheng Zeng, Fangyuan Xie, Zhe Cao, Mulin Chen, Rong Wang, Feiping Nie, Yuan Yuan

    Abstract: Clustering is a fundamental task in machine learning and data science, and similarity graph-based clustering is an important approach within this domain. Doubly stochastic symmetric similarity graphs provide numerous benefits for clustering problems and downstream tasks, yet learning such graphs remains a significant challenge. Marcus theorem states that a strictly positive symmetric matrix can be… ▽ More

    Submitted 12 August, 2024; v1 submitted 5 August, 2024; originally announced August 2024.

  20. arXiv:2406.04963  [pdf, other

    cs.LG cs.AI

    Learning Divergence Fields for Shift-Robust Graph Representations

    Authors: Qitian Wu, Fan Nie, Chenxiao Yang, Junchi Yan

    Abstract: Real-world data generation often involves certain geometries (e.g., graphs) that induce instance-level interdependence. This characteristic makes the generalization of learning models more difficult due to the intricate interdependent patterns that impact data-generative distributions and can vary from training to testing. In this work, we propose a geometric diffusion model with learnable diverge… ▽ More

    Submitted 7 June, 2024; originally announced June 2024.

    Comments: Accepted to ICML 2024. Source codes at https://github.com/fannie1208/GLIND

  21. arXiv:2405.13427  [pdf, ps, other

    cs.LG

    Adaptive Fuzzy C-Means with Graph Embedding

    Authors: Qiang Chen, Weizhong Yu, Feiping Nie, Xuelong Li

    Abstract: Fuzzy clustering algorithms can be roughly categorized into two main groups: Fuzzy C-Means (FCM) based methods and mixture model based methods. However, for almost all existing FCM based methods, how to automatically selecting proper membership degree hyper-parameter values remains a challenging and unsolved problem. Mixture model based methods, while circumventing the difficulty of manually adjus… ▽ More

    Submitted 22 May, 2024; originally announced May 2024.

  22. arXiv:2404.16616  [pdf, other

    cs.LG

    Robust Capped lp-Norm Support Vector Ordinal Regression

    Authors: Haorui Xiang, Zhichang Wu, Guoxu Li, Rong Wang, Feiping Nie, Xuelong Li

    Abstract: Ordinal regression is a specialized supervised problem where the labels show an inherent order. The order distinguishes it from normal multi-class problem. Support Vector Ordinal Regression, as an outstanding ordinal regression model, is widely used in many ordinal regression tasks. However, like most supervised learning algorithms, the design of SVOR is based on the assumption that the training d… ▽ More

    Submitted 25 April, 2024; originally announced April 2024.

  23. arXiv:2404.00044  [pdf, other

    physics.chem-ph cs.AI cs.LG q-bio.QM

    UAlign: Pushing the Limit of Template-free Retrosynthesis Prediction with Unsupervised SMILES Alignment

    Authors: Kaipeng Zeng, Bo yang, Xin Zhao, Yu Zhang, Fan Nie, Xiaokang Yang, Yaohui Jin, Yanyan Xu

    Abstract: Motivation: Retrosynthesis planning poses a formidable challenge in the organic chemical industry. Single-step retrosynthesis prediction, a crucial step in the planning process, has witnessed a surge in interest in recent years due to advancements in AI for science. Various deep learning-based methods have been proposed for this task in recent years, incorporating diverse levels of additional chem… ▽ More

    Submitted 19 April, 2024; v1 submitted 24 March, 2024; originally announced April 2024.

  24. arXiv:2403.05014  [pdf, other

    cs.LG cs.AI

    Simple Multigraph Convolution Networks

    Authors: Danyang Wu, Xinjie Shen, Jitao Lu, Jin Xu, Feiping Nie

    Abstract: Existing multigraph convolution methods either ignore the cross-view interaction among multiple graphs, or induce extremely high computational cost due to standard cross-view polynomial operators. To alleviate this problem, this paper proposes a Simple MultiGraph Convolution Networks (SMGCN) which first extracts consistent cross-view topology from multigraphs including edge-level and subgraph-leve… ▽ More

    Submitted 7 March, 2024; originally announced March 2024.

    Comments: Accepted by WWW 2024 Short

  25. arXiv:2403.00307  [pdf, other

    cs.CV cs.AI

    Embedded Multi-label Feature Selection via Orthogonal Regression

    Authors: Xueyuan Xu, Fulin Wei, Tianyuan Jia, Li Zhuo, Feiping Nie, Xia Wu

    Abstract: In the last decade, embedded multi-label feature selection methods, incorporating the search for feature subsets into model optimization, have attracted considerable attention in accurately evaluating the importance of features in multi-label classification tasks. Nevertheless, the state-of-the-art embedded multi-label feature selection algorithms based on least square regression usually cannot pr… ▽ More

    Submitted 1 March, 2024; originally announced March 2024.

  26. arXiv:2402.11494  [pdf, other

    cs.LG cs.SI

    Graph Out-of-Distribution Generalization via Causal Intervention

    Authors: Qitian Wu, Fan Nie, Chenxiao Yang, Tianyi Bao, Junchi Yan

    Abstract: Out-of-distribution (OOD) generalization has gained increasing attentions for learning on graphs, as graph neural networks (GNNs) often exhibit performance degradation with distribution shifts. The challenge is that distribution shifts on graphs involve intricate interconnections between nodes, and the environment labels are often absent in data. In this paper, we adopt a bottom-up data-generative… ▽ More

    Submitted 16 August, 2024; v1 submitted 18 February, 2024; originally announced February 2024.

    Comments: Accepted by the research paper track of The Web Conference (WWW) 2024. The codes are available at https://github.com/fannie1208/CaNet

  27. arXiv:2402.02090  [pdf, other

    cs.CV

    All-weather Multi-Modality Image Fusion: Unified Framework and 100k Benchmark

    Authors: Xilai Li, Wuyang Liu, Xiaosong Li, Fuqiang Zhou, Huafeng Li, Feiping Nie

    Abstract: Multi-modality image fusion (MMIF) combines complementary information from different image modalities to provide a more comprehensive and objective interpretation of scenes. However, existing MMIF methods lack the ability to resist different weather interferences in real-world scenes, preventing them from being useful in practical applications such as autonomous driving. To bridge this research ga… ▽ More

    Submitted 11 November, 2024; v1 submitted 3 February, 2024; originally announced February 2024.

  28. arXiv:2312.06578  [pdf, other

    cs.LG

    Multi-class Support Vector Machine with Maximizing Minimum Margin

    Authors: Feiping Nie, Zhezheng Hao, Rong Wang

    Abstract: Support Vector Machine (SVM) stands out as a prominent machine learning technique widely applied in practical pattern recognition tasks. It achieves binary classification by maximizing the "margin", which represents the minimum distance between instances and the decision boundary. Although many efforts have been dedicated to expanding SVM for multi-class case through strategies such as one versus… ▽ More

    Submitted 12 April, 2025; v1 submitted 11 December, 2023; originally announced December 2023.

  29. A Novel Normalized-Cut Solver with Nearest Neighbor Hierarchical Initialization

    Authors: Feiping Nie, Jitao Lu, Danyang Wu, Rong Wang, Xuelong Li

    Abstract: Normalized-Cut (N-Cut) is a famous model of spectral clustering. The traditional N-Cut solvers are two-stage: 1) calculating the continuous spectral embedding of normalized Laplacian matrix; 2) discretization via $K$-means or spectral rotation. However, this paradigm brings two vital problems: 1) two-stage methods solve a relaxed version of the original problem, so they cannot obtain good solution… ▽ More

    Submitted 26 November, 2023; originally announced November 2023.

  30. arXiv:2310.01098  [pdf, other

    cs.LG cs.AI cs.SI

    NP$^2$L: Negative Pseudo Partial Labels Extraction for Graph Neural Networks

    Authors: Xinjie Shen, Danyang Wu, Jitao Lu, Junjie Liang, Jin Xu, Feiping Nie

    Abstract: How to utilize the pseudo labels has always been a research hotspot in machine learning. However, most methods use pseudo labels as supervised training, and lack of valid assessing for their accuracy. Moreover, applications of pseudo labels in graph neural networks (GNNs) oversee the difference between graph learning and other machine learning tasks such as message passing mechanism. Aiming to add… ▽ More

    Submitted 2 October, 2023; originally announced October 2023.

  31. arXiv:2309.16397  [pdf, other

    cs.LG cs.AI

    Uncertainty-Aware Decision Transformer for Stochastic Driving Environments

    Authors: Zenan Li, Fan Nie, Qiao Sun, Fang Da, Hang Zhao

    Abstract: Offline Reinforcement Learning (RL) enables policy learning without active interactions, making it especially appealing for self-driving tasks. Recent successes of Transformers inspire casting offline RL as sequence modeling, which, however, fails in stochastic environments with incorrect assumptions that identical actions can consistently achieve the same goal. In this paper, we introduce an UNce… ▽ More

    Submitted 7 October, 2024; v1 submitted 28 September, 2023; originally announced September 2023.

  32. arXiv:2309.13614  [pdf, other

    cs.RO cs.AI

    Boosting Offline Reinforcement Learning for Autonomous Driving with Hierarchical Latent Skills

    Authors: Zenan Li, Fan Nie, Qiao Sun, Fang Da, Hang Zhao

    Abstract: Learning-based vehicle planning is receiving increasing attention with the emergence of diverse driving simulators and large-scale driving datasets. While offline reinforcement learning (RL) is well suited for these safety-critical tasks, it still struggles to plan over extended periods. In this work, we present a skill-based framework that enhances offline RL to overcome the long-horizon vehicle… ▽ More

    Submitted 17 November, 2023; v1 submitted 24 September, 2023; originally announced September 2023.

  33. arXiv:2306.10759  [pdf, other

    cs.LG cs.AI cs.SI

    SGFormer: Simplifying and Empowering Transformers for Large-Graph Representations

    Authors: Qitian Wu, Wentao Zhao, Chenxiao Yang, Hengrui Zhang, Fan Nie, Haitian Jiang, Yatao Bian, Junchi Yan

    Abstract: Learning representations on large-sized graphs is a long-standing challenge due to the inter-dependence nature involved in massive data points. Transformers, as an emerging class of foundation encoders for graph-structured data, have shown promising performance on small graphs due to its global attention capable of capturing all-pair influence beyond neighboring nodes. Even so, existing approaches… ▽ More

    Submitted 16 August, 2024; v1 submitted 19 June, 2023; originally announced June 2023.

    Comments: Accepted to NeurIPS 2023, the codes are available at https://github.com/qitianwu/SGFormer

  34. arXiv:2305.12396  [pdf, other

    cs.LG

    Joint Feature and Differentiable $ k $-NN Graph Learning using Dirichlet Energy

    Authors: Lei Xu, Lei Chen, Rong Wang, Feiping Nie, Xuelong Li

    Abstract: Feature selection (FS) plays an important role in machine learning, which extracts important features and accelerates the learning process. In this paper, we propose a deep FS method that simultaneously conducts feature selection and differentiable $ k $-NN graph learning based on the Dirichlet Energy. The Dirichlet Energy identifies important features by measuring their smoothness on the graph st… ▽ More

    Submitted 9 November, 2023; v1 submitted 21 May, 2023; originally announced May 2023.

    Comments: Accepted by NeurIPS 2023

  35. arXiv:2305.07521  [pdf, other

    cs.LG

    AGFormer: Efficient Graph Representation with Anchor-Graph Transformer

    Authors: Bo Jiang, Fei Xu, Ziyan Zhang, Jin Tang, Feiping Nie

    Abstract: To alleviate the local receptive issue of GCN, Transformers have been exploited to capture the long range dependences of nodes for graph data representation and learning. However, existing graph Transformers generally employ regular self-attention module for all node-to-node message passing which needs to learn the affinities/relationships between all node's pairs, leading to high computational co… ▽ More

    Submitted 12 May, 2023; originally announced May 2023.

  36. arXiv:2212.03589  [pdf, other

    cs.LG

    On the Global Solution of Soft k-Means

    Authors: Feiping Nie, Hong Chen, Rong Wang, Xuelong Li

    Abstract: This paper presents an algorithm to solve the Soft k-Means problem globally. Unlike Fuzzy c-Means, Soft k-Means (SkM) has a matrix factorization-type objective and has been shown to have a close relation with the popular probability decomposition-type clustering methods, e.g., Left Stochastic Clustering (LSC). Though some work has been done for solving the Soft k-Means problem, they usually use an… ▽ More

    Submitted 7 December, 2022; originally announced December 2022.

  37. arXiv:2212.02216  [pdf, other

    cs.CL

    Improving Few-Shot Performance of Language Models via Nearest Neighbor Calibration

    Authors: Feng Nie, Meixi Chen, Zhirui Zhang, Xu Cheng

    Abstract: Pre-trained language models (PLMs) have exhibited remarkable few-shot learning capabilities when provided a few examples in a natural language prompt as demonstrations of test instances, i.e., in-context learning. However, the performance of in-context learning is susceptible to the choice of prompt format, training examples and the ordering of the training examples. In this paper, we propose a no… ▽ More

    Submitted 5 December, 2022; originally announced December 2022.

    Comments: Work in progress

  38. arXiv:2211.02883  [pdf, other

    cs.CV

    Unified Multi-View Orthonormal Non-Negative Graph Based Clustering Framework

    Authors: Liangchen Liu, Qiuhong Ke, Chaojie Li, Feiping Nie, Yingying Zhu

    Abstract: Spectral clustering is an effective methodology for unsupervised learning. Most traditional spectral clustering algorithms involve a separate two-step procedure and apply the transformed new representations for the final clustering results. Recently, much progress has been made to utilize the non-negative feature property in real-world data and to jointly learn the representation and clustering re… ▽ More

    Submitted 1 December, 2022; v1 submitted 3 November, 2022; originally announced November 2022.

  39. arXiv:2204.07741  [pdf, other

    cs.HC cs.CL cs.LG

    Persua: A Visual Interactive System to Enhance the Persuasiveness of Arguments in Online Discussion

    Authors: Meng Xia, Qian Zhu, Xingbo Wang, Fei Nie, Huamin Qu, Xiaojuan Ma

    Abstract: Persuading people to change their opinions is a common practice in online discussion forums on topics ranging from political campaigns to relationship consultation. Enhancing people's ability to write persuasive arguments could not only practice their critical thinking and reasoning but also contribute to the effectiveness and civility in online communication. It is, however, not an easy task in o… ▽ More

    Submitted 21 April, 2022; v1 submitted 16 April, 2022; originally announced April 2022.

    Comments: This paper will appear in CSCW 2022

    Journal ref: Proc. ACM Hum.-Comput. Interact. 6, CSCW2, Article 319 (November 2022)

  40. arXiv:2204.04859  [pdf, other

    cs.CL cs.LG

    A Survey on Legal Judgment Prediction: Datasets, Metrics, Models and Challenges

    Authors: Junyun Cui, Xiaoyu Shen, Feiping Nie, Zheng Wang, Jinglong Wang, Yulong Chen

    Abstract: Legal judgment prediction (LJP) applies Natural Language Processing (NLP) techniques to predict judgment results based on fact descriptions automatically. Recently, large-scale public datasets and advances in NLP research have led to increasing interest in LJP. Despite a clear gap between machine and human performance, impressive results have been achieved in various benchmark datasets. In this pa… ▽ More

    Submitted 11 April, 2022; originally announced April 2022.

    Comments: 25 pages, 6 figures and 12 tables

  41. arXiv:2201.13194   

    cs.LG

    Compactness Score: A Fast Filter Method for Unsupervised Feature Selection

    Authors: Peican Zhu, Xin Hou, Keke Tang, Zhen Wang, Feiping Nie

    Abstract: Along with the flourish of the information age, massive amounts of data are generated day by day. Due to the large-scale and high-dimensional characteristics of these data, it is often difficult to achieve better decision-making in practical applications. Therefore, an efficient big data analytics method is urgently needed. For feature engineering, feature selection seems to be an important resear… ▽ More

    Submitted 3 April, 2023; v1 submitted 31 January, 2022; originally announced January 2022.

    Comments: Since the experimental section in the current version is not complete, it needs to be withdrawn and resubmitted

  42. Adaptive neighborhood Metric learning

    Authors: Kun Song, Junwei Han, Gong Cheng, Jiwen Lu, Feiping Nie

    Abstract: In this paper, we reveal that metric learning would suffer from serious inseparable problem if without informative sample mining. Since the inseparable samples are often mixed with hard samples, current informative sample mining strategies used to deal with inseparable problem may bring up some side-effects, such as instability of objective function, etc. To alleviate this problem, we propose a no… ▽ More

    Submitted 20 January, 2022; originally announced January 2022.

    Comments: 14 pages, 6 figures

  43. arXiv:2112.04734  [pdf, other

    cs.LG

    New Tight Relaxations of Rank Minimization for Multi-Task Learning

    Authors: Wei Chang, Feiping Nie, Rong Wang, Xuelong Li

    Abstract: Multi-task learning has been observed by many researchers, which supposes that different tasks can share a low-rank common yet latent subspace. It means learning multiple tasks jointly is better than learning them independently. In this paper, we propose two novel multi-task learning formulations based on two regularization terms, which can learn the optimal shared latent subspace by minimizing th… ▽ More

    Submitted 9 December, 2021; originally announced December 2021.

  44. arXiv:2101.01976  [pdf, other

    eess.IV cs.CV

    Ensemble and Random Collaborative Representation-Based Anomaly Detector for Hyperspectral Imagery

    Authors: Rong Wang, Yihang Lu, Qianrong Zhang, Feiping Nie, Zhen Wang, Xuelong Li

    Abstract: In recent years, hyperspectral anomaly detection (HAD) has become an active topic and plays a significant role in military and civilian fields. As a classic HAD method, the collaboration representation-based detector (CRD) has attracted extensive attention and in-depth research. Despite the good performance of the CRD method, its computational cost mainly arising from the sliding dual window strat… ▽ More

    Submitted 22 December, 2021; v1 submitted 6 January, 2021; originally announced January 2021.

    Comments: 11 pages, 8 figures

  45. arXiv:2012.14595  [pdf, other

    cs.LG stat.ML

    Sparse PCA via $l_{2,p}$-Norm Regularization for Unsupervised Feature Selection

    Authors: Zhengxin Li, Feiping Nie, Jintang Bian, Xuelong Li

    Abstract: In the field of data mining, how to deal with high-dimensional data is an inevitable problem. Unsupervised feature selection has attracted more and more attention because it does not rely on labels. The performance of spectral-based unsupervised methods depends on the quality of constructed similarity matrix, which is used to depict the intrinsic structure of data. However, real-world data contain… ▽ More

    Submitted 28 December, 2020; originally announced December 2020.

  46. arXiv:2010.03084  [pdf, other

    cs.AI cs.CL cs.LG

    Program Enhanced Fact Verification with Verbalization and Graph Attention Network

    Authors: Xiaoyu Yang, Feng Nie, Yufei Feng, Quan Liu, Zhigang Chen, Xiaodan Zhu

    Abstract: Performing fact verification based on structured data is important for many real-life applications and is a challenging research problem, particularly when it involves both symbolic operations and informal inference based on language understanding. In this paper, we present a Program-enhanced Verbalization and Graph Attention Network (ProgVGAT) to integrate programs and execution into textual infe… ▽ More

    Submitted 11 September, 2021; v1 submitted 6 October, 2020; originally announced October 2020.

    Comments: 16 pages (Accepted by EMNLP 2020 as a long paper)

  47. arXiv:2009.12362  [pdf, other

    cs.LG stat.ML

    Self-Weighted Robust LDA for Multiclass Classification with Edge Classes

    Authors: Caixia Yan, Xiaojun Chang, Minnan Luo, Qinghua Zheng, Xiaoqin Zhang, Zhihui Li, Feiping Nie

    Abstract: Linear discriminant analysis (LDA) is a popular technique to learn the most discriminative features for multi-class classification. A vast majority of existing LDA algorithms are prone to be dominated by the class with very large deviation from the others, i.e., edge class, which occurs frequently in multi-class classification. First, the existence of edge classes often makes the total mean biased… ▽ More

    Submitted 24 September, 2020; originally announced September 2020.

    Comments: 17 pages, has been accepted by ACM TIST

  48. arXiv:2007.00767  [pdf, other

    cs.LG cs.CV stat.ML

    NP-PROV: Neural Processes with Position-Relevant-Only Variances

    Authors: Xuesong Wang, Lina Yao, Xianzhi Wang, Feiping Nie

    Abstract: Neural Processes (NPs) families encode distributions over functions to a latent representation, given context data, and decode posterior mean and variance at unknown locations. Since mean and variance are derived from the same latent space, they may fail on out-of-domain tasks where fluctuations in function values amplify the model uncertainty. We present a new member named Neural Processes with P… ▽ More

    Submitted 15 June, 2020; originally announced July 2020.

    Comments: 10 pages, 5 figures

  49. arXiv:2005.05556  [pdf, other

    cs.LG stat.ML

    Agglomerative Neural Networks for Multi-view Clustering

    Authors: Zhe Liu, Yun Li, Lina Yao, Xianzhi Wang, Feiping Nie

    Abstract: Conventional multi-view clustering methods seek for a view consensus through minimizing the pairwise discrepancy between the consensus and subviews. However, the pairwise comparison cannot portray the inter-view relationship precisely if some of the subviews can be further agglomerated. To address the above challenge, we propose the agglomerative analysis to approximate the optimal consensus view,… ▽ More

    Submitted 12 May, 2020; originally announced May 2020.

  50. arXiv:2001.09414  [pdf, other

    cs.CV

    Curriculum Audiovisual Learning

    Authors: Di Hu, Zheng Wang, Haoyi Xiong, Dong Wang, Feiping Nie, Dejing Dou

    Abstract: Associating sound and its producer in complex audiovisual scene is a challenging task, especially when we are lack of annotated training data. In this paper, we present a flexible audiovisual model that introduces a soft-clustering module as the audio and visual content detector, and regards the pervasive property of audiovisual concurrency as the latent supervision for inferring the correlation a… ▽ More

    Submitted 26 January, 2020; originally announced January 2020.