Search Results for author: Quanming Yao

Found 88 papers, 55 papers with code

Efficient Hyper-parameter Search for Knowledge Graph Embedding

1 code implementation ACL 2022 Yongqi Zhang, Zhanke Zhou, Quanming Yao, Yong Li

Based on the analysis, we propose an efficient two-stage search algorithm KGTuner, which efficiently explores HP configurations on small subgraph at the first stage and transfers the top-performed configurations for fine-tuning on the large full graph at the second stage.

AutoML Knowledge Graph Embedding

Knowledge-Enhanced Recommendation with User-Centric Subgraph Network

1 code implementation21 Mar 2024 Guangyi Liu, Quanming Yao, Yongqi Zhang, Lei Chen

Recommendation systems, as widely implemented nowadays on various platforms, recommend relevant items to users based on their preferences.

Collaborative Filtering Recommendation Systems

Graph Unitary Message Passing

no code implementations17 Mar 2024 Haiquan Qiu, Yatao Bian, Quanming Yao

Then, unitary adjacency matrix is obtained with a unitary projection algorithm, which is implemented by utilizing the intrinsic structure of unitary adjacency matrix and allows GUMP to be permutation-equivariant.

Graph Learning

Less is More: One-shot Subgraph Reasoning on Large-scale Knowledge Graphs

1 code implementation15 Mar 2024 Zhanke Zhou, Yongqi Zhang, Jiangchao Yao, Quanming Yao, Bo Han

To deduce new facts on a knowledge graph (KG), a link predictor learns from the graph structure and collects local evidence to find the answer to a given query.

Knowledge Graphs Link Prediction

Loss-aware Curriculum Learning for Heterogeneous Graph Neural Networks

1 code implementation29 Feb 2024 Zhen Hao Wong, Hansi Yang, Xiaoyi Fu, Quanming Yao

Heterogeneous Graph Neural Networks (HGNNs) are a class of deep learning models designed specifically for heterogeneous graphs, which are graphs that contain different types of nodes and edges.

Towards Versatile Graph Learning Approach: from the Perspective of Large Language Models

no code implementations18 Feb 2024 Lanning Wei, Jun Gao, Huan Zhao, Quanming Yao

This paper proposes a novel conceptual prototype for designing versatile graph learning methods with LLMs, with a particular focus on the "where" and "how" perspectives.

Feature Engineering Graph Learning +1

Robust Communicative Multi-Agent Reinforcement Learning with Active Defense

no code implementations16 Dec 2023 Lebin Yu, Yunbo Qiu, Quanming Yao, Yuan Shen, Xudong Zhang, Jian Wang

We propose an active defense strategy, where agents automatically reduce the impact of potentially harmful messages on the final decision.

Multi-agent Reinforcement Learning reinforcement-learning

Accurate and interpretable drug-drug interaction prediction enabled by knowledge subgraph learning

1 code implementation25 Nov 2023 Yaqing Wang, Zaifei Yang, Quanming Yao

Thus, the lack of DDIs is implicitly compensated by the enriched drug representations and propagated drug similarities.

Knowledge Graphs

Emerging Drug Interaction Prediction Enabled by Flow-based Graph Neural Network with Biomedical Network

1 code implementation15 Nov 2023 Yongqi Zhang, Quanming Yao, Ling Yue, Xian Wu, Ziheng Zhang, Zhenxi Lin, Yefeng Zheng

Accurately predicting drug-drug interactions (DDI) for emerging drugs, which offer possibilities for treating and alleviating diseases, with computational methods can improve patient care and contribute to efficient drug development.

Combating Bilateral Edge Noise for Robust Link Prediction

1 code implementation NeurIPS 2023 Zhanke Zhou, Jiangchao Yao, Jiaxu Liu, Xiawei Guo, Quanming Yao, Li He, Liang Wang, Bo Zheng, Bo Han

To address this dilemma, we propose an information-theory-guided principle, Robust Graph Information Bottleneck (RGIB), to extract reliable supervision signals and avoid representation collapse.

Denoising Link Prediction +1

Ensemble Learning for Graph Neural Networks

2 code implementations22 Oct 2023 Zhen Hao Wong, Ling Yue, Quanming Yao

Graph Neural Networks (GNNs) have shown success in various fields for learning from graph-structured data.

Ensemble Learning

Relation-aware Ensemble Learning for Knowledge Graph Embedding

2 code implementations13 Oct 2023 Ling Yue, Yongqi Zhang, Quanming Yao, Yong Li, Xian Wu, Ziheng Zhang, Zhenxi Lin, Yefeng Zheng

Knowledge graph (KG) embedding is a fundamental task in natural language processing, and various methods have been proposed to explore semantic patterns in distinctive ways.

Ensemble Learning Knowledge Graph Embedding +1

Unleashing the Power of Graph Learning through LLM-based Autonomous Agents

no code implementations8 Sep 2023 Lanning Wei, Zhiqiang He, Huan Zhao, Quanming Yao

With these agents, those components are processed by decomposing and completing step by step, thereby generating a solution for the given data automatically, regardless of the learning task on node or graph.

AutoML Graph Learning

On Strengthening and Defending Graph Reconstruction Attack with Markov Chain Approximation

1 code implementation15 Jun 2023 Zhanke Zhou, Chenyu Zhou, Xuan Li, Jiangchao Yao, Quanming Yao, Bo Han

Although powerful graph neural networks (GNNs) have boosted numerous real-world applications, the potential privacy risk is still underexplored.

Graph Reconstruction Reconstruction Attack

Automated 3D Pre-Training for Molecular Property Prediction

1 code implementation13 Jun 2023 Xu Wang, Huan Zhao, WeiWei Tu, Quanming Yao

Next, to automatically fuse these three generative tasks, we design a surrogate metric using the \textit{total energy} to search for weight distribution of the three pretext task since total energy corresponding to the quality of 3D conformer. Extensive experiments on 2D molecular graphs are conducted to demonstrate the accuracy, efficiency and generalization ability of the proposed 3D PGT compared to various pre-training baselines.

Drug Discovery Graph Learning +3

ColdNAS: Search to Modulate for User Cold-Start Recommendation

1 code implementation6 Jun 2023 Shiguang Wu, Yaqing Wang, Qinghe Jing, daxiang dong, Dejing Dou, Quanming Yao

Instead of using a fixed modulation function and deciding modulation position by expertise, we propose a modulation framework called ColdNAS for user cold-start problem, where we look for proper modulation structure, including function and position, via neural architecture search.

Neural Architecture Search Position +1

Understanding Expressivity of GNN in Rule Learning

1 code implementation22 Mar 2023 Haiquan Qiu, Yongqi Zhang, Yong Li, Quanming Yao

These results further inspire us to propose a novel labeling strategy to learn more rules in KG reasoning.

Combating Exacerbated Heterogeneity for Robust Models in Federated Learning

1 code implementation1 Mar 2023 Jianing Zhu, Jiangchao Yao, Tongliang Liu, Quanming Yao, Jianliang Xu, Bo Han

Privacy and security concerns in real-world applications have led to the development of adversarially robust federated models.

Federated Learning

Enhancing Intra-class Information Extraction for Heterophilous Graphs: One Neural Architecture Search Approach

no code implementations20 Nov 2022 Lanning Wei, Zhiqiang He, Huan Zhao, Quanming Yao

Despite the success, we observe two aspects that can be further improved: (a) enhancing the ego feature information extraction from node itself which is more reliable in extracting the intra-class information; (b) designing node-wise GNNs can better adapt to the nodes with different homophily ratios.

Graph Representation Learning Neural Architecture Search +1

Search to Pass Messages for Temporal Knowledge Graph Completion

1 code implementation30 Oct 2022 Zhen Wang, Haotong Du, Quanming Yao, Xuelong Li

In particular, we develop a generalized framework to explore topological and temporal information in TKGs.

Link Prediction Neural Architecture Search +2

DisenHCN: Disentangled Hypergraph Convolutional Networks for Spatiotemporal Activity Prediction

1 code implementation14 Aug 2022 Yinfeng Li, Chen Gao, Quanming Yao, Tong Li, Depeng Jin, Yong Li

In particular, we first unify the fine-grained user similarity and the complex matching between user preferences and spatiotemporal activity into a heterogeneous hypergraph.

Activity Prediction Graph Embedding +1

AutoWeird: Weird Translational Scoring Function Identified by Random Search

no code implementations24 Jul 2022 Hansi Yang, Yongqi Zhang, Quanming Yao

This scoring function, called AutoWeird, only uses tail entity and relation in a triplet to compute its plausibility score.

Attribute Knowledge Graphs +1

Graph Property Prediction on Open Graph Benchmark: A Winning Solution by Graph Neural Architecture Search

1 code implementation13 Jul 2022 Xu Wang, Huan Zhao, Lanning Wei, Quanming Yao

Aiming at two molecular graph datasets and one protein association subgraph dataset in OGB graph classification task, we design a graph neural network framework for graph classification task by introducing PAS(Pooling Architecture Search).

feature selection Graph Classification +3

AdaProp: Learning Adaptive Propagation for Graph Neural Network based Knowledge Graph Reasoning

2 code implementations30 May 2022 Yongqi Zhang, Zhanke Zhou, Quanming Yao, Xiaowen Chu, Bo Han

An important design component of GNN-based KG reasoning methods is called the propagation path, which contains a set of involved entities in each propagation step.

Knowledge Graphs

Low-rank Tensor Learning with Nonconvex Overlapped Nuclear Norm Regularization

no code implementations6 May 2022 Quanming Yao, Yaqing Wang, Bo Han, James Kwok

While the optimization problem is nonconvex and nonsmooth, we show that its critical points still have good statistical performance on the tensor completion problem.

KGTuner: Efficient Hyper-parameter Search for Knowledge Graph Learning

2 code implementations5 May 2022 Yongqi Zhang, Zhanke Zhou, Quanming Yao, Yong Li

While hyper-parameters (HPs) are important for knowledge graph (KG) learning, existing methods fail to search them efficiently.

Graph Learning

Bridging the Gap of AutoGraph between Academia and Industry: Analysing AutoGraph Challenge at KDD Cup 2020

1 code implementation6 Apr 2022 Zhen Xu, Lanning Wei, Huan Zhao, Rex Ying, Quanming Yao, Wei-Wei Tu, Isabelle Guyon

Researchers naturally adopt Automated Machine Learning on Graph Learning, aiming to reduce the human effort and achieve generally top-performing GNNs, but their methods focus more on the architecture search.

Graph Learning Neural Architecture Search +1

LoSAC: An Efficient Local Stochastic Average Control Method for Federated Optimization

no code implementations15 Dec 2021 Huiming Chen, Huandong Wang, Quanming Yao, Yong Li, Depeng Jin, Qiang Yang

Federated optimization (FedOpt), which targets at collaboratively training a learning model across a large number of distributed clients, is vital for federated learning.

Federated Learning

Progressive Feature Interaction Search for Deep Sparse Network

no code implementations NeurIPS 2021 Chen Gao, Yinfeng Li, Quanming Yao, Depeng Jin, Yong Li

Deep sparse networks (DSNs), of which the crux is exploring the high-order feature interactions, have become the state-of-the-art on the prediction task with high-sparsity features.

Neural Architecture Search

Heterogeneous Graph-Based Multimodal Brain Network Learning

no code implementations16 Oct 2021 Gen Shi, Yifan Zhu, Wenjin Liu, Quanming Yao, Xuesong Li

Other experiments also indicate that our proposed model with a pretraining strategy alleviates the problem of limited labelled data and yields a significant improvement in accuracy.

Disease Prediction

Codabench: Flexible, Easy-to-Use and Reproducible Benchmarking Platform

2 code implementations12 Oct 2021 Zhen Xu, Sergio Escalera, Isabelle Guyon, Adrien Pavão, Magali Richard, Wei-Wei Tu, Quanming Yao, Huan Zhao

A public instance of Codabench (https://www. codabench. org/) is open to everyone, free of charge, and allows benchmark organizers to compare fairly submissions, under the same setting (software, hardware, data, algorithms), with custom protocols and data formats.

Benchmarking

Pooling Architecture Search for Graph Classification

3 code implementations24 Aug 2021 Lanning Wei, Huan Zhao, Quanming Yao, Zhiqiang He

To address this problem, we propose to use neural architecture search (NAS) to search for adaptive pooling architectures for graph classification.

Graph Classification Neural Architecture Search

TabGNN: Multiplex Graph Neural Network for Tabular Data Prediction

1 code implementation20 Aug 2021 Xiawei Guo, Yuhan Quan, Huan Zhao, Quanming Yao, Yong Li, WeiWei Tu

Tabular data prediction (TDP) is one of the most popular industrial applications, and various methods have been designed to improve the prediction performance.

Knowledge Graph Reasoning with Relational Digraph

3 code implementations13 Aug 2021 Yongqi Zhang, Quanming Yao

In this paper, we introduce a novel relational structure, i. e., relational directed graph (r-digraph), which is composed of overlapped relational paths, to capture the KG's local evidence.

Efficient Data-specific Model Search for Collaborative Filtering

no code implementations14 Jun 2021 Chen Gao, Quanming Yao, Depeng Jin, Yong Li

In this way, we can combinatorially generalize data-specific CF models, which have not been visited in the literature, from SOTA ones.

AutoML Collaborative Filtering +1

Efficient Relation-aware Scoring Function Search for Knowledge Graph Embedding

3 code implementations22 Apr 2021 Shimin Di, Quanming Yao, Yongqi Zhang, Lei Chen

The scoring function, which measures the plausibility of triplets in knowledge graphs (KGs), is the key to ensure the excellent performance of KG embedding, and its design is also an important problem in the literature.

AutoML Knowledge Graph Embedding +2

Searching to Sparsify Tensor Decomposition for N-ary Relational Data

1 code implementation21 Apr 2021 Shimin Di, Quanming Yao, Lei Chen

Recently, tensor decomposition methods have been introduced into N-ary relational data and become state-of-the-art on embedding learning.

Neural Architecture Search Tensor Decomposition

Role-Aware Modeling for N-ary Relational Knowledge Bases

1 code implementation20 Apr 2021 Yu Liu, Quanming Yao, Yong Li

N-ary relational knowledge bases (KBs) represent knowledge with binary and beyond-binary relational facts.

Knowledge Graphs

Search to aggregate neighborhood for graph neural network

no code implementations14 Apr 2021 Huan Zhao, Quanming Yao, WeiWei Tu

In this work, to obtain the data-specific GNN architectures and address the computational challenges facing by NAS approaches, we propose a framework, which tries to Search to Aggregate NEighborhood (SANE), to automatically design data-specific GNN architectures.

Neural Architecture Search

Topology-aware Tensor Decomposition for Meta-graph Learning

no code implementations4 Jan 2021 Hansi Yang, Peiyu Zhang, Quanming Yao

The proposed topology-aware tensor decomposition is easy to use and simple to implement, and it can be taken as a plug-in part to upgrade many existing works, including node classification and recommendation on heterogeneous graphs.

Graph Learning Knowledge Graphs +3

TRACE: Tensorizing and Generalizing Supernets from Neural Architecture Search

no code implementations1 Jan 2021 Hansi Yang, Quanming Yao

Recently, a special kind of graph, i. e., supernet, which allows two nodes connected by multi-choice edges, has exhibited its power in neural architecture search (NAS) by searching better architectures for computer vision (CV) and natural language processing (NLP) tasks.

Knowledge Graphs Neural Architecture Search

Differentiable Learning of Graph-like Logical Rules from Knowledge Graphs

no code implementations1 Jan 2021 Hongzhi Shi, Quanming Yao, Yong Li

The score also helps relax the discrete space into a continuous one and can be uniformly transformed into matrix form by the Einstein summation convention.

Knowledge Graphs

Efficient Graph Neural Architecture Search

no code implementations1 Jan 2021 Huan Zhao, Lanning Wei, Quanming Yao, Zhiqiang He

To obtain state-of-the-art (SOAT) data-specific GNN architectures, researchers turn to the neural architecture search (NAS) methods.

Neural Architecture Search Transfer Learning

Combining Self-Supervised and Supervised Learning with Noisy Labels

no code implementations16 Nov 2020 Yongqi Zhang, HUI ZHANG, Quanming Yao, Jun Wan

Thus, inspired by the observation that classifier is more robust to noisy labels while representation is much more fragile, and by the recent advances of self-supervised representation learning (SSRL) technologies, we design a new method, i. e., CS$^3$NL, to obtain representation by SSRL without labels and train the classifier directly with noisy labels.

Learning with noisy labels Representation Learning +1

A Survey of Label-noise Representation Learning: Past, Present and Future

1 code implementation9 Nov 2020 Bo Han, Quanming Yao, Tongliang Liu, Gang Niu, Ivor W. Tsang, James T. Kwok, Masashi Sugiyama

Classical machine learning implicitly assumes that labels of the training data are sampled from a clean distribution, which can be too restrictive for real-world scenarios.

BIG-bench Machine Learning Learning Theory +1

Automorphic Equivalence-aware Graph Neural Network

1 code implementation NeurIPS 2021 Fengli Xu, Quanming Yao, Pan Hui, Yong Li

Distinguishing the automorphic equivalence of nodes in a graph plays an essential role in many scientific domains, e. g., computational biologist and social network analysis.

Representation Learning

Efficient, Simple and Automated Negative Sampling for Knowledge Graph Embedding

1 code implementation24 Oct 2020 Yongqi Zhang, Quanming Yao, Lei Chen

In this paper, motivated by the observation that negative triplets with large gradients are important but rare, we propose to directly keep track of them with the cache.

Generative Adversarial Network Knowledge Graph Embedding

Non-local Meets Global: An Iterative Paradigm for Hyperspectral Image Restoration

1 code implementation24 Oct 2020 wei he, Quanming Yao, Chao Li, Naoto Yokoya, Qibin Zhao, Hongyan zhang, Liangpei Zhang

Non-local low-rank tensor approximation has been developed as a state-of-the-art method for hyperspectral image (HSI) restoration, which includes the tasks of denoising, compressed HSI reconstruction and inpainting.

Denoising Image Restoration

DiffMG: Differentiable Meta Graph Search for Heterogeneous Graph Neural Networks

2 code implementations7 Oct 2020 Yuhui Ding, Quanming Yao, Huan Zhao, Tong Zhang

Specifically, we search for a meta graph, which can capture more complex semantic relations than a meta path, to determine how graph neural networks (GNNs) propagate messages along different types of edges.

Neural Architecture Search Recommendation Systems

Simplify and Robustify Negative Sampling for Implicit Collaborative Filtering

1 code implementation NeurIPS 2020 Jingtao Ding, Yuhan Quan, Quanming Yao, Yong Li, Depeng Jin

Negative sampling approaches are prevalent in implicit collaborative filtering for obtaining negative labels from massive unlabeled data.

Collaborative Filtering

Simplifying Architecture Search for Graph Neural Network

2 code implementations26 Aug 2020 Huan Zhao, Lanning Wei, Quanming Yao

Recent years have witnessed the popularity of Graph Neural Networks (GNN) in various scenarios.

Neural Architecture Search

A Scalable, Adaptive and Sound Nonconvex Regularizer for Low-rank Matrix Completion

no code implementations14 Aug 2020 Yaqing Wang, Quanming Yao, James T. Kwok

Extensive low-rank matrix completion experiments on a number of synthetic and real-world data sets show that the proposed method obtains state-of-the-art recovery performance while being the fastest in comparison to existing low-rank matrix learning methods.

Collaborative Filtering Low-Rank Matrix Completion

Generalizing Tensor Decomposition for N-ary Relational Knowledge Bases

1 code implementation8 Jul 2020 Yu Liu, Quanming Yao, Yong Li

With the rapid development of knowledge bases (KBs), link prediction task, which completes KBs with missing facts, has been broadly studied in especially binary relational KBs (a. k. a knowledge graph) with powerful tensor decomposition related methods.

Link Prediction Tensor Decomposition

AutoSTR: Efficient Backbone Search for Scene Text Recognition

1 code implementation ECCV 2020 Hui Zhang, Quanming Yao, Mingkun Yang, Yongchao Xu, Xiang Bai

In this work, inspired by the success of neural architecture search (NAS), which can identify better architectures than human-designed ones, we propose automated STR (AutoSTR) to search data-dependent backbones to boost text recognition performance.

Deblurring Neural Architecture Search +1

Interstellar: Searching Recurrent Architecture for Knowledge Graph Embedding

4 code implementations NeurIPS 2020 Yongqi Zhang, Quanming Yao, Lei Chen

In this work, based on the relational paths, which are composed of a sequence of triplets, we define the Interstellar as a recurrent neural architecture search problem for the short-term and long-term information along the paths.

Knowledge Graph Embedding Neural Architecture Search

Efficient Neural Interaction Function Search for Collaborative Filtering

2 code implementations28 Jun 2019 Quanming Yao, Xiangning Chen, James Kwok, Yong Li, Cho-Jui Hsieh

Motivated by the recent success of automated machine learning (AutoML), we propose in this paper the search for simple neural interaction functions (SIF) in CF.

AutoML Collaborative Filtering

Efficient Neural Architecture Search via Proximal Iterations

2 code implementations30 May 2019 Quanming Yao, Ju Xu, Wei-Wei Tu, Zhanxing Zhu

Recently, DARTS, which constructs a differentiable search space and then optimizes it by gradient descent, can obtain high-performance architecture and reduces the search time to several days.

Neural Architecture Search

Efficient Low-Rank Semidefinite Programming with Robust Loss Functions

no code implementations12 May 2019 Quanming Yao, Hangsi Yang, En-Liang Hu, James Kwok

In real-world applications, it is important for machine learning algorithms to be robust against data outliers or corruptions.

BIG-bench Machine Learning

AutoCross: Automatic Feature Crossing for Tabular Data in Real-World Applications

no code implementations29 Apr 2019 Yuanfei Luo, Mengshuo Wang, Hao Zhou, Quanming Yao, Wei-Wei Tu, Yuqiang Chen, Qiang Yang, Wenyuan Dai

Feature crossing captures interactions among categorical features and is useful to enhance learning from tabular data in real-world businesses.

Distributed Computing

AutoSF: Searching Scoring Functions for Knowledge Graph Embedding

3 code implementations26 Apr 2019 Yongqi Zhang, Quanming Yao, Wenyuan Dai, Lei Chen

The algorithm is further sped up by a filter and a predictor, which can avoid repeatedly training SFs with same expressive ability and help removing bad candidates during the search before model training.

AutoML Knowledge Graph Embedding +2

Generalizing from a Few Examples: A Survey on Few-Shot Learning

4 code implementations10 Apr 2019 Yaqing Wang, Quanming Yao, James Kwok, Lionel M. Ni

Machine learning has been highly successful in data-intensive applications but is often hampered when the data set is small.

BIG-bench Machine Learning Few-Shot Learning

NSCaching: Simple and Efficient Negative Sampling for Knowledge Graph Embedding

6 code implementations16 Dec 2018 Yongqi Zhang, Quanming Yao, Yingxia Shao, Lei Chen

Negative sampling, which samples negative triplets from non-observed ones in the training data, is an important step in KG embedding.

Generative Adversarial Network Knowledge Graph Embedding +1

Differential Private Stack Generalization with an Application to Diabetes Prediction

no code implementations23 Nov 2018 Quanming Yao, Xiawei Guo, James T. Kwok, WeiWei Tu, Yuqiang Chen, Wenyuan Dai, Qiang Yang

To meet the standard of differential privacy, noise is usually added into the original data, which inevitably deteriorates the predicting performance of subsequent learning algorithms.

Diabetes Prediction Ensemble Learning +3

Automated Machine Learning: From Principles to Practices

1 code implementation31 Oct 2018 Zhenqian Shen, Yongqi Zhang, Lanning Wei, Huan Zhao, Quanming Yao

Machine learning (ML) methods have been developing rapidly, but configuring and selecting proper methods to achieve a desired performance is increasingly difficult and tedious.

BIG-bench Machine Learning Neural Architecture Search

FasTer: Fast Tensor Completion with Nonconvex Regularization

1 code implementation23 Jul 2018 Quanming Yao, James T. Kwok, Bo Han

Due to the easy optimization, the convex overlapping nuclear norm has been popularly used for tensor completion.

Online Convolutional Sparse Coding with Sample-Dependent Dictionary

no code implementations ICML 2018 Yaqing Wang, Quanming Yao, James T. Kwok, Lionel M. Ni

Convolutional sparse coding (CSC) has been popularly used for the learning of shift-invariant dictionaries in image and signal processing.

Co-teaching: Robust Training of Deep Neural Networks with Extremely Noisy Labels

5 code implementations NeurIPS 2018 Bo Han, Quanming Yao, Xingrui Yu, Gang Niu, Miao Xu, Weihua Hu, Ivor Tsang, Masashi Sugiyama

Deep learning with noisy labels is practically challenging, as the capacity of deep models is so high that they can totally memorize these noisy labels sooner or later during training.

Learning with noisy labels Memorization

Side Information Fusion for Recommender Systems over Heterogeneous Information Network

1 code implementation8 Jan 2018 Huan Zhao, Quanming Yao, Yangqiu Song, James Kwok, Dik Lun Lee

Collaborative filtering (CF) has been one of the most important and popular recommendation methods, which aims at predicting users' preferences (ratings) based on their past behaviors.

Collaborative Filtering Recommendation Systems

Large-Scale Low-Rank Matrix Learning with Nonconvex Regularizers

no code implementations1 Aug 2017 Quanming Yao, James T. Kwok, Taifeng Wang, Tie-Yan Liu

Based on it, we develop a proximal gradient algorithm (and its accelerated variant) with inexact proximal splitting and prove that a convergence rate of O(1/T) where T is the number of iterations is guaranteed.

Matrix Completion

Scalable Online Convolutional Sparse Coding

no code implementations21 Jun 2017 Yaqing Wang, Quanming Yao, James T. Kwok, Lionel M. Ni

Convolutional sparse coding (CSC) improves sparse coding by learning a shift-invariant dictionary from the data.

Efficient Inexact Proximal Gradient Algorithm for Nonconvex Problems

no code implementations29 Dec 2016 Quanming Yao, James T. Kwok, Fei Gao, Wei Chen, Tie-Yan Liu

The proximal gradient algorithm has been popularly used for convex optimization.

Optimization and Control

Loss-aware Binarization of Deep Networks

1 code implementation5 Nov 2016 Lu Hou, Quanming Yao, James T. Kwok

Deep neural network models, though very powerful and highly successful, are computationally expensive in terms of space and time.

Binarization

Fast Learning with Nonconvex L1-2 Regularization

no code implementations29 Oct 2016 Quanming Yao, James T. Kwok, Xiawei Guo

In this paper, we show that a closed-form solution can be derived for the proximal step associated with this regularizer.

Sparse Learning

Efficient Learning with a Family of Nonconvex Regularizers by Redistributing Nonconvexity

no code implementations13 Jun 2016 Quanming Yao, James T. Kwok

The nonconvex regularizer is then transformed to a familiar convex regularizer, while the resultant loss function can still be guaranteed to be smooth.

Cannot find the paper you are looking for? You can Submit a new open access paper.