Global Convergence and Rich Feature Learning in -Layer Infinite-Width Neural Networks under P Parametrization
Abstract
Despite deep neural networks’ powerful representation learning capabilities, theoretical understanding of how networks can simultaneously achieve meaningful feature learning and global convergence remains elusive. Existing approaches like the neural tangent kernel (NTK) are limited because features stay close to their initialization in this parametrization, leaving open questions about feature properties during substantial evolution. In this paper, we investigate the training dynamics of infinitely wide, -layer neural networks using the tensor program (TP) framework. Specifically, we show that, when trained with stochastic gradient descent (SGD) under the Maximal Update parametrization (P) and mild conditions on the activation function, SGD enables these networks to learn linearly independent features that substantially deviate from their initial values. This rich feature space captures relevant data information and ensures that any convergent point of the training process is a global minimum. Our analysis leverages both the interactions among features across layers and the properties of Gaussian random variables, providing new insights into deep representation learning. We further validate our theoretical findings through experiments on real-world datasets.
1 Introduction
Deep learning has achieved remarkable success in various machine learning tasks, from image classification (Krizhevsky et al., 2012) and speech recognition (Hinton et al., 2012) to game playing (Silver et al., 2016). Yet this empirical success has posed a significant theoretical challenge: how can we explain the effectiveness of neural networks given their non-convex optimization landscape and over-parameterized nature? Traditional optimization and learning theory frameworks struggle to provide satisfactory explanations. A breakthrough came with the study of infinite-width neural networks, where the network behavior can be precisely characterized in the limit of infinite width. This theoretical framework has spawned several important approaches to understanding neural networks, with the Neural Tangent Kernel (NTK) emerging as a prominent example.
Under the NTK parametrization (NTP) (Jacot et al., 2018), neural network training behaves like a linear model: the features learned during training in each layer remain essentially identical to those obtained from random initialization. Consequently, the training process of over-parameterized deep neural networks can be characterized by training linear models with random feature (Lee et al., 2019; Arora et al., 2019b; Cao and Gu, 2019; Chen et al., 2021). Since random features are linearly independent, global convergence can be proved for wide neural networks trained using (stochastic) gradient descent (GD/SGD) (Du et al., 2019c; Allen-Zhu et al., 2019; Du et al., 2019a; Zou et al., 2019; Zou and Gu, 2019). However, the NTK parametrization has significant limitations, such as its inability to perform feature learning and transfer learning, which involve pretraining and fine-tuning. While NTK theory provides convergence results under infinite width, its inability to explain feature learning motivates us to ask:
In this paper, we show that deep neural networks can achieve both objectives through proper parametrization. While previous approaches like NTK and standard parametrization fail to perform meaningful feature learning, and mean field parametrization suffers from feature collapse in deep networks, we demonstrate that the parametrization (Yang and Hu, 2020, 2021; Yang et al., 2021; Yang, 2019a) enables both feature learning and global convergence. Specifically, working with -layer neural networks under P scaling, we prove that despite substantial feature evolution during training, the networks maintain linearly independent features in each layer when trained with stochastic gradient descent. As a consequence, if the training converges, it must converge to a global minimum. Our contributions are summarized as follows:
-
•
We establish that multilayer perceptrons (MLPs) under Maximal Update Parametrization (P) learn linearly independent features that capture task-relevant information. The learned features substantially deviate from their initialization, demonstrating true feature learning rather than random feature approximation. This resolves a fundamental challenge in deep learning theory: characterizing feature properties that ensure global convergence while allowing meaningful feature learning.
-
•
Our proof technique analyzes neural network Gaussian processes by exploiting their second-order invariants across adjacent layers. These structural properties persist during training, which allows us to track the evolution of feature correlations. Through a careful inductive argument over network layers and iterations, we establish that when training converges, the linear independence of features ensures convergence to a global minimum. The proof reveals a deep connection between the feature learning dynamics and the structural properties of infinite-width neural networks.
-
•
Through experiments on classification tasks, we validate our theoretical findings by demonstrating that features maintain linear independence through analysis of covariance matrix properties. Our empirical results demonstrate P’s unique capability to simultaneously achieve meaningful feature learning while preserving feature richness, as supported by non-vanishing eigenvalues as network widths increase. Through comparative analysis against other parametrization schemes, we show that this behavior robustly persists across different choices of activation functions, illustrating the practical implications of our theoretical results.
Notation. For any positive integer , we use to denote the index set . We use to denote the activation function. For an -layer network, we use superscript to index layers, with and denoting pre-activation and post-activation features respectively. For matrices and vectors, denotes a scaled last layer weights. For any matrix and vector , denotes the Gaussian component of .111, which is detailed in Appendix B. We use to denote expectation. We consider a filtration , where is the -algebra generated by all random variables up to time . This gives a sequence of probability spaces with . An event occurs almost surely (denoted as a.s.) if . The functions and denote the infinite-width limits of network outputs and error signals induced by respectively.
2 Related Work
Neural Tangent Kernel Parametrization Jacot et al. (2018) first introduced the neural tangent kernel (NTK) by studying the training dynamics of multi-layer perceptrons (MLPs) with Lipschitz and smooth activation functions under square loss. Based on NTK, Allen-Zhu et al. (2019); Du et al. (2019a); Zou et al. (2019); Arora et al. (2019a) proved the global convergence of (stochastic) gradient descent for various neural architectures with general activation and loss functions. Standard parametrization (SP) and NTK parametrization (NTP) share the same weight initialization scheme but with different learning schedules. As network width increases, SP requires learning rates to decrease as for all layers to maintain stability (Yang and Hu, 2020). When considering the infinite-width limit, neither SP nor NTK parametrization can learn features - the features remain essentially the same as those from random initialization. Both theoretical studies and empirical evidence demonstrated that these parametrizations failed to capture the feature learning behavior observed in practical neural networks (Woodworth et al., 2020; Geiger et al., 2020; Bordelon and Pehlevan, 2022; Yang et al., 2023a).
Mean Field Analysis The mean field limit emerged when networks and learning rates were scaled appropriately as width approached infinity, yielding nonlinear parameter evolution (Mei et al., 2018; Chizat and Bach, 2018; Rotskoff and Vanden-Eijnden, 2018; Sirignano and Spiliopoulos, 2018). Early analysis of two-layer networks showed promising results, proving convergence to global optima with explicit convergence rates established through both direct analysis (Chen et al., 2020) and mean field Langevin dynamics (Nitanda et al., 2022). Progress extended to three-layer networks with Pham and Nguyen (2021)’s global convergence results. However, studies of deeper architectures revealed significant limitations: for networks deeper than 4 layers, both feature vectors and gradients degenerated to zero vectors (Nguyen and Pham, 2020; Fang et al., 2021). While Hajjar et al. (2021) introduced Integrable Parameterization (IP) to address this, networks with more than four layers still started at a stationary point in the infinite-width limit, hard to achieve rich feature learning.


Tensor Programs Tensor Programs (TPs) emerged as a unified framework for understanding infinite-width limits across neural architectures (Yang, 2019b, 2020a, 2020b). This approach generalized previous architecture-specific parametrizations (Du et al., 2018, 2019b; Hron et al., 2020; Alemohammad et al., 2020). Yang and Hu (2020) characterized two distinct behaviors in infinite-width MLPs: one where initialization dominated the training dynamics (the kernel regime), and another where training data substantially influenced the learned weights (the feature learning regime). Within this framework, the parametrization was identified as enabling maximal feature learning across all layers and architectures (Yang and Hu, 2020; Yang et al., 2021; Littwin and Yang, 2022). The framework has continued to expand with analysis of depth-dependent scaling (Yang et al., 2023b). Recent work by Yang et al. (2023a) refined the understanding through spectral analysis and input dimension scaling, which we adopt in our experiments.
Our experimental results reveal distinct feature learning behaviors across different parametrization schemes. As shown in Figure 1, Standard Parametrization (SP) keeps features close to initialization (demonstrated by small feature change in the left panel), while Integrable Parametrization (IP) achieves feature learning but suffers from feature collapse (shown by decreasing feature diversity in the right panel). In contrast, P achieves both substantial feature change and maintains feature diversity. We summarize these key characteristics in Table 1. Additional experiments with different activation functions, further illustrating these trends, are provided in Appendix A.
Parametrization | Feature Learning | Feature Richness |
Standard (SP) | ✗ | Rich |
Neural Tangent (NTP) | ✗ | Rich |
Meanfield (IP)222IP (Integrable Parametrization) refers to parametrizations with a scaling factor for all layers except the first one, which leads to absolute convergence of weighted sums in the mean-field limit. | ✓ | Low |
Maximal Update (P) | ✓ | Rich |
3 Preliminaries
Layer | SP | NTP | IP | P | ||||
Init. Var. | LR | Init. Var. | LR | Init. Var. | LR | Init. Var. | LR | |
Input () | ||||||||
Hidden () | ||||||||
Output () |
Different parametrization schemes for MLPs are shown in Table 2 333Init. Var. denotes initialization variance, LR denotes learning rate scaling. is the base learning rate and is the layer width. For notational simplicity, we omit the constant in the table.. Given a general MLP with hidden layers specified by weight matrices , , , and activation , the network computation is formally defined as
(3.1) |
where is any positive integer and . Among these schemes, the Maximal Update Parametrization (P) shown in Table 2 achieves maximal parameter updates at initialization. As , we can consider the following infinite-width feature learning process: (Yang and Hu, 2020, Theorem 6.4). The neural network is assumed to be trained using a differentiable loss by stochastic gradient descent, where the -th sampled batch is denoted by where is the index set and is the training dataset. For simplicity, we present the full-batch gradient descent result in the main paper, i.e., .
Represent Hidden States via Random Variables:
Following Yang and Hu (2020), we represent network’s hidden states using random variables. This representation generalizes the spirit of two-layer mean field analysis: even with multiple hidden layers , the entries of preactivation and activation vectors in (3) become approximately i.i.d. as width approaches infinity. This allows us to characterize their asymptotic behavior using scalar random variables that reflect their elementwise distributions.
Specifically, for a vector , we track it using , where ’s entries behave like i.i.d. copies of . When is properly scaled such that (i.e., its typical magnitude is independent of ), then becomes independent of . For any two such normalized vectors , their corresponding random variables and are correlated via . Our goal is to characterize these in (3) throughout the training process.
Definition 3.1.
[Yang and Hu 2020] During training, we define the error signal at time step for the -th sample. When training with SGD to minimize the loss function , this error signal is computed as , where is the model output at time , is the -th training sample pair, and denotes the mini-batch at time step . The indicator function ensures that the error signal is only computed for samples in the current mini-batch.
This error signal captures how much the model’s prediction deviates from the true label for each sample in the current mini-batch, and serves as the driving force for parameter updates during SGD training. For instance, in the case of mean squared error loss, the error signal takes the form . Having defined the error signal, we now describe how the Z-variables characterize the network’s computation in the infinite-width limit . The forward pass tracks how network features propagate through layers, while the backward pass characterizes gradient flow. For clarity of presentation, we next introduce a simplified version of that includes the key properties needed for our theoretical analysis. The complete derivation and technical details can be found in Appendix B.
Forward Pass
-
1.
For , we have where
-
(a)
for , ,
-
(b)
for , we have
for , we have
(3.2) where is a function that is determined by the random variable (see Appendix B for detail), and are zero centered jointly Gaussian with covariance matrix
-
(a)
-
2.
For last layer weight, we have where
(3.3) -
3.
The output deltas have limits where
(3.4)
Backward Pass
-
1.
For gradients:
(3.5) (3.6) (3.7) where is function that is determined by the random variable (see Appendix B for detail), and where are zero centered jointly Gaussian with covariance matrix
Remark 3.2.
The error signal generalizes to different optimization objectives. For example, in binary classification problems, the error signal can be expressed as , where is the model output at time , is the -th training sample pair, and denotes the mini-batch at time step .444 is only required to be continuously differentiable with respect to its first argument (Yang and Hu, 2020), which we omit in subsequent presentations.
4 Main Results
In this section, we present our main theoretical results, which rely on the following assumptions regarding the training data and activation function. Specifically, we will first state a mild geometric condition on the inputs, and then discuss the regularity requirements on the activation function.
Assumption 4.1.
Consider input vectors drawn from the training data set satisfying that for any three different points , the following property holds,
Assumption 4.1 rules out the possibility of identical or zero inner products among different data points, which could otherwise lead to degenerate analyses. Although it may appear restrictive, it holds with probability if the samples are drawn from any continuous distribution (e.g., Gaussian). Indeed, the set of points violating the above requirement—such as those with exactly matching inner products—has Lebesgue measure zero. In practice, minor random perturbations to discrete data can also ensure the condition is satisfied.
Definition 4.2 (GOOD Function).
A function is called GOOD if it prevents degeneracy in neural networks by ensuring non-trivial compositions. Specifically, for any finite set of parameters satisfying and we have that the composite mapping
is not a constant function. Moreover, for any real numbers , the function is not almost everywhere constant.
We next introduce an assumption on the activation function that ensures it is both sufficiently smooth and GOOD:
Assumption 4.3.
We assume that the activation function satisfies the following properties.
-
1.
is twice continuously differentiable.
-
2.
and are bounded.
-
3.
is a GOOD function.
-
4.
and are countable for all .
Remark 4.4.
Assumption 4.3 imposes regularity and smoothness conditions on the activation function, ensuring that is pseudo-Lipschitz555See Yang and Hu (2020, Definition E.3) for the definition of pseudo-Lipschitz functions., a requirement for Yang and Hu (2020, Theorem 7.4). These conditions are met by many commonly used activation functions, including the sigmoid function and hyperbolic tangent (), which is a rescaled version of sigmoid.
Modern activation functions such as the SiLU (Sigmoid Linear Unit), defined as (Hendrycks and Gimpel, 2016), also satisfy these assumptions. SiLU has been widely adopted in practice, including in several state-of-the-art open-source foundation models (Touvron et al., 2023a, b). A detailed discussion of activation functions that meet these criteria is provided in Appendix D.
With these assumptions in place, we can now state our main theoretical results regarding feature non-degeneracy and convergence. In particular, the following theorem establishes that in wide neural networks, feature representations evolve while maintaining their diversity and avoiding collapse throughout training.
Theorem 4.5.
Consider an infinite-width -layer MLP trained with gradient descent. Under Assumptions 4.1 and 4.3, the features in each layer are non-degenerate at any time during training. Specifically, for each layer :
-
1.
The pre-activation features are linearly independent.
-
2.
The post-activation features are linearly independent.
This non-degeneracy property has important implications for the convergence behavior of the model. In particular, it allows us to characterize the state of the model at convergence, as described in the following corollary.
Corollary 4.6.
Consider an infinite-width -layer MLP under the conditions of Theorem 4.5. If the model converges at time , meaning that the model weights remain unchanged for all , then the error signal vanishes for all subsequent mini-batches:
where denotes the mini-batch at time .
This corollary establishes that feature non-degeneracy forces convergence to occur only at critical points where the error signal vanishes. More precisely, when the network converges, the error signals must vanish across all samples in subsequent mini-batches, implying convergence to a global minimum of the training objective. This is a consequence of the feature non-degeneracy established in Theorem 4.5, as non-degenerate features ensure that weight updates can only stop when the network has effectively minimized the error signals.
5 Key Techniques and Analysis
In this section, we first identify the key technical challenges in establishing our main results, and then present the techniques and insights to address them. We begin by discussing two fundamental challenges: the tension between feature evolution and Structural stability, and the intricate coupling across network layers. We then develop a systematic framework based on Gaussian processes to overcome these challenges. The complete proof is presented in Appendix C.
5.1 Technical Challenges
Establishing global convergence while allowing meaningful feature learning presents two fundamental technical challenges that must be addressed simultaneously:
-
1.
Feature Evolution vs. Structural Stability: In contrast to the NTK parameterization (where features stay near their initialization), P enables features to evolve substantially during training. Specifically, for any feature in the Forward Pass (a) of Section 3, we have:
The presence of the feature learning term makes it challenging to track and characterize features’ properties throughout optimization. This contrasts sharply with the setting under NTK parametrization, where stays equal to its initialization (Yang and Hu, 2020) - a mathematically simpler but limited case where the network behavior is fully determined by the initial kernel.
-
2.
Cross-Layer Coupling: In deep networks, changes in one layer’s features affect both earlier and later layers through forward and backward propagation. For forward propagation in layer and backward propagation in layer , we have by (3.2) and (3.7):
(5.1) (5.2) where and capture the historical dependencies through previous features and gradients respectively. This intricate coupling between forward and backward passes makes it challenging to ensure that features remain well-behaved as they propagate through the network.
Our key insight in addressing these challenges lies in analyzing structural invariants preserved by the induced Gaussian processes during training. While features evolve substantially, we find that certain second-order properties—specifically, non-degeneracy—remain invariant across layers and time steps. This invariance ensures rich feature learning while preventing the network from getting stuck in local minima.
5.2 The Gaussian Process View
In the infinite-width limit, neural network training induces two families of Gaussian processes that capture forward and backward propagation:
(5.3) | |||
(5.4) |
The forward process ((5.3)) tracks how features evolve across layers, while the backward process ((5.4)) describes gradient flow. Unlike prior work that studies these processes in isolation, we discover fundamental connections between their structural properties that enable both feature learning and convergence.
Covariance Structure of Gaussian Processes Our key technical insight is that these Gaussian processes (5.3) and (5.4) exhibit invariant covariance properties that persist throughout training. Recall from (5.1) and (5.2) that both forward and backward propagation can be decomposed into a Gaussian term and a history-dependent term:
We notice that these Gaussian terms can preserve covariance relationships across layers throughout training:
These covariance relationships reveal that feature correlations between adjacent layers follow consistent patterns, even as individual features evolve. They link the feature spaces of adjacent layers through their second-order statistics, providing a structural bridge that persists throughout the training process.
5.3 From Covariance Structure to Non-degeneracy
The preservation of covariance relationships across layers ensures the non-degeneracy of the induced Gaussian processes throughout training. In the proof of Theorem 4.5, we consider any linear combination of the Gaussian processes:
Through our covariance preservation property, we show that if these linear combinations degenerate (i.e., equal to zero almost surely), then the corresponding linear combinations of original features and gradients must also degenerate:
This connection through linear combinations allows us to transfer the non-degeneracy property from feature space to the induced Gaussian processes across layers, establishing that both forward and backward processes remain non-degenerate throughout training. This result reveals a fundamental connection between covariance structure and feature richness: the preservation of covariance relationships ensures that linear independence propagates through layers.
This directly contrasts with other parametrizations. In the NTK parametrization, since features stay close to initialization with , the process necessarily becomes degenerate as it fails to capture new information during training. Our analysis can demonstrate that P uniquely maintains the non-degeneracy of features across both space and time dimensions, enabling the network to learning rich and meaningful features throughout training.

To empirically validate this theoretical finding, we analyze the minimum eigenvalue of the feature matrix constructed from the joint space-time features at Layer , by appending initial and final representations, complementing our analysis of feature diversity in Figure 1. Under the same experimental setup with 3-layer MLPs trained on CIFAR-10, Figure 2 shows that the P parametrization maintains higher eigenvalues across different network widths compared to other parametrizations. This aligns with our theoretical prediction and further strengthens the findings in Figure 1 where we observed P’s unique ability to achieve both feature learning and feature richness.
5.4 Evolution Framework
To rigorously track how these structural properties evolve throughout training, we need to carefully handle the natural flow of information in neural networks: forward propagation followed by backward propagation. In each iteration, the network first computes forward features through all layers, then calculates gradients backwards for parameter updates. This computational pattern naturally leads to a two-level filtration framework. We introduce a sequence of -algebras to track the evolution of random variables during training. Let denote the initial condition:
Then we define to track all completed iterations up to time , and an extended filtration to capture the forward pass of the -th iteration:
(5.5) | ||||
(5.6) |
This filtration structure allows us to precisely track how information flows through the network: contains all information up to time , while extends this to include the forward pass information at time before its backward pass begins. This framework enables us to:
-
1.
Inductive Proof Structure: The filtration framework enables a structured inductive proof that follows the natural flow of computation in neural networks. We establish non-degeneracy in four steps, motivated by how information propagates through the network:
-
•
Step 1: Features in first hidden layer . This forms the base case as it only depends on the input,
-
•
Step 2: Features in remaining layers . Using the non-degeneracy of previous layers,
-
•
Step 3: Gradients in last layer . Built upon the established feature properties,
-
•
Step 4: Gradients in remaining layers . Completing the backward pass analysis.
Each step leverages the non-degeneracy established in previous steps, creating a chain of dependency that mirrors the network’s computation graph.
-
•
-
2.
Conditional Analysis: The filtration enables precise decomposition of feature and gradient updates into new and historical information:
where captures the accumulated feature history, and represents previous gradient information. This decomposition is crucial for our inductive proof: by focusing on the new randomness in each step, we can show that non-degeneracy is preserved when conditioned on all historical information.
-
3.
Non-degeneracy Preservation: By leveraging GOOD activation functions as introduced in Assumption 4.3 (e.g., Sigmoid, Tanh, SiLU) and the covariance structure, we show that non-degeneracy propagates forward in time. Specifically, if at time we have:
Then, we show that these sums remain nonzero at time based on two key properties: (1) the non-degeneracy of Gaussian processes is preserved when they share the same covariance structure, and (2) GOOD activation functions, such as Sigmoid and SiLU, exhibit a crucial “non-collapsing” property—mapping distinct inputs to distinct outputs unless all combining coefficients are zero. Together, these properties ensure that features can evolve significantly during training while preserving their diversity, a fundamental distinction from the NTK parametrization, where features remain near their initialization.
Now, we revisit the key technical challenges introduced at the beginning of this section and demonstrate how our framework addresses them.
Feature Evolution vs. Structural Stability: Unlike NTK, where features remain close to their initialization, P enables substantial feature evolution. Our framework ensures that new randomness, represented by Gaussian features such as , enters the system with a well-defined structure that preserves non-degeneracy. This structured evolution prevents feature collapse while allowing representations to adapt dynamically, ensuring both expressivity and stability throughout training.
Cross-Layer Coupling: The interplay between layers introduces dependencies that can destabilize training. By leveraging a two-level filtration structure and , our framework tracks both forward propagation and backward propagation , ensuring that updates in one layer do not collapse the feature space of others. This structure maintains well-defined covariance relationships across layers, allowing P to support both deep feature learning and global convergence, distinguishing it from NTK and standard parametrizations.
6 Conclusion and Future Work
In this work, we establish a fundamental theoretical result: deep neural networks under P parametrization can simultaneously achieve meaningful feature learning while preserving feature non-degeneracy. Through a rigorous analysis of Gaussian processes and their covariance structures, we show that features not only remain linearly independent throughout training but also undergo substantial evolution from their initialization. This provides insight into a fundamental question in deep learning theory: how neural networks can simultaneously learn expressive representations and achieve global convergence.
Our analysis establishes fundamental connections between covariance preservation and feature richness. By preventing feature degeneracy, our framework provides a rigorous foundation for understanding how overparameterized networks learn expressive representations. Moreover, our results highlight the crucial role of parametrization in enabling both stable training and meaningful feature evolution. These insights into how P enables both feature learning and global convergence suggest promising directions for bridging the gap between theory and practical deep learning success.
Several promising directions for future work emerge from our analysis. First, extending our theoretical framework to transformer architectures, particularly the attention mechanism, would be valuable for understanding feature learning in modern language models. Second, our analysis of structural invariants could provide new perspectives on convergence rates beyond just global convergence, potentially informing optimization strategies in deep learning. Third, studying how our insights on feature non-degeneracy influence generalization bounds may yield deeper theoretical foundations for understanding the generalization properties of deep neural networks. Finally, exploring how P interacts with more complex training paradigms, such as fine-tuning and self-supervised learning, could further enhance our understanding of deep network training dynamics in practical settings.
Appendix A Experimental Details
Experimental details for Figures 1 and 2. We conduct experiments using 3-layer MLPs with input dimension (flattened CIFAR-10 images), three hidden layers of equal width varying from , and output dimension 1. In experiment, we only use 10 samples randomly selected from airplane and automobile classes in CIFAR-10. All networks use SiLU activation functions and are trained on a binary classification task with targets for 1000 steps. We use a global learning rate across all parametrization schemes with runs for each width setting. The learning rate is chosen to ensure stable training across parametrizations.
We implement the following parametrization schemes:
Standard Parametrization (SP):
at all layers, with .
Neural Tangent Parametrization (NTP):
at all layers, with .
Integrable Parametrization (IP): For initialization variances:
For learning rates:
Maximal Update Parametrization (P): For initialization variances:
For learning rates:
Networks are trained with batch size 10 for 1000 steps, sufficient for all widths to achieve stable feature representations with training loss smaller than . For each width configuration, we conduct independent trials with different random seeds () and report the mean values in Figures 1 and 2. To quantify feature properties, we measure two metrics:
-
•
Feature change: , where represents features at initialization
-
•
Feature diversity: minimum eigenvalue of the Gram matrix computed over batch samples
These measurements allow us to track both the evolution of features from their initialization state and the maintenance of feature richness throughout training.
A.1 Additional Results on Activation Functions
To further examine the impact of activation functions, we conduct experiments with Tanh and ReLU under the same settings as described in Section A. Below, we present the feature evolution and diversity results for these activations.






Our theoretical analysis fully explains the feature learning behavior of Tanh networks, as confirmed by our experimental results in Figure 3. Tanh enables meaningful feature learning while leading to a gradual decrease in feature diversity as width goes up. This is consistent with our theoretical predictions, which account for the smooth and bounded nature of the Tanh activation.
While our theoretical analysis does not directly apply to ReLU due to its non-smooth nature, our experimental results in Figure 4 indicate that ReLU-trained networks still exhibit feature learning and maintain meaningful representations under Maximal Update Parametrization (P). One possible explanation is that, although ReLU lacks explicit smoothness assumptions required in our analysis, its piecewise linear structure still allows for non-trivial feature evolution in practice. Moreover, P ensures that weight updates are appropriately scaled across layers, preventing degenerate training dynamics that could otherwise hinder learning in deep networks. Understanding the precise mechanisms behind ReLU’s feature learning in the infinite-width setting remains an important direction for future theoretical work.
Appendix B More Details for P Parametrization
Formally, the MLP definition (Yang and Hu, 2020, Table 1) in this section is
(B.1) |
where is any positive integer and . Then the P for this -hidden-layer MLP is defined as follows (Yang and Hu, 2020).
-
1.
Initial weight matrices in the middle layer: , with each coordinates .
-
2.
Initial weight matrix in the input and output layers: input layer matrix and output layer matrix , with each coordinate .
-
3.
Initial model outputs: we define the scalars for any input .
Assuming the same Assumption 4.3 for , we can characterize the variables in the infinite-width training dynamics of SGD for this -hidden-layer MLP similarly as follows (Yang and Hu, 2020).
-
1.
For , we have
(B.2) -
2.
For , we have
(B.3) -
3.
For , we have
-
4.
For , we have
where
-
5.
For last layer weight
(B.4) -
6.
The output deltas have limits
(B.5) and
-
7.
For gradients:
(B.6) (B.7) (B.8) where
-
8.
Loss derivative:
Intuition behind the entanglement term for the two-hidden-layer case The inclusion of in the backward pass largely increases the system complexity by introducing multiplications between and certain nonlinear transformations of in the forward pass, which necessitates involved definitions of and . Since they are all “conditioned out” in our analysis, we only showcase the definition of to give a sense of entanglement between and , where is calculated like so: by definition is constructed as
for some function . Then
Appendix C Proof of Theorem 4.5
We begin by describing three key lemmas, each highlighting a crucial aspect of our subsequent proof.
Lemma C.1.
Suppose random variables and satisfy , then
Proof.
implies . Because and share the same co-variance matrix, we have that . ∎
Lemma C.2.
Suppose any level set of is countable and are jointly non-degenerate Gaussian. If where is a constant, then for all and .
Proof.
has positive probability only if , because is a non-degenerate Gaussian random variable. We conclude that following a similar reasoning inductively. ∎
Lemma C.3.
Suppose satisfies Assumption 4.3. Moreover, suppose are jointly non-degenerate Gaussian. If where is a constant, then and either for all or for all .
Remark C.4.
Considering the function tail, it is easy to prove that the Sigmoid function , the smoothed ReLU function , and the SiLU (Sigmoid Linear Unit) function, defined as , all satisfy these assumptions. Notably, SiLU is employed in state-of-the-art open-source foundation models (Touvron et al., 2023a, b).
Proof.
We first prove that . Condition on the random variables and denote . Then is a non-degenerate univariate Gaussian.
Case 1: Suppose . - In this scenario, cannot be zero; otherwise (or ) would have an uncountable level set, contradicting our assumptions. Given that almost surely, we may rewrite:
Here are constants (absorbing the conditioning on ). But this implies that for almost all , , a contradiction to the assumption on the activation function. Therefore, a contradiction arises, implying must be zero.
Case 2: Now consider . Then at least one of the following holds with positive probability:
In either case, applying Lemma C.2 (which crucially uses the fact that has at most countable level sets, forcing the sum to avoid being constant on any uncountable domain with positive probability unless all involved coefficients vanish) completes the proof of zeroing out the corresponding coefficients. Concretely, if
then for those realizations we view (conditioned on ) as a non-degenerate univariate Gaussian. Holding fixed, the only way can remain a constant over a positive-measure set of values is if . Repeating this argument inductively for shows that . Therefore, either all vanish or all vanish, completing the proof of this lemma. ∎
With these lemmas at hand, we now prove our main theorem by an inductive argument. In particular, we show that the following two families of Gaussian processes, introduced in Section 4, remain non-degenerate throughout training:
(C.1) | |||
(C.2) |
Recall that a Gaussian process is non-degenerate if its covariance matrix at any finite collection of points satisfies (Adler and Taylor, 2009). Using the filtration framework introduced in Section 4, our proof follows the natural flow of computation in the network, proceeding layer by layer and separately handling forward and backward passes. We break this into four key steps, each building upon the results of previous steps:
-
•
Step 1: prove non-degeneracy for the features in the first hidden layer . This forms our base case as it only depends on the input data and network initialization, providing the foundation for our inductive argument.
-
•
Step 2: prove non-degeneracy for the features in remaining layers , . This step leverages the non-degeneracy established in Step 1 and shows how it propagates through deeper layers of the network.
-
•
Step 3: prove non-degeneracy for the gradients in the last layer . Here we transition from analyzing forward features to backward gradients, showing how the established feature properties ensure meaningful gradient flow.
-
•
Step 4: prove non-degeneracy for the gradients in remaining layers , . Finally, we complete our analysis by showing how gradient non-degeneracy propagates backward through the network, ensuring effective training dynamics at all layers.
The proof proceeds by induction on the time step , where at each step we verify these properties hold across all layers. This structure allows us to carefully track how the non-degeneracy property is maintained as information flows both forward and backward through the network during training. This systematic proof structure allows us to establish the global property of non-degeneracy by carefully tracking local changes at each layer and time step. We now proceed with the detailed proof.
Proof of Theorem 4.5.
Considering Trajectory Until Error Signals Vanish. Throughout this proof, we focus on the training trajectory up to the time when all error signals become zero. This is because once the error signals vanish, there are no further parameter updates, and the training dynamics remain static thereafter. Our analysis ensures that up to this point, the Gaussian processes governing the feature and gradient updates remain non-degenerate, thereby maintaining the linear independence of features across all layers.
Connecting to and . Recall from Section 3 that each pre-activation and post-activation can be decomposed into a primary Gaussian increment plus lower-order (history-dependent) terms in the infinite-width limit:
Because these additional terms do not alter the essential covariance structure when conditioned on past information (they vanish or become deterministic in the limit), the linear (in)dependence of or is governed by the non-degeneracy of . Hence, showing that remain non-degenerate under conditioning on historical variables directly implies that and cannot collapse into a linearly dependent set.
Below, we provide an inductive argument to establish precisely this non-degeneracy at each step.
By definition when , are independent and therefore non-degenerate Gaussian.
Now assume that the random Gaussian Process features defined in (C.1) and (C.2) are non-degenerate at time , specifically for
where layer .
Step 1: We first prove is non-degenerate. Suppose there exists not all zero such that
Since are non-degenerate, we conclude that are not all zero. Consider the second moment, we have that
Because shares the same co-variance matrix with . By Lemma C.1, we have that
Therefore by definition we have that
(C.3) |
where satisfies that
Plugging (3.6) and (3.7) into the above equation further gives the following reformulation of :
(C.4) |
where is a random variable. Notice that and .
At least one of the is not zero, W.L.O.G assume . By induction hypothesis the non-degenerate property at time holds. Therefore, condition on is a non-degenerate Gaussian.
Plugging (C.4) into (C.3) and then condition on gives that
where and are constant and is a non-degenerate uni-variate Gaussian random variable. Since meets the conditions in Assumption 4.3 and the dataset fulfills Assumption 4.1, ensuring the inner products and level sets behave as required. We can conclude that for all . A contradiction! Therefore, is indeed non-degenerate.
Step 2: We prove the following is non-degenerate.
Suppose there exists not all zero such that
Since are non-degenerate, we conclude that are not all zero. Consider the second moment, we have that
Because shares the same co-variance matrix with . By Lemma C.1, we have that
Therefore by definition we have that
(C.5) |
where satisfies that
A reformulation of the above update rule further gives that,
(C.6) |
where is a random variable. Notice that . Arbitrary pick an index . Because in induction hypothesis we assume the non-degenerate property at time for all layers and already proved the non-degenerate property at time layer , condition (C.3) on gives that
where is a non-degenerate uni-variate Gaussian random variable , and are constants. By Assumption 4.3 of activation function, we know that for arbitrary . A contradiction! Therefore, is indeed non-degenerate.
Step 3: We prove the following gradients are non-degenerate.
Suppose there exists not all zero such that
Since are non-degenerate, we conclude that are not all zero. Consider the second moment, we have that
Because shares the same co-variance matrix with . By Lemma C.1, we have that
Therefore by definition we have that
(C.7) |
where satisfies that
A reformulation of the above update rule further gives that,
where and (i) is due to (C.6). Notice that . In (C.7), only provides new randomness. Because in induction hypothesis we assume the non-degenerate property at time for all layers and already proved the non-degenerate property of , condition (C.7) on gives that
where and are all constants. Since are not all zero, by Lemma C.3, we have that for all . A contradiction! Therefore, is indeed non-degenerate.
Step 4: We prove the following gradients are non-degenerate.
Suppose there exists not all zero such that
Since are non-degenerate, we conclude that are not all zero. Consider the second moment, we have that
Because shares the same co-variance matrix with . By Lemma C.1, we have that
Therefore by definition we have that
(C.8) |
where satisfies that
(C.9) |
Similar to Steps 1 and 2, we have that , . Therefore, condition (C.8) on only gives new randomness. Arbitrarily pick an index . Because in induction hypothesis we assume the non-degenerate property at time for all layers and already proved the non-degenerate property at time layer , condition (C.8) on gives that
where is a non-degenerate uni-variate Gaussian random variable and are constants. By Assumption 4.3 of activation function, we know that which induces for all . A contradiction! Therefore, is indeed non-degenerate.
∎
Proof of Corollary 4.6
Proof.
As stated in the main text, if the training parameters stop updating at time , then the training loss must be zero.
By Theorem 4.5, the training trajectory remains non-degenerate throughout training. Suppose, for contradiction, that at time the training loss is still nonzero for some sample . This implies that the error signal is nonzero. However, the non-degenerate trajectory ensures that a nonzero error signal would necessitate further parameter updates, contradicting the assumption that all parameter updates vanish at or after time . Therefore, the training loss must be zero for all samples at time , implying convergence to a global minimum. ∎
Appendix D Activation Functions with the GOOD Property
We now verify that many practical activation functions, especially those with exponential tails, satisfy the GOOD property introduced in Definition 4.2. By “exponential tail,” we mean that as , the function and/or its derivatives decay at least as fast as for some . Representative examples include the sigmoid, tanh, SiLU, and GeLU. Below, we restate the full definition of GOOD and then show how each requirement is met by these exponential-tail activations.
Definition D.1 (Restatement of Definition 4.2).
An activation function is called GOOD if it satisfies the following two conditions:
-
(a)
Non-constant decomposition. For any finite set of parameters such that and for all , the function
(D.1) is not a constant function.
-
(b)
Non-degenerate product with derivative. For any real numbers , the product
(D.2) is not almost everywhere (a.e.) constant on .
Before analyzing each activation function in detail, we visualize these functions and their derivatives in Figure 5. These plots illustrate the key characteristics we will exploit in our proofs, particularly the exponential decay behavior in the tails. Note how most activation functions and their derivatives exhibit rapid decay as , with ReLU serving as a contrasting example that grows linearly.


In the following subsections, we formally prove that these exponential-tail activations satisfy both conditions of Definition D.1.
D.1 Sigmoid and Tanh
Proposition D.2.
The sigmoid function satisfies both (a) and (b) in Definition D.1, hence is GOOD.
Proof.
We first prove condition (a). Without loss of generality, set , as they will not affect the tail of the activation function. Define , and . Let . If , we can redefine and and reenter this proof. Thus we assume without loss of generality.
We have:
For , we have:
where . This dominant term cannot be cancelled unless .
For :
where . This shows cannot be constant unless , contradicting our assumption.
For condition (b), we need to show is not a.e. constant. Note has exponential decay as . A direct computation shows:
(D.3) |
Consider the tail in (D.3). If this expression were constant, then by examining the coefficients of different powers of , we must have and , which is impossible. Thus cannot be constant almost everywhere. ∎
Remark D.3.
Since is a linear transformation of Sigmoid function , it inherits the same exponential-tail property and similarly meets both (a) and (b).
D.2 SiLU and GeLU
Proposition D.4.
The SiLU function is GOOD.
Proof.
Define , and . Let . Using similar reasoning as in the sigmoid case, we assume without loss of generality.
We have:
For , we have:
where .
For , we have:
where . Note that is bounded by some constant and asymptotically . Therefore, is constant only if and , which contradicts our assumption.
For condition (b), we need to show is not a.e. constant. Note that:
(D.4) |
Then we have:
(D.5) |
Consider the tail in (D.5). If this expression were constant, the coefficient of term must vanish, which requires . However, this is impossible as for all . Thus this product cannot be constant almost everywhere. ∎
Remark D.5.
GeLU, defined by where is the Gaussian CDF, similarly satisfies (a) and (b) because of its strong exponential decay. Specifically, as , GeLU and its derivatives exhibit Gaussian-like decay , which is even stronger than the exponential decay of sigmoid and SiLU.
Conclusion.
We have shown that key exponential-tail activations (, , SiLU, GeLU) fulfill both (a) and (b) in Definition D.1, and hence are GOOD. These results rely crucially on the exponential decay properties of these functions, which ensure that scaled copies cannot combine to yield constant functions. This ensures rich, non-degenerate behavior in our infinite-width analysis under P scaling.
References
- Adler and Taylor (2009) Adler, R. J. and Taylor, J. E. (2009). Random fields and geometry. Springer Science & Business Media.
- Alemohammad et al. (2020) Alemohammad, S., Wang, Z., Balestriero, R. and Baraniuk, R. (2020). The recurrent neural tangent kernel. arXiv preprint arXiv:2006.10246 .
- Allen-Zhu et al. (2019) Allen-Zhu, Z., Li, Y. and Song, Z. (2019). A convergence theory for deep learning via over-parameterization. In International Conference on Machine Learning.
- Arora et al. (2019a) Arora, S., Du, S., Hu, W., Li, Z. and Wang, R. (2019a). Fine-grained analysis of optimization and generalization for overparameterized two-layer neural networks. In International Conference on Machine Learning.
- Arora et al. (2019b) Arora, S., Du, S. S., Hu, W., Li, Z., Salakhutdinov, R. and Wang, R. (2019b). On exact computation with an infinitely wide neural net. In Advances in Neural Information Processing Systems.
- Bordelon and Pehlevan (2022) Bordelon, B. and Pehlevan, C. (2022). Self-consistent dynamical field theory of kernel evolution in wide neural networks. Advances in Neural Information Processing Systems 35 32240–32256.
- Cao and Gu (2019) Cao, Y. and Gu, Q. (2019). Generalization bounds of stochastic gradient descent for wide and deep neural networks. In Advances in Neural Information Processing Systems.
- Chen et al. (2020) Chen, Z., Cao, Y., Gu, Q. and Zhang, T. (2020). A generalized neural tangent kernel analysis for two-layer neural networks. Advances in Neural Information Processing Systems 33 13363–13373.
- Chen et al. (2021) Chen, Z., Cao, Y., Zou, D. and Gu, Q. (2021). How much over-parameterization is sufficient to learn deep relu networks? In International Conference on Learning Representation (ICLR).
- Chizat and Bach (2018) Chizat, L. and Bach, F. (2018). On the global convergence of gradient descent for over-parameterized models using optimal transport. In Advances in neural information processing systems.
- Du et al. (2019a) Du, S., Lee, J., Li, H., Wang, L. and Zhai, X. (2019a). Gradient descent finds global minima of deep neural networks. In International Conference on Machine Learning.
- Du et al. (2019b) Du, S. S., Hou, K., Salakhutdinov, R. R., Poczos, B., Wang, R. and Xu, K. (2019b). Graph neural tangent kernel: Fusing graph neural networks with graph kernels. Advances in neural information processing systems 32.
- Du et al. (2018) Du, S. S., Lee, J. D. and Tian, Y. (2018). When is a convolutional filter easy to learn? In International Conference on Learning Representations.
- Du et al. (2019c) Du, S. S., Zhai, X., Poczos, B. and Singh, A. (2019c). Gradient descent provably optimizes over-parameterized neural networks. In International Conference on Learning Representations.
- Fang et al. (2021) Fang, C., Lee, J., Yang, P. and Zhang, T. (2021). Modeling from features: a mean-field framework for over-parameterized deep neural networks. In Conference on learning theory. PMLR.
- Geiger et al. (2020) Geiger, M., Spigler, S., Jacot, A. and Wyart, M. (2020). Disentangling feature and lazy training in deep neural networks. Journal of Statistical Mechanics: Theory and Experiment 2020 113301.
- Hajjar et al. (2021) Hajjar, K., Chizat, L. and Giraud, C. (2021). Training integrable parameterizations of deep neural networks in the infinite-width limit. arXiv preprint arXiv:2110.15596 .
- Hendrycks and Gimpel (2016) Hendrycks, D. and Gimpel, K. (2016). Gaussian error linear units (gelus). arXiv preprint arXiv:1606.08415 .
- Hinton et al. (2012) Hinton, G., Deng, L., Yu, D., Dahl, G. E., Mohamed, A.-r., Jaitly, N., Senior, A., Vanhoucke, V., Nguyen, P., Sainath, T. N. et al. (2012). Deep neural networks for acoustic modeling in speech recognition: The shared views of four research groups. IEEE Signal Processing Magazine 29 82–97.
- Hron et al. (2020) Hron, J., Bahri, Y., Sohl-Dickstein, J. and Novak, R. (2020). Infinite attention: Nngp and ntk for deep attention networks. In International Conference on Machine Learning. PMLR.
- Jacot et al. (2018) Jacot, A., Gabriel, F. and Hongler, C. (2018). Neural tangent kernel: Convergence and generalization in neural networks. In Advances in neural information processing systems.
- Krizhevsky et al. (2012) Krizhevsky, A., Sutskever, I. and Hinton, G. E. (2012). Imagenet classification with deep convolutional neural networks. In Advances in neural information processing systems.
- Lee et al. (2019) Lee, J., Xiao, L., Schoenholz, S. S., Bahri, Y., Sohl-Dickstein, J. and Pennington, J. (2019). Wide neural networks of any depth evolve as linear models under gradient descent. In Advances in Neural Information Processing Systems.
- Littwin and Yang (2022) Littwin, E. and Yang, G. (2022). Adaptive optimization in the infinit-width limit. In The Eleventh International Conference on Learning Representations.
- Mei et al. (2018) Mei, S., Montanari, A. and Nguyen, P.-M. (2018). A mean field view of the landscape of two-layer neural networks. Proceedings of the National Academy of Sciences 115 E7665–E7671.
- Nguyen and Pham (2020) Nguyen, P.-M. and Pham, H. T. (2020). A rigorous framework for the mean field limit of multilayer neural networks. arXiv preprint arXiv:2001.11443 .
- Nitanda et al. (2022) Nitanda, A., Wu, D. and Suzuki, T. (2022). Convex analysis of the mean field langevin dynamics. In International Conference on Artificial Intelligence and Statistics. PMLR.
- Pham and Nguyen (2021) Pham, H. T. and Nguyen, P.-M. (2021). Global convergence of three-layer neural networks in the mean field regime. arXiv preprint arXiv:2105.05228 .
- Rotskoff and Vanden-Eijnden (2018) Rotskoff, G. M. and Vanden-Eijnden, E. (2018). Neural networks as interacting particle systems: Asymptotic convexity of the loss landscape and universal scaling of the approximation error. arXiv preprint arXiv:1805.00915 .
- Silver et al. (2016) Silver, D., Huang, A., Maddison, C. J., Guez, A., Sifre, L., Van Den Driessche, G., Schrittwieser, J., Antonoglou, I., Panneershelvam, V., Lanctot, M. et al. (2016). Mastering the game of go with deep neural networks and tree search. Nature 529 484–489.
- Sirignano and Spiliopoulos (2018) Sirignano, J. and Spiliopoulos, K. (2018). Mean field analysis of neural networks: A central limit theorem. arXiv preprint arXiv:1808.09372 .
- Touvron et al. (2023a) Touvron, H., Lavril, T., Izacard, G., Martinet, X., Lachaux, M.-A., Lacroix, T., Rozière, B., Goyal, N., Hambro, E., Azhar, F. et al. (2023a). Llama: Open and efficient foundation language models. arXiv preprint arXiv:2302.13971 .
- Touvron et al. (2023b) Touvron, H., Martin, L., Stone, K., Albert, P., Almahairi, A., Babaei, Y., Bashlykov, N., Batra, S., Bhargava, P., Bhosale, S. et al. (2023b). Llama 2: Open foundation and fine-tuned chat models. arXiv preprint arXiv:2307.09288 .
- Woodworth et al. (2020) Woodworth, B., Gunasekar, S., Lee, J. D., Moroshko, E., Savarese, P., Golan, I., Soudry, D. and Srebro, N. (2020). Kernel and rich regimes in overparametrized models. In Conference on Learning Theory. PMLR.
- Yang (2019a) Yang, G. (2019a). Scaling limits of wide neural networks with weight sharing: Gaussian process behavior, gradient independence, and neural tangent kernel derivation. arXiv preprint arXiv:1902.04760 .
- Yang (2019b) Yang, G. (2019b). Wide feedforward or recurrent neural networks of any architecture are gaussian processes. Advances in Neural Information Processing Systems 32.
- Yang (2020a) Yang, G. (2020a). Tensor programs ii: Neural tangent kernel for any architecture. arXiv preprint arXiv:2006.14548 .
- Yang (2020b) Yang, G. (2020b). Tensor programs iii: Neural matrix laws. arXiv preprint arXiv:2009.10685 .
- Yang et al. (2021) Yang, G., Hu, E., Babuschkin, I., Sidor, S., Liu, X., Farhi, D., Ryder, N., Pachocki, J., Chen, W. and Gao, J. (2021). Tuning large neural networks via zero-shot hyperparameter transfer. Advances in Neural Information Processing Systems 34 17084–17097.
- Yang and Hu (2020) Yang, G. and Hu, E. J. (2020). Feature learning in infinite-width neural networks. arXiv preprint arXiv:2011.14522 .
- Yang and Hu (2021) Yang, G. and Hu, E. J. (2021). Tensor programs iv: Feature learning in infinite-width neural networks. In International Conference on Machine Learning. PMLR.
- Yang et al. (2023a) Yang, G., Simon, J. B. and Bernstein, J. (2023a). A spectral condition for feature learning. arXiv preprint arXiv:2310.17813 .
- Yang et al. (2023b) Yang, G., Yu, D., Zhu, C. and Hayou, S. (2023b). Tensor programs vi: Feature learning in infinite-depth neural networks. arXiv preprint arXiv:2310.02244 .
- Zou et al. (2019) Zou, D., Cao, Y., Zhou, D. and Gu, Q. (2019). Gradient descent optimizes over-parameterized deep ReLU networks. Machine Learning .
- Zou and Gu (2019) Zou, D. and Gu, Q. (2019). An improved analysis of training over-parameterized deep neural networks. In Advances in Neural Information Processing Systems.