-
A Mean Field Ansatz for Zero-Shot Weight Transfer
Authors:
Xingyuan Chen,
Wenwei Kuang,
Lei Deng,
Wei Han,
Bo Bai,
Goncalo dos Reis
Abstract:
The pre-training cost of large language models (LLMs) is prohibitive. One cutting-edge approach to reduce the cost is zero-shot weight transfer, also known as model growth for some cases, which magically transfers the weights trained in a small model to a large model. However, there are still some theoretical mysteries behind the weight transfer. In this paper, inspired by prior applications of me…
▽ More
The pre-training cost of large language models (LLMs) is prohibitive. One cutting-edge approach to reduce the cost is zero-shot weight transfer, also known as model growth for some cases, which magically transfers the weights trained in a small model to a large model. However, there are still some theoretical mysteries behind the weight transfer. In this paper, inspired by prior applications of mean field theory to neural network dynamics, we introduce a mean field ansatz to provide a theoretical explanation for weight transfer. Specifically, we propose the row-column (RC) ansatz under the mean field point of view, which describes the measure structure of the weights in the neural network (NN) and admits a close measure dynamic. Thus, the weights of different sizes NN admit a common distribution under proper assumptions, and weight transfer methods can be viewed as sampling methods. We empirically validate the RC ansatz by exploring simple MLP examples and LLMs such as GPT-3 and Llama-3.1. We show the mean-field point of view is adequate under suitable assumptions which can provide theoretical support for zero-shot weight transfer.
△ Less
Submitted 16 August, 2024;
originally announced August 2024.
-
Phase Transitions of Structured Codes of Graphs
Authors:
Bo Bai,
Yu Gao,
Jie Ma,
Yuze Wu
Abstract:
We consider the symmetric difference of two graphs on the same vertex set $[n]$, which is the graph on $[n]$ whose edge set consists of all edges that belong to exactly one of the two graphs. Let $\mathcal{F}$ be a class of graphs, and let $M_{\mathcal{F}}(n)$ denote the maximum possible cardinality of a family $\mathcal{G}$ of graphs on $[n]$ such that the symmetric difference of any two members…
▽ More
We consider the symmetric difference of two graphs on the same vertex set $[n]$, which is the graph on $[n]$ whose edge set consists of all edges that belong to exactly one of the two graphs. Let $\mathcal{F}$ be a class of graphs, and let $M_{\mathcal{F}}(n)$ denote the maximum possible cardinality of a family $\mathcal{G}$ of graphs on $[n]$ such that the symmetric difference of any two members in $\mathcal{G}$ belongs to $\mathcal{F}$. These concepts are recently investigated by Alon, Gujgiczer, Körner, Milojević, and Simonyi, with the aim of providing a new graphic approach to coding theory. In particular, $M_{\mathcal{F}}(n)$ denotes the maximum possible size of this code. Existing results show that as the graph class $\mathcal{F}$ changes, $M_{\mathcal{F}}(n)$ can vary from $n$ to $2^{(1+o(1))\binom{n}{2}}$. We study several phase transition problems related to $M_{\mathcal{F}}(n)$ in general settings and present a partial solution to a recent problem posed by Alon et. al.
△ Less
Submitted 17 July, 2023;
originally announced July 2023.
-
Matroidal Entropy Functions: Constructions, Characterizations and Representations
Authors:
Qi Chen,
Minquan Cheng,
Baoming Bai
Abstract:
Matroidal entropy functions are entropy functions in the form $\mathbf{h} = \log v \cdot \mathbf{r}_M$ , where $v \ge 2$ is an integer and $\mathbf{r}_M$ is the rank function of a matroid $M$. They can be applied into capacity characterization and code construction of information theory problems such as network coding, secret sharing, index coding and locally repairable code. In this paper, by con…
▽ More
Matroidal entropy functions are entropy functions in the form $\mathbf{h} = \log v \cdot \mathbf{r}_M$ , where $v \ge 2$ is an integer and $\mathbf{r}_M$ is the rank function of a matroid $M$. They can be applied into capacity characterization and code construction of information theory problems such as network coding, secret sharing, index coding and locally repairable code. In this paper, by constructing the variable strength arrays of some matroid operations, we characterized matroidal entropy functions induced by regular matroids and some matroids with the same p-characteristic set as uniform matroid $U_{2,4}$.
△ Less
Submitted 30 January, 2024; v1 submitted 29 June, 2023;
originally announced June 2023.
-
The Double Regularization Method for Capacity Constrained Optimal Transport
Authors:
Tianhao Wu,
Qihao Cheng,
Zihao Wang,
Chaorui Zhang,
Bo Bai,
Zhongyi Huang,
Hao Wu
Abstract:
Capacity constrained optimal transport is a variant of optimal transport, which adds extra constraints on the set of feasible couplings in the original optimal transport problem to limit the mass transported between each pair of source and sink. Based on this setting, constrained optimal transport has numerous applications, e.g., finance, network flow. However, due to the large number of constrain…
▽ More
Capacity constrained optimal transport is a variant of optimal transport, which adds extra constraints on the set of feasible couplings in the original optimal transport problem to limit the mass transported between each pair of source and sink. Based on this setting, constrained optimal transport has numerous applications, e.g., finance, network flow. However, due to the large number of constraints in this problem, existing algorithms are both time-consuming and space-consuming. In this paper, inspired by entropic regularization for the classical optimal transport problem, we introduce a novel regularization term for capacity constrained optimal transport. The regularized problem naturally satisfies the capacity constraints and consequently makes it possible to analyze the duality. Unlike the matrix-vector multiplication in the alternate iteration scheme for solving classical optimal transport, in our algorithm, each alternate iteration step is to solve several single-variable equations. Fortunately, we find that each of these equations corresponds to a single-variable monotonic function, and we convert solving these equations into finding the unique zero point of each single-variable monotonic function with Newton's method. Extensive numerical experiments demonstrate that our proposed method has a significant advantage in terms of accuracy, efficiency, and memory consumption compared with existing methods.
△ Less
Submitted 1 December, 2022;
originally announced December 2022.
-
Improving Primal Heuristics for Mixed Integer Programming Problems based on Problem Reduction: A Learning-based Approach
Authors:
Lingying Huang,
Xiaomeng Chen,
Wei Huo,
Jiazheng Wang,
Fan Zhang,
Bo Bai,
Ling Shi
Abstract:
In this paper, we propose a Bi-layer Predictionbased Reduction Branch (BP-RB) framework to speed up the process of finding a high-quality feasible solution for Mixed Integer Programming (MIP) problems. A graph convolutional network (GCN) is employed to predict binary variables' values. After that, a subset of binary variables is fixed to the predicted value by a greedy method conditioned on the pr…
▽ More
In this paper, we propose a Bi-layer Predictionbased Reduction Branch (BP-RB) framework to speed up the process of finding a high-quality feasible solution for Mixed Integer Programming (MIP) problems. A graph convolutional network (GCN) is employed to predict binary variables' values. After that, a subset of binary variables is fixed to the predicted value by a greedy method conditioned on the predicted probabilities. By exploring the logical consequences, a learning-based problem reduction method is proposed, significantly reducing the variable and constraint sizes. With the reductive sub-MIP problem, the second layer GCN framework is employed to update the prediction for the remaining binary variables' values and to determine the selection of variables which are then used for branching to generate the Branch and Bound (B&B) tree. Numerical examples show that our BP-RB framework speeds up the primal heuristic and finds the feasible solution with high quality.
△ Less
Submitted 27 September, 2022;
originally announced September 2022.
-
Conditional graph entropy as an alternating minimization problem
Authors:
Viktor Harangi,
Xueyan Niu,
Bo Bai
Abstract:
Conditional graph entropy is known to be the minimal rate for a natural functional compression problem with side information at the receiver. In this paper we show that it can be formulated as an alternating minimization problem, which gives rise to a simple iterative algorithm for numerically computing (conditional) graph entropy. This also leads to a new formula which shows that conditional grap…
▽ More
Conditional graph entropy is known to be the minimal rate for a natural functional compression problem with side information at the receiver. In this paper we show that it can be formulated as an alternating minimization problem, which gives rise to a simple iterative algorithm for numerically computing (conditional) graph entropy. This also leads to a new formula which shows that conditional graph entropy is part of a more general framework: the solution of an optimization problem over a convex corner. In the special case of graph entropy (i.e., unconditioned version) this was known due to Csiszár, Körner, Lovász, Marton, and Simonyi. In that case the role of the convex corner was played by the so-called vertex packing polytope. In the conditional version it is a more intricate convex body but the function to minimize is the same. Furthermore, we describe a dual problem that leads to an optimality check and an error bound for the iterative algorithm.
△ Less
Submitted 11 September, 2023; v1 submitted 1 September, 2022;
originally announced September 2022.
-
Generalizing Körner's graph entropy to graphons
Authors:
Viktor Harangi,
Xueyan Niu,
Bo Bai
Abstract:
Körner introduced the notion of graph entropy in 1973 as the minimal code rate of a natural coding problem where not all pairs of letters can be distinguished in the alphabet. Later it turned out that it can be expressed as the solution of a minimization problem over the so-called vertex-packing polytope.
In this paper we generalize this notion to graphons. We show that the analogous minimizatio…
▽ More
Körner introduced the notion of graph entropy in 1973 as the minimal code rate of a natural coding problem where not all pairs of letters can be distinguished in the alphabet. Later it turned out that it can be expressed as the solution of a minimization problem over the so-called vertex-packing polytope.
In this paper we generalize this notion to graphons. We show that the analogous minimization problem provides an upper bound for graphon entropy. We also give a lower bound in the shape of a maximization problem. The main result of the paper is that for most graphons these two bounds actually coincide and hence precisely determine the entropy in question. Furthermore, graphon entropy has a nice connection to the fractional chromatic number and the fractional clique number.
△ Less
Submitted 18 August, 2023; v1 submitted 31 August, 2022;
originally announced August 2022.
-
Tail Quantile Estimation for Non-preemptive Priority Queues
Authors:
Jin Guang,
Guiyu Hong,
Xinyun Chen,
Xi Peng,
Li Chen,
Bo Bai,
Gong Zhang
Abstract:
Motivated by applications in computing and telecommunication systems, we investigate the problem of estimating p-quantile of steady-state sojourn times in a single-server multi-class queueing system with non-preemptive priorities for p close to 1. The main challenge in this problem lies in efficient sampling from the tail event. To address this issue, we develop a regenerative simulation algorithm…
▽ More
Motivated by applications in computing and telecommunication systems, we investigate the problem of estimating p-quantile of steady-state sojourn times in a single-server multi-class queueing system with non-preemptive priorities for p close to 1. The main challenge in this problem lies in efficient sampling from the tail event. To address this issue, we develop a regenerative simulation algorithm with importance sampling. In addition, we establish a central limit theorem for the estimator to construct the confidence interval. Numerical experiments show that our algorithm outperforms benchmark simulation methods. Our result contributes to the literature on rare event simulation for queueing systems.
△ Less
Submitted 8 July, 2022;
originally announced July 2022.
-
Fast Sinkhorn II: Collinear Triangular Matrix and Linear Time Accurate Computation of Optimal Transport
Authors:
Qichen Liao,
Zihao Wang,
Jing Chen,
Bo Bai,
Shi Jin,
Hao Wu
Abstract:
In our previous work [arXiv:2202.10042], the complexity of Sinkhorn iteration is reduced from $O(N^2)$ to the optimal $O(N)$ by leveraging the special structure of the kernel matrix. In this paper, we explore the special structure of kernel matrices by defining and utilizing the properties of the Lower-ColLinear Triangular Matrix (L-CoLT matrix) and Upper-ColLinear Triangular Matrix (U-CoLT matrix…
▽ More
In our previous work [arXiv:2202.10042], the complexity of Sinkhorn iteration is reduced from $O(N^2)$ to the optimal $O(N)$ by leveraging the special structure of the kernel matrix. In this paper, we explore the special structure of kernel matrices by defining and utilizing the properties of the Lower-ColLinear Triangular Matrix (L-CoLT matrix) and Upper-ColLinear Triangular Matrix (U-CoLT matrix). We prove that (1) L/U-CoLT matrix-vector multiplications can be carried out in $O(N)$ operations; (2) both families of matrices are closed under the Hadamard product and matrix scaling. These properties help to alleviate two key difficulties for reducing the complexity of the Inexact Proximal point method (IPOT), and allow us to significantly reduce the number of iterations to $O(N)$. This yields the Fast Sinkhorn II (FS-2) algorithm for accurate computation of optimal transport with low algorithm complexity and fast convergence. Numerical experiments are presented to show the effectiveness and efficiency of our approach.
△ Less
Submitted 17 June, 2022;
originally announced June 2022.
-
Fast Sinkhorn I: An O(N) algorithm for the Wasserstein-1 metric
Authors:
Qichen Liao,
Jing Chen,
Zihao Wang,
Bo Bai,
Shi Jin,
Hao Wu
Abstract:
The Wasserstein metric is broadly used in optimal transport for comparing two probabilistic distributions, with successful applications in various fields such as machine learning, signal processing, seismic inversion, etc. Nevertheless, the high computational complexity is an obstacle for its practical applications. The Sinkhorn algorithm, one of the main methods in computing the Wasserstein metri…
▽ More
The Wasserstein metric is broadly used in optimal transport for comparing two probabilistic distributions, with successful applications in various fields such as machine learning, signal processing, seismic inversion, etc. Nevertheless, the high computational complexity is an obstacle for its practical applications. The Sinkhorn algorithm, one of the main methods in computing the Wasserstein metric, solves an entropy regularized minimizing problem, which allows arbitrary approximations to the Wasserstein metric with O(N^2) computational cost. However, higher accuracy of its numerical approximation requires more Sinkhorn iterations with repeated matrix-vector multiplications, which is still unaffordable. In this work, we propose an efficient implementation of the Sinkhorn algorithm to calculate the Wasserstein-1 metric with O(N) computational cost, which achieves the optimal theoretical complexity. By utilizing the special structure of Sinkhorn's kernel, the repeated matrix-vector multiplications can be implemented with O(N) times multiplications and additions, using the Qin Jiushao or Horner's method for efficient polynomial evaluation, leading to an efficient algorithm without losing accuracy. In addition, the log-domain stabilization technique, used to stabilize the iterative procedure, can also be applied in this algorithm. Our numerical experiments show that the newly developed algorithm is one to three orders of magnitude faster than the original Sinkhorn algorithm.
△ Less
Submitted 21 February, 2022;
originally announced February 2022.
-
A Tensor-BTD-based Modulation for Massive Unsourced Random Access
Authors:
Zhenting Luan,
Yuchi Wu,
Shansuo Liang,
Liping Zhang,
Wei Han,
Bo Bai
Abstract:
In this letter, we propose a novel tensor-based modulation scheme for massive unsourced random access. The proposed modulation can be deemed as a summation of third-order tensors, of which the factors are representatives of subspaces. A constellation design based on high-dimensional Grassmann manifold is presented for information encoding. The uniqueness of tensor decomposition provides theoretica…
▽ More
In this letter, we propose a novel tensor-based modulation scheme for massive unsourced random access. The proposed modulation can be deemed as a summation of third-order tensors, of which the factors are representatives of subspaces. A constellation design based on high-dimensional Grassmann manifold is presented for information encoding. The uniqueness of tensor decomposition provides theoretical guarantee for active user separation. Simulation results show that our proposed method outperforms the state-of-the-art tensor-based modulation.
△ Less
Submitted 5 December, 2021;
originally announced December 2021.
-
Harmonic Retrieval with $L_1$-Tucker Tensor Decomposition
Authors:
Zhenting Luan,
Zhenyu Ming,
Yuchi Wu,
Wei Han,
Xiang Chen,
Bo Bai,
Liping Zhang
Abstract:
Harmonic retrieval (HR) has a wide range of applications in the scenes where signals are modelled as a summation of sinusoids. Past works have developed a number of approaches to recover the original signals. Most of them rely on classical singular value decomposition, which are vulnerable to unexpected outliers. In this paper, we present new decomposition algorithms of third-order complex-valued…
▽ More
Harmonic retrieval (HR) has a wide range of applications in the scenes where signals are modelled as a summation of sinusoids. Past works have developed a number of approaches to recover the original signals. Most of them rely on classical singular value decomposition, which are vulnerable to unexpected outliers. In this paper, we present new decomposition algorithms of third-order complex-valued tensors with $L_1$-principle component analysis ($L_1$-PCA) of complex data and apply them to a novel random access HR model in presence of outliers. We also develop a novel subcarrier recovery method for the proposed model. Simulations are designed to compare our proposed method with some existing tensor-based algorithms for HR. The results demonstrate the outlier-insensitivity of the proposed method.
△ Less
Submitted 30 November, 2021; v1 submitted 29 November, 2021;
originally announced November 2021.
-
Branch and Bound in Mixed Integer Linear Programming Problems: A Survey of Techniques and Trends
Authors:
Lingying Huang,
Xiaomeng Chen,
Wei Huo,
Jiazheng Wang,
Fan Zhang,
Bo Bai,
Ling Shi
Abstract:
In this paper, we surveyed the existing literature studying different approaches and algorithms for the four critical components in the general branch and bound (B&B) algorithm, namely, branching variable selection, node selection, node pruning, and cutting-plane selection. However, the complexity of the B&B algorithm always grows exponentially with respect to the increase of the decision variable…
▽ More
In this paper, we surveyed the existing literature studying different approaches and algorithms for the four critical components in the general branch and bound (B&B) algorithm, namely, branching variable selection, node selection, node pruning, and cutting-plane selection. However, the complexity of the B&B algorithm always grows exponentially with respect to the increase of the decision variable dimensions. In order to improve the speed of B&B algorithms, learning techniques have been introduced in this algorithm recently. We further surveyed how machine learning can be used to improve the four critical components in B&B algorithms. In general, a supervised learning method helps to generate a policy that mimics an expert but significantly improves the speed. An unsupervised learning method helps choose different methods based on the features. In addition, models trained with reinforcement learning can beat the expert policy, given enough training and a supervised initialization. Detailed comparisons between different algorithms have been summarized in our survey. Finally, we discussed some future research directions to accelerate and improve the algorithms further in the literature.
△ Less
Submitted 5 November, 2021;
originally announced November 2021.
-
Simplex Initialization: A Survey of Techniques and Trends
Authors:
Mengyu Huang,
Yuxing Zhong,
Huiwen Yang,
Jiazheng Wang,
Fan Zhang,
Bo Bai,
Ling Shi
Abstract:
The simplex method is one of the most fundamental technologies for solving linear programming (LP) problems and has been widely applied to different practical applications. In the past literature, how to improve and accelerate the simplex method has attracted plenty of research. One important way to achieve this goal is to find a better initialization method for the simplex. In this survey, we aim…
▽ More
The simplex method is one of the most fundamental technologies for solving linear programming (LP) problems and has been widely applied to different practical applications. In the past literature, how to improve and accelerate the simplex method has attracted plenty of research. One important way to achieve this goal is to find a better initialization method for the simplex. In this survey, we aim to provide an overview about the initialization methods in the primal and dual simplex, respectively. We also propose several potential future directions about how to improve the existing initialization methods with the help of advanced learning technologies.
△ Less
Submitted 5 November, 2021;
originally announced November 2021.
-
Algorithms for Interference Minimization in Future Wireless Network Decomposition
Authors:
Péter L. Erdős,
Tamás Róbert Mezei,
Yiding Yu,
Xiang Chen,
Wei Han,
Bo Bai
Abstract:
We propose a simple and fast method for providing a high quality solution for the sum-interference minimization problem. As future networks are deployed in high density urban areas, improved clustering methods are needed to provide low interference network connectivity. The proposed algorithm applies straightforward similarity based clustering and optionally stable matchings to outperform state of…
▽ More
We propose a simple and fast method for providing a high quality solution for the sum-interference minimization problem. As future networks are deployed in high density urban areas, improved clustering methods are needed to provide low interference network connectivity. The proposed algorithm applies straightforward similarity based clustering and optionally stable matchings to outperform state of the art algorithms. The running times of our algorithms are dominated by one matrix multiplication.
△ Less
Submitted 1 November, 2021;
originally announced November 2021.
-
A Convergent Semi-Proximal Alternating Direction Method of Multipliers for Recovering Internet Traffics from Link Measurements
Authors:
Zhenyu Ming,
Liping Zhang,
Hao Wu,
Yanwei Xu,
Mayank Bakshi,
Bo Bai,
Gong Zhang
Abstract:
It is challenging to recover the large-scale internet traffic data purely from the link measurements. With the rapid growth of the problem scale, it will be extremely difficult to sustain the recovery accuracy and the computational cost. In this work, we propose a new Sparsity Low-Rank Recovery (SLRR) model and its Schur Complement Based semi-proximal Alternating Direction Method of Multipliers (S…
▽ More
It is challenging to recover the large-scale internet traffic data purely from the link measurements. With the rapid growth of the problem scale, it will be extremely difficult to sustain the recovery accuracy and the computational cost. In this work, we propose a new Sparsity Low-Rank Recovery (SLRR) model and its Schur Complement Based semi-proximal Alternating Direction Method of Multipliers (SCB-spADMM) solver. Our approach distinguishes itself mainly for the following two aspects. First, we fully exploit the spatial low-rank property and the sparsity of traffic data, which are barely considered in the literature. Our model can be divided into a series of subproblems, which only relate to the traffics in a certain individual time interval. Thus, the model scale is significantly reduced. Second, we establish a globally convergent ADMM-type algorithm inspired by [Li et al., Math. Program., 155(2016)] to solve the SLRR model. In each iteration, all the intermediate variables' optimums can be calculated analytically, which makes the algorithm fast and accurate. Besides, due to the separability of the SLRR model, it is possible to design a parallel algorithm to further reduce computational time. According to the numerical results on the classic datasets Abilene and GEANT, our method achieves the best accuracy with a low computational cost. Moreover, in our newly released large-scale Huawei Origin-Destination (HOD) network traffics, our method perfectly reaches the seconds-level feedback, which meets the essential requirement for practical scenarios.
△ Less
Submitted 5 February, 2021;
originally announced February 2021.
-
Cut Bounds for Some Weighted Graphs
Authors:
Chicheng Ma,
Yucong Tang,
Guanghui Wang,
Guiying Yan,
Bo Bai
Abstract:
In communication field, an important issue is to group users and base stations to as many as possible subnetworks satisfying certain interference constraints. These problems are usually formulated as a graph partition problems which minimize some forms of graph cut. Previous research already gave some results about the cut bounds for unweighted regular graph. In this paper, we prove a result about…
▽ More
In communication field, an important issue is to group users and base stations to as many as possible subnetworks satisfying certain interference constraints. These problems are usually formulated as a graph partition problems which minimize some forms of graph cut. Previous research already gave some results about the cut bounds for unweighted regular graph. In this paper, we prove a result about the lower bound for weighted graphs that have some regular properties and show similar results for more general case.
△ Less
Submitted 28 September, 2020; v1 submitted 24 September, 2020;
originally announced September 2020.
-
Uniform tight frames as optimal signals
Authors:
Gergely Ambrus,
Bo Bai,
Jianfeng Hou
Abstract:
Non-orthogonal communication is a promising technique for future wireless networks (e.g., 6G and Wi-Fi 7). In the vector channel model, designing efficient non-orthogonal communication schemes amounts to the following extremum problem: \[ \max \min_k \frac{|v_k|^2}{σ^2 + \sum_{l \neq k} \langle v_k, v_l \rangle^2} \] where the maximum is taken among vector systems $(v_k)_1^N \subset \mathbb{R}^d$…
▽ More
Non-orthogonal communication is a promising technique for future wireless networks (e.g., 6G and Wi-Fi 7). In the vector channel model, designing efficient non-orthogonal communication schemes amounts to the following extremum problem: \[ \max \min_k \frac{|v_k|^2}{σ^2 + \sum_{l \neq k} \langle v_k, v_l \rangle^2} \] where the maximum is taken among vector systems $(v_k)_1^N \subset \mathbb{R}^d$ satisfying $c_1 \leq |v_k|^2 \leq c_2$ for every $k$, and the parameter $σ>0$ corresponds to the noise of the channel. We show that in the case $σ= 0$, uniform tight frames are the only optimal configurations. We also give quantitative bounds on the optimal capacity of vector channels with relatively small noise.
△ Less
Submitted 26 April, 2021; v1 submitted 10 February, 2020;
originally announced February 2020.
-
Vertex-deleted subgraphs and regular factors from regular graph
Authors:
Hongliang Lu,
Bing Bai,
Wei Wang
Abstract:
Let $k$, $m$ and $r$ be three integers such that $2\leq k\leq m\leq r$.
Let $G$ be a $2r$-regular, $2m$-edge-connected graph of odd order.
We obtain some sufficient conditions, which guarantee $G-v$ contains a $k$-factor for all $v\in V(G)$.
Let $k$, $m$ and $r$ be three integers such that $2\leq k\leq m\leq r$.
Let $G$ be a $2r$-regular, $2m$-edge-connected graph of odd order.
We obtain some sufficient conditions, which guarantee $G-v$ contains a $k$-factor for all $v\in V(G)$.
△ Less
Submitted 24 July, 2010;
originally announced July 2010.